max_stars_repo_path
stringlengths 4
237
| max_stars_repo_name
stringlengths 6
117
| max_stars_count
int64 0
95.2k
| id
stringlengths 1
7
| content
stringlengths 12
593k
| input_ids
sequencelengths 7
549k
|
---|---|---|---|---|---|
trainer/train_debug.py | naivelogic/dotatron | 0 | 1610322 | <reponame>naivelogic/dotatron
#!/usr/bin/python
import os
import torch
import warnings
warnings.filterwarnings("ignore", category=FutureWarning)
from detectron2.config import *
from detectron2 import model_zoo
from detectron2.data import DatasetCatalog, MetadataCatalog
from detectron2.engine import launch
from rotated_trainer import RotatedTrainer
from dota2kit_data_tools import dotatron_loader
from detectron2.engine import default_setup
import logging
logger = logging.getLogger("detectron2")
torch.cuda.set_device(0) # multi
from cfg_lib import base_dota_cfg
from dota_project import DOTA2CLASSES
def main(args):
#DATA_FOLDER = "/mnt/omreast_users/phhale/open_ds/DOTA_aerial_images/"
OUTPUT_PATHS="/home/redne/LUIA_challenge_dev/tron_dota/prod_v2/output/x3/x1"
TRAIN_PATH = '/home/redne/LUIA_challenge_dev/repos/DOTA_devkit_YOLO/examplesplit'
DatasetCatalog.clear()
MetadataCatalog.clear()
DatasetCatalog.register("Train", lambda: dotatron_loader(dataset_dir=TRAIN_PATH, load_dataset=False, classlist=DOTA2CLASSES, dataset_load_name='train_dota2kit_prodv2'))
MetadataCatalog.get("Train").set(thing_classes=DOTA2CLASSES)
cfg = base_dota_cfg()
cfg.DATASETS.TRAIN = (["Train"])
cfg.DATASETS.TEST = ()
cfg.MODEL.ROI_HEADS.NUM_CLASSES = len(DOTA2CLASSES)
cfg.VIS_PERIOD = 10 #50
cfg.OUTPUT_DIR= OUTPUT_PATHS
os.makedirs(cfg.OUTPUT_DIR, exist_ok=True) #lets just check our output dir exists
cfg.freeze() # make the configuration unchangeable during the training process
default_setup(cfg, args)
cfg.dump()
trainer = RotatedTrainer(cfg)
#trainer.resume_or_load(resume=True)
trainer.resume_or_load(resume=False)
return trainer.train()
if __name__ == '__main__':
torch.cuda.empty_cache()
from custom_arg_parsers import custom_default_argument_parser
args = custom_default_argument_parser().parse_args()
print("Command Line Args:", args)
torch.backends.cudnn.benchmark = True
launch(
main,
args.num_gpus,
num_machines=args.num_machines,
machine_rank=args.machine_rank,
dist_url=args.dist_url,
args=(args,),
)
| [
1,
529,
276,
1112,
420,
29958,
1056,
13255,
468,
293,
29914,
6333,
271,
1617,
13,
29937,
14708,
4855,
29914,
2109,
29914,
4691,
13,
13,
5215,
2897,
13,
5215,
4842,
305,
13,
13,
5215,
18116,
13,
25442,
886,
29889,
4572,
25442,
886,
703,
17281,
613,
7663,
29922,
20154,
22709,
29897,
13,
13,
3166,
6459,
1617,
29906,
29889,
2917,
1053,
334,
13,
3166,
6459,
1617,
29906,
1053,
1904,
29918,
2502,
29877,
13,
3166,
6459,
1617,
29906,
29889,
1272,
1053,
13373,
24541,
29907,
3968,
29892,
4737,
7221,
29907,
3968,
13,
3166,
6459,
1617,
29906,
29889,
10599,
1053,
6826,
13,
13,
3166,
5731,
630,
29918,
3018,
4983,
1053,
9664,
630,
5323,
4983,
13,
3166,
270,
4616,
29906,
7354,
29918,
1272,
29918,
8504,
1053,
8329,
271,
1617,
29918,
12657,
13,
13,
3166,
6459,
1617,
29906,
29889,
10599,
1053,
2322,
29918,
14669,
13,
5215,
12183,
13,
21707,
353,
12183,
29889,
657,
16363,
703,
4801,
522,
1617,
29906,
1159,
13,
13,
7345,
305,
29889,
29883,
6191,
29889,
842,
29918,
10141,
29898,
29900,
29897,
396,
2473,
29871,
13,
13,
3166,
274,
16434,
29918,
1982,
1053,
2967,
29918,
29881,
4616,
29918,
16859,
13,
3166,
270,
4616,
29918,
4836,
1053,
360,
2891,
29909,
29906,
6154,
3289,
1660,
29903,
13,
13,
1753,
1667,
29898,
5085,
1125,
13,
29871,
396,
14573,
29918,
29943,
5607,
8032,
353,
5591,
29885,
593,
29914,
290,
276,
579,
29918,
7193,
29914,
561,
29882,
744,
29914,
3150,
29918,
6289,
29914,
29928,
2891,
29909,
29918,
29874,
261,
616,
29918,
8346,
12975,
13,
29871,
19474,
12336,
29918,
10145,
29903,
13802,
5184,
29914,
1127,
484,
29914,
29931,
3120,
29909,
29918,
305,
11768,
29918,
3359,
29914,
509,
265,
29918,
29881,
4616,
29914,
10633,
29918,
29894,
29906,
29914,
4905,
29914,
29916,
29941,
29914,
29916,
29896,
29908,
13,
29871,
323,
4717,
1177,
29918,
10145,
353,
8207,
5184,
29914,
1127,
484,
29914,
29931,
3120,
29909,
29918,
305,
11768,
29918,
3359,
29914,
276,
1066,
29914,
29928,
2891,
29909,
29918,
3359,
7354,
29918,
29979,
29949,
3927,
29914,
19057,
2830,
29915,
13,
259,
13,
29871,
13373,
24541,
29907,
3968,
29889,
8551,
580,
13,
29871,
4737,
7221,
29907,
3968,
29889,
8551,
580,
13,
13,
29871,
13373,
24541,
29907,
3968,
29889,
9573,
703,
5323,
262,
613,
14013,
29901,
8329,
271,
1617,
29918,
12657,
29898,
24713,
29918,
3972,
29922,
29911,
4717,
1177,
29918,
10145,
29892,
2254,
29918,
24713,
29922,
8824,
29892,
770,
1761,
29922,
29928,
2891,
29909,
29906,
6154,
3289,
1660,
29903,
29892,
8783,
29918,
1359,
29918,
978,
2433,
14968,
29918,
29881,
4616,
29906,
7354,
29918,
10633,
29894,
29906,
8785,
13,
29871,
4737,
7221,
29907,
3968,
29889,
657,
703,
5323,
262,
2564,
842,
29898,
1918,
29918,
13203,
29922,
29928,
2891,
29909,
29906,
6154,
3289,
1660,
29903,
29897,
13,
259,
13,
13,
29871,
274,
16434,
353,
2967,
29918,
29881,
4616,
29918,
16859,
580,
13,
29871,
274,
16434,
29889,
25832,
8127,
9375,
29889,
29911,
4717,
1177,
353,
313,
3366,
5323,
262,
20068,
13,
29871,
274,
16434,
29889,
25832,
8127,
9375,
29889,
18267,
353,
3861,
29871,
13,
29871,
274,
16434,
29889,
20387,
29931,
29889,
1672,
29902,
29918,
23252,
29903,
29889,
13967,
29918,
6154,
3289,
1660,
29903,
353,
7431,
29898,
29928,
2891,
29909,
29906,
6154,
3289,
1660,
29903,
29897,
13,
29871,
274,
16434,
29889,
28607,
29918,
13171,
5971,
29928,
353,
29871,
29896,
29900,
396,
29945,
29900,
13,
29871,
274,
16434,
29889,
12015,
12336,
29918,
9464,
29922,
19474,
12336,
29918,
10145,
29903,
29871,
13,
29871,
2897,
29889,
29885,
12535,
12935,
29898,
16859,
29889,
12015,
12336,
29918,
9464,
29892,
1863,
29918,
554,
29922,
5574,
29897,
396,
10376,
925,
1423,
1749,
1962,
4516,
4864,
13,
13,
29871,
274,
16434,
29889,
9021,
911,
580,
462,
1678,
396,
1207,
278,
5285,
443,
3167,
519,
2645,
278,
6694,
1889,
13,
29871,
2322,
29918,
14669,
29898,
16859,
29892,
6389,
29897,
13,
29871,
274,
16434,
29889,
15070,
580,
13,
259,
13,
29871,
1020,
4983,
353,
9664,
630,
5323,
4983,
29898,
16859,
29897,
29871,
13,
29871,
396,
3018,
4983,
29889,
690,
2017,
29918,
272,
29918,
1359,
29898,
690,
2017,
29922,
5574,
29897,
13,
29871,
1020,
4983,
29889,
690,
2017,
29918,
272,
29918,
1359,
29898,
690,
2017,
29922,
8824,
29897,
13,
29871,
736,
1020,
4983,
29889,
14968,
580,
13,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
13,
1678,
4842,
305,
29889,
29883,
6191,
29889,
6310,
29918,
8173,
580,
13,
1678,
515,
2888,
29918,
1191,
29918,
862,
4253,
1053,
2888,
29918,
4381,
29918,
23516,
29918,
16680,
13,
1678,
6389,
353,
2888,
29918,
4381,
29918,
23516,
29918,
16680,
2141,
5510,
29918,
5085,
580,
13,
1678,
1596,
703,
6255,
7407,
826,
3174,
29901,
613,
6389,
29897,
13,
1678,
4842,
305,
29889,
1627,
1975,
29889,
29883,
566,
15755,
29889,
1785,
16580,
353,
5852,
13,
1678,
6826,
29898,
13,
4706,
1667,
29892,
13,
4706,
6389,
29889,
1949,
29918,
29887,
13364,
29892,
13,
4706,
954,
29918,
29885,
496,
1475,
29922,
5085,
29889,
1949,
29918,
29885,
496,
1475,
29892,
13,
4706,
4933,
29918,
10003,
29922,
5085,
29889,
23523,
29918,
10003,
29892,
13,
4706,
1320,
29918,
2271,
29922,
5085,
29889,
5721,
29918,
2271,
29892,
13,
4706,
6389,
7607,
5085,
29892,
511,
13,
1678,
1723,
13,
2
] |
pyskyqremote/classes/device.py | RogerSelwyn/pyskyqremote | 0 | 119010 | """Methods for retrieving device information."""
import json
import logging
from dataclasses import dataclass, field
from ..const import (CURRENT_SPEED, CURRENT_TRANSPORT_STATE,
CURRENT_TRANSPORT_STATUS, DEFAULT_TRANSPORT_SPEED,
DEFAULT_TRANSPORT_STATE, KNOWN_COUNTRIES,
REST_PATH_DEVICEINFO, REST_PATH_SYSTEMINFO,
SKY_STATE_NOMEDIA, SKY_STATE_OFF, SKY_STATE_PAUSED,
SKY_STATE_PLAYING, SKY_STATE_STANDBY, SKY_STATE_STOPPED,
SKY_STATE_TRANSITIONING, SKY_STATE_UNSUPPORTED,
UPNP_GET_TRANSPORT_INFO)
_LOGGER = logging.getLogger(__name__)
class DeviceInformation:
"""Sky Q device information retrieval methods."""
def __init__(self, remote_config):
"""Initialise the device information class."""
self._remote_config = remote_config
self._device_access = remote_config.device_access
self._port = remote_config.port
def get_transport_information(self):
"""Get the transport information from the SkyQ box."""
response = self._device_access.call_sky_soap_service(UPNP_GET_TRANSPORT_INFO)
if response is not None:
return TransportInfo(
response[CURRENT_TRANSPORT_STATE],
response[CURRENT_TRANSPORT_STATUS],
response[CURRENT_SPEED],
)
return TransportInfo(
SKY_STATE_OFF, DEFAULT_TRANSPORT_STATE, DEFAULT_TRANSPORT_SPEED
)
def get_system_information(self):
"""Get the system information from the SkyQ box."""
return self._device_access.retrieve_information(REST_PATH_SYSTEMINFO)
def get_device_information(self, override_country):
"""Get the device information from the SkyQ box."""
device_info = self._device_access.retrieve_information(REST_PATH_DEVICEINFO)
if not device_info:
return None
system_info = self.get_system_information()
as_version = device_info["ASVersion"]
ip_address = device_info["IPAddress"]
country_code = device_info["countryCode"]
gateway = device_info["gateway"]
hardware_model = system_info["hardwareModel"]
device_type = system_info["deviceType"]
hardware_name = device_info["hardwareName"]
manufacturer = system_info["manufacturer"]
model_number = device_info["modelNumber"]
serial_number = device_info["serialNumber"]
version_number = device_info["versionNumber"]
bouquet = device_info["bouquet"]
subbouquet = device_info["subbouquet"]
wake_reason = system_info["wakeReason"]
system_uptime = system_info["systemUptime"]
hdr_capable = system_info["hdrCapable"]
uhd_capable = system_info["uhdCapable"]
used_country_code = override_country or country_code.upper()
if not used_country_code:
_LOGGER.error("E0010 - No country identified: %s", self._remote_config.host)
return None
if used_country_code in KNOWN_COUNTRIES:
used_country_code = KNOWN_COUNTRIES[used_country_code]
return Device(
as_version,
ip_address,
country_code,
used_country_code,
hardware_model,
hardware_name,
device_type,
gateway,
manufacturer,
model_number,
serial_number,
version_number,
bouquet,
subbouquet,
wake_reason,
system_uptime,
hdr_capable,
uhd_capable,
)
@dataclass
class Device:
"""SkyQ Device Class."""
ASVersion: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
IPAddress: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
countryCode: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
used_country_code: str = field(
init=True,
repr=True,
compare=False,
)
hardwareModel: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
hardwareName: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
deviceType: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
gateway: str = field(
init=True,
repr=True,
compare=False,
)
manufacturer: str = field(
init=True,
repr=True,
compare=False,
)
modelNumber: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
serialNumber: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
versionNumber: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
bouquet: str = field(
init=True,
repr=True,
compare=False,
)
subbouquet: str = field(
init=True,
repr=True,
compare=False,
)
wakeReason: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
systemUptime: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
hdrCapable: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
uhdCapable: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
def as_json(self) -> str:
"""Return a JSON string representing this device info."""
return json.dumps(self, cls=_DeviceJSONEncoder)
def device_decoder(obj):
"""Decode programme object from json."""
device = json.loads(obj)
if "__type__" in device and device["__type__"] == "__device__":
return Device(**device["attributes"])
return device
class _DeviceJSONEncoder(json.JSONEncoder):
def default(self, o):
if isinstance(o, Device):
attributes = dict(vars(o))
return {
"__type__": "__device__",
"attributes": attributes,
}
@dataclass
class TransportInfo:
"""SkyQ TransportInfo Class."""
CurrentTransportState: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
CurrentTransportStatus: str = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
CurrentSpeed: float = field( # pylint: disable=invalid-name
init=True,
repr=True,
compare=False,
)
state: str = None
def __post_init__(self):
"""Post process the transport setup."""
self.state = self.CurrentTransportState
if self.CurrentTransportState in [SKY_STATE_NOMEDIA, SKY_STATE_STOPPED]:
self.state = SKY_STATE_STANDBY
if self.CurrentTransportState in [SKY_STATE_PLAYING, SKY_STATE_TRANSITIONING]:
self.state = SKY_STATE_PLAYING
if self.CurrentTransportState == SKY_STATE_PAUSED:
self.state = SKY_STATE_PAUSED
if self.CurrentTransportState == SKY_STATE_UNSUPPORTED:
self.CurrentTransportState = None
def as_json(self) -> str:
"""Return a JSON string representing this app info."""
return json.dumps(self, cls=_TransportInfoJSONEncoder)
def transportinfo_decoder(obj):
"""Decode programme object from json."""
transportinfo = json.loads(obj)
if "__type__" in transportinfo and transportinfo["__type__"] == "__transportinfo__":
return TransportInfo(**transportinfo["attributes"])
return transportinfo
class _TransportInfoJSONEncoder(json.JSONEncoder):
def default(self, o):
if isinstance(o, TransportInfo):
attributes = dict(vars(o))
return {
"__type__": "__transportinfo__",
"attributes": attributes,
}
| [
1,
9995,
26112,
363,
5663,
15387,
4742,
2472,
1213,
15945,
13,
13,
5215,
4390,
13,
5215,
12183,
13,
3166,
848,
13203,
1053,
848,
1990,
29892,
1746,
13,
13,
3166,
6317,
3075,
1053,
313,
22484,
29450,
29918,
29903,
4162,
3352,
29892,
315,
4574,
29450,
29918,
26813,
5550,
8476,
29918,
19713,
29892,
13,
462,
268,
315,
4574,
29450,
29918,
26813,
5550,
8476,
29918,
27047,
29892,
22236,
29918,
26813,
5550,
8476,
29918,
29903,
4162,
3352,
29892,
13,
462,
268,
22236,
29918,
26813,
5550,
8476,
29918,
19713,
29892,
476,
6632,
16048,
29918,
18736,
3960,
2890,
29892,
13,
462,
268,
16759,
29918,
10145,
29918,
2287,
19059,
11690,
29892,
16759,
29918,
10145,
29918,
14816,
1254,
12665,
11690,
29892,
13,
462,
268,
18581,
29979,
29918,
19713,
29918,
6632,
2303,
4571,
29909,
29892,
18581,
29979,
29918,
19713,
29918,
27681,
29892,
18581,
29979,
29918,
19713,
29918,
7228,
17171,
29928,
29892,
13,
462,
268,
18581,
29979,
29918,
19713,
29918,
29925,
18799,
4214,
29892,
18581,
29979,
29918,
19713,
29918,
1254,
2190,
4051,
29979,
29892,
18581,
29979,
29918,
19713,
29918,
1254,
4590,
29925,
3352,
29892,
13,
462,
268,
18581,
29979,
29918,
19713,
29918,
26813,
29903,
22122,
4214,
29892,
18581,
29979,
29918,
19713,
29918,
29965,
3059,
4897,
15082,
3352,
29892,
13,
462,
268,
11901,
25500,
29918,
7194,
29918,
26813,
5550,
8476,
29918,
11690,
29897,
13,
13,
29918,
14480,
17070,
353,
12183,
29889,
657,
16363,
22168,
978,
1649,
29897,
13,
13,
13,
1990,
21830,
20350,
29901,
13,
1678,
9995,
29903,
3459,
660,
4742,
2472,
5663,
16837,
3519,
1213,
15945,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
7592,
29918,
2917,
1125,
13,
4706,
9995,
15514,
895,
278,
4742,
2472,
770,
1213,
15945,
13,
4706,
1583,
3032,
16674,
29918,
2917,
353,
7592,
29918,
2917,
13,
4706,
1583,
3032,
10141,
29918,
5943,
353,
7592,
29918,
2917,
29889,
10141,
29918,
5943,
13,
4706,
1583,
3032,
637,
353,
7592,
29918,
2917,
29889,
637,
13,
13,
1678,
822,
679,
29918,
27882,
29918,
19678,
29898,
1311,
1125,
13,
4706,
9995,
2577,
278,
8608,
2472,
515,
278,
16572,
29984,
3800,
1213,
15945,
13,
4706,
2933,
353,
1583,
3032,
10141,
29918,
5943,
29889,
4804,
29918,
7912,
29918,
21993,
29918,
5509,
29898,
4897,
25500,
29918,
7194,
29918,
26813,
5550,
8476,
29918,
11690,
29897,
13,
4706,
565,
2933,
338,
451,
6213,
29901,
13,
9651,
736,
15710,
3401,
29898,
13,
18884,
2933,
29961,
22484,
29450,
29918,
26813,
5550,
8476,
29918,
19713,
1402,
13,
18884,
2933,
29961,
22484,
29450,
29918,
26813,
5550,
8476,
29918,
27047,
1402,
13,
18884,
2933,
29961,
22484,
29450,
29918,
29903,
4162,
3352,
1402,
13,
9651,
1723,
13,
13,
4706,
736,
15710,
3401,
29898,
13,
9651,
18581,
29979,
29918,
19713,
29918,
27681,
29892,
22236,
29918,
26813,
5550,
8476,
29918,
19713,
29892,
22236,
29918,
26813,
5550,
8476,
29918,
29903,
4162,
3352,
13,
4706,
1723,
13,
13,
1678,
822,
679,
29918,
5205,
29918,
19678,
29898,
1311,
1125,
13,
4706,
9995,
2577,
278,
1788,
2472,
515,
278,
16572,
29984,
3800,
1213,
15945,
13,
4706,
736,
1583,
3032,
10141,
29918,
5943,
29889,
276,
509,
2418,
29918,
19678,
29898,
1525,
1254,
29918,
10145,
29918,
14816,
1254,
12665,
11690,
29897,
13,
13,
1678,
822,
679,
29918,
10141,
29918,
19678,
29898,
1311,
29892,
5712,
29918,
13509,
1125,
13,
4706,
9995,
2577,
278,
4742,
2472,
515,
278,
16572,
29984,
3800,
1213,
15945,
13,
4706,
4742,
29918,
3888,
353,
1583,
3032,
10141,
29918,
5943,
29889,
276,
509,
2418,
29918,
19678,
29898,
1525,
1254,
29918,
10145,
29918,
2287,
19059,
11690,
29897,
13,
4706,
565,
451,
4742,
29918,
3888,
29901,
13,
9651,
736,
6213,
13,
13,
4706,
1788,
29918,
3888,
353,
1583,
29889,
657,
29918,
5205,
29918,
19678,
580,
13,
4706,
408,
29918,
3259,
353,
4742,
29918,
3888,
3366,
3289,
6594,
3108,
13,
4706,
10377,
29918,
7328,
353,
4742,
29918,
3888,
3366,
5690,
7061,
3108,
13,
4706,
4234,
29918,
401,
353,
4742,
29918,
3888,
3366,
13509,
3399,
3108,
13,
4706,
28646,
353,
4742,
29918,
3888,
3366,
17062,
1582,
3108,
13,
4706,
12837,
29918,
4299,
353,
1788,
29918,
3888,
3366,
6800,
2519,
3195,
3108,
13,
4706,
4742,
29918,
1853,
353,
1788,
29918,
3888,
3366,
10141,
1542,
3108,
13,
4706,
12837,
29918,
978,
353,
4742,
29918,
3888,
3366,
6800,
2519,
1170,
3108,
13,
4706,
12012,
9945,
353,
1788,
29918,
3888,
3366,
1171,
9765,
9945,
3108,
13,
4706,
1904,
29918,
4537,
353,
4742,
29918,
3888,
3366,
4299,
4557,
3108,
13,
4706,
7797,
29918,
4537,
353,
4742,
29918,
3888,
3366,
15550,
4557,
3108,
13,
4706,
1873,
29918,
4537,
353,
4742,
29918,
3888,
3366,
3259,
4557,
3108,
13,
4706,
16380,
12621,
353,
4742,
29918,
3888,
3366,
29890,
283,
12621,
3108,
13,
4706,
1014,
29890,
283,
12621,
353,
4742,
29918,
3888,
3366,
1491,
29890,
283,
12621,
3108,
13,
4706,
281,
1296,
29918,
23147,
353,
1788,
29918,
3888,
3366,
29893,
1296,
1123,
1658,
3108,
13,
4706,
1788,
29918,
21245,
603,
353,
1788,
29918,
3888,
3366,
5205,
29965,
415,
603,
3108,
13,
4706,
298,
7707,
29918,
5030,
519,
353,
1788,
29918,
3888,
3366,
29882,
7707,
12415,
519,
3108,
13,
4706,
318,
16440,
29918,
5030,
519,
353,
1788,
29918,
3888,
3366,
16099,
29881,
12415,
519,
3108,
13,
13,
4706,
1304,
29918,
13509,
29918,
401,
353,
5712,
29918,
13509,
470,
4234,
29918,
401,
29889,
21064,
580,
13,
4706,
565,
451,
1304,
29918,
13509,
29918,
401,
29901,
13,
9651,
903,
14480,
17070,
29889,
2704,
703,
29923,
29900,
29900,
29896,
29900,
448,
1939,
4234,
15659,
29901,
1273,
29879,
613,
1583,
3032,
16674,
29918,
2917,
29889,
3069,
29897,
13,
9651,
736,
6213,
13,
13,
4706,
565,
1304,
29918,
13509,
29918,
401,
297,
476,
6632,
16048,
29918,
18736,
3960,
2890,
29901,
13,
9651,
1304,
29918,
13509,
29918,
401,
353,
476,
6632,
16048,
29918,
18736,
3960,
2890,
29961,
3880,
29918,
13509,
29918,
401,
29962,
13,
13,
4706,
736,
21830,
29898,
13,
9651,
408,
29918,
3259,
29892,
13,
9651,
10377,
29918,
7328,
29892,
13,
9651,
4234,
29918,
401,
29892,
13,
9651,
1304,
29918,
13509,
29918,
401,
29892,
13,
9651,
12837,
29918,
4299,
29892,
13,
9651,
12837,
29918,
978,
29892,
13,
9651,
4742,
29918,
1853,
29892,
13,
9651,
28646,
29892,
13,
9651,
12012,
9945,
29892,
13,
9651,
1904,
29918,
4537,
29892,
13,
9651,
7797,
29918,
4537,
29892,
13,
9651,
1873,
29918,
4537,
29892,
13,
9651,
16380,
12621,
29892,
13,
9651,
1014,
29890,
283,
12621,
29892,
13,
9651,
281,
1296,
29918,
23147,
29892,
13,
9651,
1788,
29918,
21245,
603,
29892,
13,
9651,
298,
7707,
29918,
5030,
519,
29892,
13,
9651,
318,
16440,
29918,
5030,
519,
29892,
13,
4706,
1723,
13,
13,
13,
29992,
1272,
1990,
13,
1990,
21830,
29901,
13,
1678,
9995,
29903,
3459,
29984,
21830,
4134,
1213,
15945,
13,
13,
1678,
3339,
6594,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
5641,
7061,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
4234,
3399,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
1304,
29918,
13509,
29918,
401,
29901,
851,
353,
1746,
29898,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
12837,
3195,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
12837,
1170,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
4742,
1542,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
28646,
29901,
851,
353,
1746,
29898,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
12012,
9945,
29901,
851,
353,
1746,
29898,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
1904,
4557,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
7797,
4557,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
1873,
4557,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
16380,
12621,
29901,
851,
353,
1746,
29898,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
1014,
29890,
283,
12621,
29901,
851,
353,
1746,
29898,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
281,
1296,
1123,
1658,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
1788,
29965,
415,
603,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
298,
7707,
12415,
519,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
318,
16440,
12415,
519,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
13,
1678,
822,
408,
29918,
3126,
29898,
1311,
29897,
1599,
851,
29901,
13,
4706,
9995,
11609,
263,
4663,
1347,
15783,
445,
4742,
5235,
1213,
15945,
13,
4706,
736,
4390,
29889,
29881,
17204,
29898,
1311,
29892,
1067,
29879,
29922,
29918,
11501,
7249,
8566,
6119,
29897,
13,
13,
13,
1753,
4742,
29918,
7099,
6119,
29898,
5415,
1125,
13,
1678,
9995,
2772,
401,
19607,
1203,
515,
4390,
1213,
15945,
13,
1678,
4742,
353,
4390,
29889,
18132,
29898,
5415,
29897,
13,
1678,
565,
376,
1649,
1853,
1649,
29908,
297,
4742,
322,
4742,
3366,
1649,
1853,
1649,
3108,
1275,
376,
1649,
10141,
1649,
1115,
13,
4706,
736,
21830,
29898,
1068,
10141,
3366,
15697,
20068,
13,
1678,
736,
4742,
13,
13,
13,
1990,
903,
11501,
7249,
8566,
6119,
29898,
3126,
29889,
7249,
8566,
6119,
1125,
13,
1678,
822,
2322,
29898,
1311,
29892,
288,
1125,
13,
4706,
565,
338,
8758,
29898,
29877,
29892,
21830,
1125,
13,
9651,
8393,
353,
9657,
29898,
16908,
29898,
29877,
876,
13,
9651,
736,
426,
13,
18884,
376,
1649,
1853,
1649,
1115,
376,
1649,
10141,
1649,
613,
13,
18884,
376,
15697,
1115,
8393,
29892,
13,
9651,
500,
13,
13,
13,
29992,
1272,
1990,
13,
1990,
15710,
3401,
29901,
13,
1678,
9995,
29903,
3459,
29984,
15710,
3401,
4134,
1213,
15945,
13,
13,
1678,
9626,
27395,
2792,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
9626,
27395,
5709,
29901,
851,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
9626,
26539,
29901,
5785,
353,
1746,
29898,
29871,
396,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
4706,
2069,
29922,
5574,
29892,
13,
4706,
2062,
29922,
5574,
29892,
13,
4706,
7252,
29922,
8824,
29892,
13,
1678,
1723,
13,
1678,
2106,
29901,
851,
353,
6213,
13,
13,
1678,
822,
4770,
2490,
29918,
2344,
12035,
1311,
1125,
13,
4706,
9995,
6747,
1889,
278,
8608,
6230,
1213,
15945,
13,
4706,
1583,
29889,
3859,
353,
1583,
29889,
7583,
27395,
2792,
13,
4706,
565,
1583,
29889,
7583,
27395,
2792,
297,
518,
16033,
29979,
29918,
19713,
29918,
6632,
2303,
4571,
29909,
29892,
18581,
29979,
29918,
19713,
29918,
1254,
4590,
29925,
3352,
5387,
13,
9651,
1583,
29889,
3859,
353,
18581,
29979,
29918,
19713,
29918,
1254,
2190,
4051,
29979,
13,
4706,
565,
1583,
29889,
7583,
27395,
2792,
297,
518,
16033,
29979,
29918,
19713,
29918,
29925,
18799,
4214,
29892,
18581,
29979,
29918,
19713,
29918,
26813,
29903,
22122,
4214,
5387,
13,
9651,
1583,
29889,
3859,
353,
18581,
29979,
29918,
19713,
29918,
29925,
18799,
4214,
13,
4706,
565,
1583,
29889,
7583,
27395,
2792,
1275,
18581,
29979,
29918,
19713,
29918,
7228,
17171,
29928,
29901,
13,
9651,
1583,
29889,
3859,
353,
18581,
29979,
29918,
19713,
29918,
7228,
17171,
29928,
13,
4706,
565,
1583,
29889,
7583,
27395,
2792,
1275,
18581,
29979,
29918,
19713,
29918,
29965,
3059,
4897,
15082,
3352,
29901,
13,
9651,
1583,
29889,
7583,
27395,
2792,
353,
6213,
13,
13,
1678,
822,
408,
29918,
3126,
29898,
1311,
29897,
1599,
851,
29901,
13,
4706,
9995,
11609,
263,
4663,
1347,
15783,
445,
623,
5235,
1213,
15945,
13,
4706,
736,
4390,
29889,
29881,
17204,
29898,
1311,
29892,
1067,
29879,
29922,
29918,
27395,
3401,
7249,
8566,
6119,
29897,
13,
13,
13,
1753,
8608,
3888,
29918,
7099,
6119,
29898,
5415,
1125,
13,
1678,
9995,
2772,
401,
19607,
1203,
515,
4390,
1213,
15945,
13,
1678,
8608,
3888,
353,
4390,
29889,
18132,
29898,
5415,
29897,
13,
1678,
565,
376,
1649,
1853,
1649,
29908,
297,
8608,
3888,
322,
8608,
3888,
3366,
1649,
1853,
1649,
3108,
1275,
376,
1649,
27882,
3888,
1649,
1115,
13,
4706,
736,
15710,
3401,
29898,
1068,
27882,
3888,
3366,
15697,
20068,
13,
1678,
736,
8608,
3888,
13,
13,
13,
1990,
903,
27395,
3401,
7249,
8566,
6119,
29898,
3126,
29889,
7249,
8566,
6119,
1125,
13,
1678,
822,
2322,
29898,
1311,
29892,
288,
1125,
13,
4706,
565,
338,
8758,
29898,
29877,
29892,
15710,
3401,
1125,
13,
9651,
8393,
353,
9657,
29898,
16908,
29898,
29877,
876,
13,
9651,
736,
426,
13,
18884,
376,
1649,
1853,
1649,
1115,
376,
1649,
27882,
3888,
1649,
613,
13,
18884,
376,
15697,
1115,
8393,
29892,
13,
9651,
500,
13,
2
] |
school/migrations/0001_initial.py | muzamilqadir786/smartchild | 0 | 1605010 | <reponame>muzamilqadir786/smartchild
# -*- coding: utf-8 -*-
# Generated by Django 1.10.4 on 2016-12-13 07:18
from __future__ import unicode_literals
from django.db import migrations, models
import django.db.models.deletion
class Migration(migrations.Migration):
initial = True
dependencies = [
]
operations = [
migrations.CreateModel(
name='Fee',
fields=[
('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
('fee_paid', models.DecimalField(decimal_places=2, default=0, max_digits=6)),
('date_of_payment', models.DateField(auto_now_add=True)),
],
),
migrations.CreateModel(
name='FeeCategory',
fields=[
('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
('fee_category', models.CharField(blank=True, choices=[('M', 'Monthly_Fee'), ('A', 'Admission_Fee')], default='M', max_length=30, null=True)),
('amount', models.DecimalField(decimal_places=2, max_digits=6)),
('description', models.TextField()),
],
options={
'ordering': ('id',),
'verbose_name': 'Fee Categories',
},
),
migrations.CreateModel(
name='Level',
fields=[
('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
('level', models.CharField(choices=[('Playgroup', 'Playgroup'), ('Nursery', 'Nursery'), ('PREP', 'PREP'), ('1st Grade', '1st Grade'), ('2nd Grade', '2nd Grade'), ('3rd Grade', '3rd Grade'), ('4th Grade', '4th Grade')], max_length=30)),
],
),
migrations.CreateModel(
name='Student',
fields=[
('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
('first_name', models.CharField(blank=True, max_length=30, null=True)),
('last_name', models.CharField(blank=True, max_length=30, null=True)),
('father_name', models.CharField(blank=True, max_length=30, null=True)),
('mother_name', models.CharField(blank=True, max_length=30, null=True)),
('gender', models.CharField(choices=[('M', 'Male'), ('F', 'Female')], default='M', max_length=1)),
('mobile_code', models.CharField(choices=[(b'0300', b'0300'), (b'0301', b'0301'), (b'0302', b'0302'), (b'0303', b'0303'), (b'0304', b'0304'), (b'0305', b'0305'), (b'0306', b'0306'), (b'0307', b'0307'), (b'0308', b'0308'), (b'0309', b'0309'), (b'0310', b'0310'), (b'0311', b'0311'), (b'0312', b'0312'), (b'0313', b'0313'), (b'0314', b'0314'), (b'0315', b'0315'), (b'0320', b'0320'), (b'0321', b'0321'), (b'0322', b'0322'), (b'0323', b'0323'), (b'0324', b'0324'), (b'0331', b'0331'), (b'0332', b'0332'), (b'0333', b'0333'), (b'0334', b'0334'), (b'0335', b'0335'), (b'0336', b'0336'), (b'0337', b'0337'), (b'0340', b'0340'), (b'0341', b'0341'), (b'0342', b'0342'), (b'0343', b'0343'), (b'0344', b'0344'), (b'0345', b'0345'), (b'0346', b'0346'), (b'0347', b'0347'), (b'0348', b'0348'), (b'0349', b'0349')], default='0300', max_length=4)),
('seven_digit_phone', models.CharField(blank=True, max_length=7, null=True)),
('address', models.CharField(blank=True, max_length=200, null=True)),
('date_of_birth', models.DateField(default='1/1/2000')),
('level', models.ForeignKey(blank=True, on_delete=django.db.models.deletion.CASCADE, to='school.Level')),
],
),
migrations.AddField(
model_name='fee',
name='fee_category',
field=models.ForeignKey(on_delete=django.db.models.deletion.CASCADE, to='school.FeeCategory'),
),
migrations.AddField(
model_name='fee',
name='student',
field=models.ForeignKey(on_delete=django.db.models.deletion.CASCADE, to='school.Student'),
),
]
| [
1,
529,
276,
1112,
420,
29958,
2589,
29920,
1344,
29939,
328,
381,
29955,
29947,
29953,
29914,
3844,
442,
5145,
13,
29937,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
13,
29937,
3251,
630,
491,
15337,
29871,
29896,
29889,
29896,
29900,
29889,
29946,
373,
29871,
29906,
29900,
29896,
29953,
29899,
29896,
29906,
29899,
29896,
29941,
29871,
29900,
29955,
29901,
29896,
29947,
13,
3166,
4770,
29888,
9130,
1649,
1053,
29104,
29918,
20889,
1338,
13,
13,
3166,
9557,
29889,
2585,
1053,
9725,
800,
29892,
4733,
13,
5215,
9557,
29889,
2585,
29889,
9794,
29889,
311,
1026,
291,
13,
13,
13,
1990,
341,
16783,
29898,
26983,
800,
29889,
29924,
16783,
1125,
13,
13,
1678,
2847,
353,
5852,
13,
13,
1678,
9962,
353,
518,
13,
1678,
4514,
13,
13,
1678,
6931,
353,
518,
13,
4706,
9725,
800,
29889,
4391,
3195,
29898,
13,
9651,
1024,
2433,
29943,
3905,
742,
13,
9651,
4235,
11759,
13,
18884,
6702,
333,
742,
4733,
29889,
12300,
3073,
29898,
6921,
29918,
11600,
29922,
5574,
29892,
7601,
29918,
1989,
29922,
5574,
29892,
28755,
29922,
8824,
29892,
26952,
29918,
978,
2433,
1367,
1495,
511,
13,
18884,
6702,
1725,
29872,
29918,
3274,
333,
742,
4733,
29889,
23307,
3073,
29898,
7099,
3039,
29918,
29886,
6048,
29922,
29906,
29892,
2322,
29922,
29900,
29892,
4236,
29918,
7501,
1169,
29922,
29953,
8243,
13,
18884,
6702,
1256,
29918,
974,
29918,
27825,
742,
4733,
29889,
2539,
3073,
29898,
6921,
29918,
3707,
29918,
1202,
29922,
5574,
8243,
13,
9651,
21251,
13,
4706,
10353,
13,
4706,
9725,
800,
29889,
4391,
3195,
29898,
13,
9651,
1024,
2433,
29943,
3905,
10900,
742,
13,
9651,
4235,
11759,
13,
18884,
6702,
333,
742,
4733,
29889,
12300,
3073,
29898,
6921,
29918,
11600,
29922,
5574,
29892,
7601,
29918,
1989,
29922,
5574,
29892,
28755,
29922,
8824,
29892,
26952,
29918,
978,
2433,
1367,
1495,
511,
13,
18884,
6702,
1725,
29872,
29918,
7320,
742,
4733,
29889,
27890,
29898,
19465,
29922,
5574,
29892,
19995,
11759,
877,
29924,
742,
525,
13953,
368,
29918,
29943,
3905,
5477,
6702,
29909,
742,
525,
3253,
6737,
29918,
29943,
3905,
1495,
1402,
2322,
2433,
29924,
742,
4236,
29918,
2848,
29922,
29941,
29900,
29892,
1870,
29922,
5574,
8243,
13,
18884,
6702,
14506,
742,
4733,
29889,
23307,
3073,
29898,
7099,
3039,
29918,
29886,
6048,
29922,
29906,
29892,
4236,
29918,
7501,
1169,
29922,
29953,
8243,
13,
18884,
6702,
8216,
742,
4733,
29889,
15778,
25739,
13,
9651,
21251,
13,
9651,
3987,
3790,
13,
18884,
525,
2098,
292,
2396,
6702,
333,
742,
511,
13,
18884,
525,
369,
15828,
29918,
978,
2396,
525,
29943,
3905,
315,
14404,
742,
13,
9651,
2981,
13,
4706,
10353,
13,
4706,
9725,
800,
29889,
4391,
3195,
29898,
13,
9651,
1024,
2433,
10108,
742,
13,
9651,
4235,
11759,
13,
18884,
6702,
333,
742,
4733,
29889,
12300,
3073,
29898,
6921,
29918,
11600,
29922,
5574,
29892,
7601,
29918,
1989,
29922,
5574,
29892,
28755,
29922,
8824,
29892,
26952,
29918,
978,
2433,
1367,
1495,
511,
13,
18884,
6702,
5563,
742,
4733,
29889,
27890,
29898,
1859,
1575,
11759,
877,
13454,
2972,
742,
525,
13454,
2972,
5477,
6702,
29940,
332,
643,
29891,
742,
525,
29940,
332,
643,
29891,
5477,
6702,
15094,
29925,
742,
525,
15094,
29925,
5477,
6702,
29896,
303,
4989,
311,
742,
525,
29896,
303,
4989,
311,
5477,
6702,
29906,
299,
4989,
311,
742,
525,
29906,
299,
4989,
311,
5477,
6702,
29941,
5499,
4989,
311,
742,
525,
29941,
5499,
4989,
311,
5477,
6702,
29946,
386,
4989,
311,
742,
525,
29946,
386,
4989,
311,
1495,
1402,
4236,
29918,
2848,
29922,
29941,
29900,
8243,
13,
9651,
21251,
13,
4706,
10353,
13,
4706,
9725,
800,
29889,
4391,
3195,
29898,
13,
9651,
1024,
2433,
20791,
742,
13,
9651,
4235,
11759,
13,
18884,
6702,
333,
742,
4733,
29889,
12300,
3073,
29898,
6921,
29918,
11600,
29922,
5574,
29892,
7601,
29918,
1989,
29922,
5574,
29892,
28755,
29922,
8824,
29892,
26952,
29918,
978,
2433,
1367,
1495,
511,
13,
18884,
6702,
4102,
29918,
978,
742,
4733,
29889,
27890,
29898,
19465,
29922,
5574,
29892,
4236,
29918,
2848,
29922,
29941,
29900,
29892,
1870,
29922,
5574,
8243,
13,
18884,
6702,
4230,
29918,
978,
742,
4733,
29889,
27890,
29898,
19465,
29922,
5574,
29892,
4236,
29918,
2848,
29922,
29941,
29900,
29892,
1870,
29922,
5574,
8243,
13,
18884,
6702,
22212,
29918,
978,
742,
4733,
29889,
27890,
29898,
19465,
29922,
5574,
29892,
4236,
29918,
2848,
29922,
29941,
29900,
29892,
1870,
29922,
5574,
8243,
13,
18884,
6702,
29885,
1228,
29918,
978,
742,
4733,
29889,
27890,
29898,
19465,
29922,
5574,
29892,
4236,
29918,
2848,
29922,
29941,
29900,
29892,
1870,
29922,
5574,
8243,
13,
18884,
6702,
26098,
742,
4733,
29889,
27890,
29898,
1859,
1575,
11759,
877,
29924,
742,
525,
29924,
744,
5477,
6702,
29943,
742,
525,
29943,
331,
744,
1495,
1402,
2322,
2433,
29924,
742,
4236,
29918,
2848,
29922,
29896,
8243,
13,
18884,
6702,
16769,
29918,
401,
742,
4733,
29889,
27890,
29898,
1859,
1575,
11759,
29898,
29890,
29915,
29900,
29941,
29900,
29900,
742,
289,
29915,
29900,
29941,
29900,
29900,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29896,
742,
289,
29915,
29900,
29941,
29900,
29896,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29906,
742,
289,
29915,
29900,
29941,
29900,
29906,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29941,
742,
289,
29915,
29900,
29941,
29900,
29941,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29946,
742,
289,
29915,
29900,
29941,
29900,
29946,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29945,
742,
289,
29915,
29900,
29941,
29900,
29945,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29953,
742,
289,
29915,
29900,
29941,
29900,
29953,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29955,
742,
289,
29915,
29900,
29941,
29900,
29955,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29947,
742,
289,
29915,
29900,
29941,
29900,
29947,
5477,
313,
29890,
29915,
29900,
29941,
29900,
29929,
742,
289,
29915,
29900,
29941,
29900,
29929,
5477,
313,
29890,
29915,
29900,
29941,
29896,
29900,
742,
289,
29915,
29900,
29941,
29896,
29900,
5477,
313,
29890,
29915,
29900,
29941,
29896,
29896,
742,
289,
29915,
29900,
29941,
29896,
29896,
5477,
313,
29890,
29915,
29900,
29941,
29896,
29906,
742,
289,
29915,
29900,
29941,
29896,
29906,
5477,
313,
29890,
29915,
29900,
29941,
29896,
29941,
742,
289,
29915,
29900,
29941,
29896,
29941,
5477,
313,
29890,
29915,
29900,
29941,
29896,
29946,
742,
289,
29915,
29900,
29941,
29896,
29946,
5477,
313,
29890,
29915,
29900,
29941,
29896,
29945,
742,
289,
29915,
29900,
29941,
29896,
29945,
5477,
313,
29890,
29915,
29900,
29941,
29906,
29900,
742,
289,
29915,
29900,
29941,
29906,
29900,
5477,
313,
29890,
29915,
29900,
29941,
29906,
29896,
742,
289,
29915,
29900,
29941,
29906,
29896,
5477,
313,
29890,
29915,
29900,
29941,
29906,
29906,
742,
289,
29915,
29900,
29941,
29906,
29906,
5477,
313,
29890,
29915,
29900,
29941,
29906,
29941,
742,
289,
29915,
29900,
29941,
29906,
29941,
5477,
313,
29890,
29915,
29900,
29941,
29906,
29946,
742,
289,
29915,
29900,
29941,
29906,
29946,
5477,
313,
29890,
29915,
29900,
29941,
29941,
29896,
742,
289,
29915,
29900,
29941,
29941,
29896,
5477,
313,
29890,
29915,
29900,
29941,
29941,
29906,
742,
289,
29915,
29900,
29941,
29941,
29906,
5477,
313,
29890,
29915,
29900,
29941,
29941,
29941,
742,
289,
29915,
29900,
29941,
29941,
29941,
5477,
313,
29890,
29915,
29900,
29941,
29941,
29946,
742,
289,
29915,
29900,
29941,
29941,
29946,
5477,
313,
29890,
29915,
29900,
29941,
29941,
29945,
742,
289,
29915,
29900,
29941,
29941,
29945,
5477,
313,
29890,
29915,
29900,
29941,
29941,
29953,
742,
289,
29915,
29900,
29941,
29941,
29953,
5477,
313,
29890,
29915,
29900,
29941,
29941,
29955,
742,
289,
29915,
29900,
29941,
29941,
29955,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29900,
742,
289,
29915,
29900,
29941,
29946,
29900,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29896,
742,
289,
29915,
29900,
29941,
29946,
29896,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29906,
742,
289,
29915,
29900,
29941,
29946,
29906,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29941,
742,
289,
29915,
29900,
29941,
29946,
29941,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29946,
742,
289,
29915,
29900,
29941,
29946,
29946,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29945,
742,
289,
29915,
29900,
29941,
29946,
29945,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29953,
742,
289,
29915,
29900,
29941,
29946,
29953,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29955,
742,
289,
29915,
29900,
29941,
29946,
29955,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29947,
742,
289,
29915,
29900,
29941,
29946,
29947,
5477,
313,
29890,
29915,
29900,
29941,
29946,
29929,
742,
289,
29915,
29900,
29941,
29946,
29929,
1495,
1402,
2322,
2433,
29900,
29941,
29900,
29900,
742,
4236,
29918,
2848,
29922,
29946,
8243,
13,
18884,
6702,
344,
854,
29918,
26204,
29918,
6710,
742,
4733,
29889,
27890,
29898,
19465,
29922,
5574,
29892,
4236,
29918,
2848,
29922,
29955,
29892,
1870,
29922,
5574,
8243,
13,
18884,
6702,
7328,
742,
4733,
29889,
27890,
29898,
19465,
29922,
5574,
29892,
4236,
29918,
2848,
29922,
29906,
29900,
29900,
29892,
1870,
29922,
5574,
8243,
13,
18884,
6702,
1256,
29918,
974,
29918,
29890,
7515,
742,
4733,
29889,
2539,
3073,
29898,
4381,
2433,
29896,
29914,
29896,
29914,
29906,
29900,
29900,
29900,
1495,
511,
13,
18884,
6702,
5563,
742,
4733,
29889,
27755,
2558,
29898,
19465,
29922,
5574,
29892,
373,
29918,
8143,
29922,
14095,
29889,
2585,
29889,
9794,
29889,
311,
1026,
291,
29889,
29907,
3289,
5454,
2287,
29892,
304,
2433,
27041,
29889,
10108,
1495,
511,
13,
9651,
21251,
13,
4706,
10353,
13,
4706,
9725,
800,
29889,
2528,
3073,
29898,
13,
9651,
1904,
29918,
978,
2433,
1725,
29872,
742,
13,
9651,
1024,
2433,
1725,
29872,
29918,
7320,
742,
13,
9651,
1746,
29922,
9794,
29889,
27755,
2558,
29898,
265,
29918,
8143,
29922,
14095,
29889,
2585,
29889,
9794,
29889,
311,
1026,
291,
29889,
29907,
3289,
5454,
2287,
29892,
304,
2433,
27041,
29889,
29943,
3905,
10900,
5477,
13,
4706,
10353,
13,
4706,
9725,
800,
29889,
2528,
3073,
29898,
13,
9651,
1904,
29918,
978,
2433,
1725,
29872,
742,
13,
9651,
1024,
2433,
18945,
742,
13,
9651,
1746,
29922,
9794,
29889,
27755,
2558,
29898,
265,
29918,
8143,
29922,
14095,
29889,
2585,
29889,
9794,
29889,
311,
1026,
291,
29889,
29907,
3289,
5454,
2287,
29892,
304,
2433,
27041,
29889,
20791,
5477,
13,
4706,
10353,
13,
1678,
4514,
13,
2
] |
archieve/2020/day3b.py | jabra98/aoc | 0 | 107429 | <reponame>jabra98/aoc<gh_stars>0
def main():
grid = open("data.txt").readlines()
for i in range(0, len(grid)):
grid[i] = grid[i][:-1]
x_width = len(grid[i])
y_length = len(grid)
ctr = 0
y_pos = 0
x_pos = 0
product = 1
for i in [[1,1], [3,1], [5,1], [7,1], [1,2]]:
while y_pos < y_length:
if grid[y_pos][x_pos % x_width] == '#':
ctr += 1
x_pos += i[0]
y_pos += i[1]
print(ctr)
product *= ctr
x_pos=0
y_pos=0
ctr=0
print(product)
main()
| [
1,
529,
276,
1112,
420,
29958,
29926,
370,
336,
29929,
29947,
29914,
29874,
542,
29966,
12443,
29918,
303,
1503,
29958,
29900,
13,
1753,
1667,
7295,
13,
1678,
6856,
353,
1722,
703,
1272,
29889,
3945,
2564,
949,
9012,
580,
13,
13,
1678,
363,
474,
297,
3464,
29898,
29900,
29892,
7431,
29898,
7720,
22164,
13,
4706,
6856,
29961,
29875,
29962,
353,
6856,
29961,
29875,
3816,
13018,
29896,
29962,
13,
13,
1678,
921,
29918,
2103,
353,
7431,
29898,
7720,
29961,
29875,
2314,
13,
1678,
343,
29918,
2848,
353,
7431,
29898,
7720,
29897,
13,
13,
1678,
274,
509,
353,
29871,
29900,
13,
1678,
343,
29918,
1066,
353,
29871,
29900,
13,
1678,
921,
29918,
1066,
353,
29871,
29900,
13,
1678,
3234,
353,
29871,
29896,
13,
13,
1678,
363,
474,
297,
5519,
29896,
29892,
29896,
1402,
518,
29941,
29892,
29896,
1402,
518,
29945,
29892,
29896,
1402,
518,
29955,
29892,
29896,
1402,
518,
29896,
29892,
29906,
5262,
29901,
13,
4706,
1550,
343,
29918,
1066,
529,
343,
29918,
2848,
29901,
13,
9651,
565,
6856,
29961,
29891,
29918,
1066,
3816,
29916,
29918,
1066,
1273,
921,
29918,
2103,
29962,
1275,
16321,
2396,
13,
18884,
274,
509,
4619,
29871,
29896,
13,
13,
9651,
921,
29918,
1066,
4619,
474,
29961,
29900,
29962,
13,
9651,
343,
29918,
1066,
4619,
474,
29961,
29896,
29962,
13,
13,
4706,
1596,
29898,
9988,
29897,
13,
4706,
3234,
334,
29922,
274,
509,
13,
308,
13,
4706,
921,
29918,
1066,
29922,
29900,
13,
4706,
343,
29918,
1066,
29922,
29900,
13,
4706,
274,
509,
29922,
29900,
13,
13,
1678,
1596,
29898,
4704,
29897,
13,
13,
3396,
580,
13,
2
] |
daisy/convenience.py | rhoadesScholar/daisy | 0 | 1612953 | from .cl_monitor import CLMonitor
from .server import Server
from .tcp import IOLooper
from multiprocessing.pool import ThreadPool
from multiprocessing import Event
def run_blockwise(tasks):
'''Schedule and run the given tasks.
Args:
list_of_tasks:
The tasks to schedule over.
Return:
bool:
`True` if all blocks in the given `tasks` were successfully
run, else `False`
'''
stop_event = Event()
IOLooper.clear()
pool = ThreadPool(processes=1)
result = pool.apply_async(_run_blockwise, args=(tasks, stop_event))
try:
return result.get()
except KeyboardInterrupt:
stop_event.set()
return result.get()
def _run_blockwise(tasks, stop_event):
server = Server(stop_event=stop_event)
cl_monitor = CLMonitor(server) # noqa
return server.run_blockwise(tasks)
| [
1,
515,
869,
695,
29918,
3712,
2105,
1053,
17332,
7185,
2105,
13,
3166,
869,
2974,
1053,
5656,
13,
3166,
869,
23981,
1053,
10663,
3410,
3372,
13,
3166,
6674,
307,
985,
292,
29889,
10109,
1053,
10480,
11426,
13,
3166,
6674,
307,
985,
292,
1053,
6864,
13,
13,
13,
1753,
1065,
29918,
1271,
3538,
29898,
20673,
1125,
13,
1678,
14550,
4504,
11272,
322,
1065,
278,
2183,
9595,
29889,
13,
13,
4706,
826,
3174,
29901,
13,
9651,
1051,
29918,
974,
29918,
20673,
29901,
13,
18884,
450,
9595,
304,
20410,
975,
29889,
13,
13,
4706,
7106,
29901,
13,
9651,
6120,
29901,
13,
18884,
421,
5574,
29952,
565,
599,
10930,
297,
278,
2183,
421,
20673,
29952,
892,
8472,
13,
18884,
1065,
29892,
1683,
421,
8824,
29952,
13,
1678,
14550,
13,
13,
1678,
5040,
29918,
3696,
353,
6864,
580,
13,
13,
1678,
10663,
3410,
3372,
29889,
8551,
580,
13,
1678,
11565,
353,
10480,
11426,
29898,
5014,
267,
29922,
29896,
29897,
13,
1678,
1121,
353,
11565,
29889,
7302,
29918,
12674,
7373,
3389,
29918,
1271,
3538,
29892,
6389,
7607,
20673,
29892,
5040,
29918,
3696,
876,
13,
1678,
1018,
29901,
13,
4706,
736,
1121,
29889,
657,
580,
13,
1678,
5174,
7670,
3377,
4074,
6685,
29901,
13,
4706,
5040,
29918,
3696,
29889,
842,
580,
13,
4706,
736,
1121,
29889,
657,
580,
13,
13,
13,
1753,
903,
3389,
29918,
1271,
3538,
29898,
20673,
29892,
5040,
29918,
3696,
1125,
13,
1678,
1923,
353,
5656,
29898,
9847,
29918,
3696,
29922,
9847,
29918,
3696,
29897,
13,
1678,
1067,
29918,
3712,
2105,
353,
17332,
7185,
2105,
29898,
2974,
29897,
29871,
396,
694,
25621,
13,
1678,
736,
1923,
29889,
3389,
29918,
1271,
3538,
29898,
20673,
29897,
13,
2
] |
Tools/decrypt_ulog.py | lgarciaos/Firmware | 4,224 | 33612 | #!/usr/bin/env python3
from Crypto.PublicKey import RSA
from Crypto.Cipher import PKCS1_OAEP
from Crypto.Cipher import ChaCha20
from Crypto.Hash import SHA256
import binascii
import argparse
#from pathlib import Path
import sys
if __name__ == "__main__":
parser = argparse.ArgumentParser(description="""CLI tool to decrypt an ulog file\n""")
parser.add_argument("ulog_file", help=".ulog file", nargs='?', default=None)
parser.add_argument("ulog_key", help=".ulogk, encrypted key", nargs='?', default=None)
parser.add_argument("rsa_key", help=".pem format key for decrypting the ulog key", nargs='?', default=None)
args = parser.parse_args()
# Only generate a key pair, don't sign
if not args.ulog_file or not args.ulog_key or not args.rsa_key:
print('Need all arguments, the encrypted ulog file, the key and the key decryption key')
sys.exit(1);
# Read the private RSA key to decrypt the cahcha key
with open(args.rsa_key, 'rb') as f:
r = RSA.importKey(f.read(), passphrase='')
# Read the encrypted xchacha key and the nonce
with open(args.ulog_key, 'rb') as f:
ulog_key_header = f.read(22)
# Parse the header
try:
# magic
if not ulog_key_header.startswith(bytearray("ULogKey".encode())):
raise Exception()
# version
if ulog_key_header[7] != 1:
raise Exception()
# expected key exchange algorithm (RSA_OAEP)
if ulog_key_header[16] != 4:
raise Exception()
key_size = ulog_key_header[19] << 8 | ulog_key_header[18];
nonce_size = ulog_key_header[21] << 8 | ulog_key_header[20];
ulog_key_cipher = f.read(key_size)
nonce = f.read(nonce_size)
except:
print("Keyfile format error")
sys.exit(1);
# Decrypt the xchacha key
cipher_rsa = PKCS1_OAEP.new(r,SHA256)
ulog_key = cipher_rsa.decrypt(ulog_key_cipher)
#print(binascii.hexlify(ulog_key))
# Read and decrypt the .ulgc
cipher = ChaCha20.new(key=ulog_key, nonce=nonce)
with open(args.ulog_file, 'rb') as f:
with open(args.ulog_file.rstrip(args.ulog_file[-1]), 'wb') as out:
out.write(cipher.decrypt(f.read()))
| [
1,
18787,
4855,
29914,
2109,
29914,
6272,
3017,
29941,
13,
13,
3166,
315,
17929,
29889,
19858,
2558,
1053,
390,
8132,
13,
3166,
315,
17929,
29889,
29907,
29875,
8096,
1053,
24457,
9295,
29896,
29918,
29949,
29909,
15488,
13,
3166,
315,
17929,
29889,
29907,
29875,
8096,
1053,
16579,
1451,
29874,
29906,
29900,
13,
3166,
315,
17929,
29889,
10438,
1053,
317,
15715,
29906,
29945,
29953,
13,
5215,
9016,
294,
18869,
13,
5215,
1852,
5510,
13,
29937,
3166,
2224,
1982,
1053,
10802,
13,
5215,
10876,
13,
13,
361,
4770,
978,
1649,
1275,
376,
1649,
3396,
1649,
1115,
13,
13,
1678,
13812,
353,
1852,
5510,
29889,
15730,
11726,
29898,
8216,
13776,
29908,
27205,
5780,
304,
1602,
4641,
385,
318,
1188,
934,
29905,
29876,
15945,
1159,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
352,
468,
29918,
1445,
613,
1371,
29569,
352,
468,
934,
613,
302,
5085,
2433,
29973,
742,
2322,
29922,
8516,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
352,
468,
29918,
1989,
613,
1371,
29569,
352,
468,
29895,
29892,
23220,
1820,
613,
302,
5085,
2433,
29973,
742,
2322,
29922,
8516,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
2288,
29874,
29918,
1989,
613,
1371,
29569,
29886,
331,
3402,
1820,
363,
1602,
4641,
292,
278,
318,
1188,
1820,
613,
302,
5085,
2433,
29973,
742,
2322,
29922,
8516,
29897,
13,
13,
1678,
6389,
353,
13812,
29889,
5510,
29918,
5085,
580,
13,
13,
1678,
396,
9333,
5706,
263,
1820,
5101,
29892,
1016,
29915,
29873,
1804,
13,
1678,
565,
451,
6389,
29889,
352,
468,
29918,
1445,
470,
451,
6389,
29889,
352,
468,
29918,
1989,
470,
451,
6389,
29889,
2288,
29874,
29918,
1989,
29901,
13,
4706,
1596,
877,
8139,
287,
599,
6273,
29892,
278,
23220,
318,
1188,
934,
29892,
278,
1820,
322,
278,
1820,
1602,
14272,
1820,
1495,
13,
4706,
10876,
29889,
13322,
29898,
29896,
416,
13,
13,
1678,
396,
7523,
278,
2024,
390,
8132,
1820,
304,
1602,
4641,
278,
274,
801,
5815,
1820,
13,
1678,
411,
1722,
29898,
5085,
29889,
2288,
29874,
29918,
1989,
29892,
525,
6050,
1495,
408,
285,
29901,
13,
4706,
364,
353,
390,
8132,
29889,
5215,
2558,
29898,
29888,
29889,
949,
3285,
1209,
24588,
559,
2433,
1495,
13,
13,
1678,
396,
7523,
278,
23220,
921,
305,
496,
29874,
1820,
322,
278,
1661,
346,
13,
1678,
411,
1722,
29898,
5085,
29889,
352,
468,
29918,
1989,
29892,
525,
6050,
1495,
408,
285,
29901,
13,
4706,
318,
1188,
29918,
1989,
29918,
6672,
353,
285,
29889,
949,
29898,
29906,
29906,
29897,
13,
13,
4706,
396,
20969,
278,
4839,
13,
4706,
1018,
29901,
13,
9651,
396,
15709,
13,
9651,
565,
451,
318,
1188,
29918,
1989,
29918,
6672,
29889,
27382,
2541,
29898,
10389,
2378,
703,
29965,
3403,
2558,
1642,
12508,
22130,
29901,
13,
18884,
12020,
8960,
580,
13,
9651,
396,
1873,
13,
9651,
565,
318,
1188,
29918,
1989,
29918,
6672,
29961,
29955,
29962,
2804,
29871,
29896,
29901,
13,
18884,
12020,
8960,
580,
13,
9651,
396,
3806,
1820,
14523,
5687,
313,
29934,
8132,
29918,
29949,
29909,
15488,
29897,
13,
9651,
565,
318,
1188,
29918,
1989,
29918,
6672,
29961,
29896,
29953,
29962,
2804,
29871,
29946,
29901,
13,
18884,
12020,
8960,
580,
13,
9651,
1820,
29918,
2311,
353,
318,
1188,
29918,
1989,
29918,
6672,
29961,
29896,
29929,
29962,
3532,
29871,
29947,
891,
318,
1188,
29918,
1989,
29918,
6672,
29961,
29896,
29947,
1385,
13,
9651,
1661,
346,
29918,
2311,
353,
318,
1188,
29918,
1989,
29918,
6672,
29961,
29906,
29896,
29962,
3532,
29871,
29947,
891,
318,
1188,
29918,
1989,
29918,
6672,
29961,
29906,
29900,
1385,
13,
9651,
318,
1188,
29918,
1989,
29918,
455,
8096,
353,
285,
29889,
949,
29898,
1989,
29918,
2311,
29897,
13,
9651,
1661,
346,
353,
285,
29889,
949,
29898,
5464,
346,
29918,
2311,
29897,
13,
4706,
5174,
29901,
13,
9651,
1596,
703,
2558,
1445,
3402,
1059,
1159,
13,
9651,
10876,
29889,
13322,
29898,
29896,
416,
13,
13,
1678,
396,
3826,
4641,
278,
921,
305,
496,
29874,
1820,
13,
1678,
4583,
8096,
29918,
2288,
29874,
353,
24457,
9295,
29896,
29918,
29949,
29909,
15488,
29889,
1482,
29898,
29878,
29892,
23498,
29906,
29945,
29953,
29897,
13,
1678,
318,
1188,
29918,
1989,
353,
4583,
8096,
29918,
2288,
29874,
29889,
7099,
4641,
29898,
352,
468,
29918,
1989,
29918,
455,
8096,
29897,
13,
1678,
396,
2158,
29898,
2109,
294,
18869,
29889,
354,
15524,
1598,
29898,
352,
468,
29918,
1989,
876,
13,
13,
1678,
396,
7523,
322,
1602,
4641,
278,
869,
352,
27354,
13,
1678,
4583,
8096,
353,
16579,
1451,
29874,
29906,
29900,
29889,
1482,
29898,
1989,
29922,
352,
468,
29918,
1989,
29892,
1661,
346,
29922,
5464,
346,
29897,
13,
1678,
411,
1722,
29898,
5085,
29889,
352,
468,
29918,
1445,
29892,
525,
6050,
1495,
408,
285,
29901,
13,
4706,
411,
1722,
29898,
5085,
29889,
352,
468,
29918,
1445,
29889,
29878,
17010,
29898,
5085,
29889,
352,
468,
29918,
1445,
14352,
29896,
11724,
525,
29893,
29890,
1495,
408,
714,
29901,
13,
9651,
714,
29889,
3539,
29898,
455,
8096,
29889,
7099,
4641,
29898,
29888,
29889,
949,
22130,
13,
2
] |
packages/core/minos-microservice-common/minos/common/protocol/avro/base.py | minos-framework/minos-python | 247 | 162959 | <gh_stars>100-1000
import io
from typing import (
Any,
Union,
)
from fastavro import (
parse_schema,
reader,
writer,
)
from ...exceptions import (
MinosProtocolException,
)
from ..abc import (
MinosBinaryProtocol,
)
class MinosAvroProtocol(MinosBinaryProtocol):
"""Minos Avro Protocol class."""
@classmethod
def encode(cls, value: Any, schema: Any, *args, batch_mode: bool = False, **kwargs) -> bytes:
"""Encoder in avro for database Values
all the headers are converted in fields with double underscore name
the body is a set fields coming from the data type.
:param value: The data to be stored.
:param schema: The schema relative to the data.
:param args: Additional positional arguments.
:param batch_mode: If ``True`` the data is processed as a list of models, otherwise the data is processed as a
single model.
:param kwargs: Additional named arguments.
:return: A bytes object.
"""
if not batch_mode:
value = [value]
if not isinstance(schema, list):
schema = [schema]
try:
raw_schema = cls._parse_schema(schema)
return cls._write_data(value, raw_schema)
except Exception as exc:
raise MinosProtocolException(f"Error encoding data: {exc!r}")
@staticmethod
def _parse_schema(schema: list[dict[str, Any]]) -> dict[str, Any]:
named_schemas = {}
for item in schema[1::-1]:
parse_schema(item, named_schemas)
return parse_schema(schema[0], named_schemas, expand=True)
@staticmethod
def _write_data(value: list[dict[str, Any]], schema: dict[str, Any]):
with io.BytesIO() as file:
writer(file, schema, value)
file.seek(0)
content = file.getvalue()
return content
@classmethod
def decode(cls, data: bytes, *args, batch_mode: bool = False, **kwargs) -> Any:
"""Decode the given bytes of data into a single dictionary or a sequence of dictionaries.
:param data: A bytes object.
:param args: Additional positional arguments.
:param batch_mode: If ``True`` the data is processed as a list of models, otherwise the data is processed as a
single model.
:param kwargs: Additional named arguments.
:return: A dictionary or a list of dictionaries.
"""
try:
with io.BytesIO(data) as file:
ans = list(reader(file))
except Exception as exc:
raise MinosProtocolException(f"Error decoding the avro bytes: {exc}")
if not batch_mode:
if len(ans) > 1:
raise MinosProtocolException(
f"The 'batch_mode' argument was set to {False!r} but data contains multiple values: {ans!r}"
)
ans = ans[0]
return ans
# noinspection PyUnusedLocal
@classmethod
def decode_schema(cls, data: bytes, *args, **kwargs) -> Union[dict[str, Any], list[dict[str, Any]]]:
"""Decode the given bytes of data into a single dictionary or a sequence of dictionaries.
:param data: A bytes object.
:param args: Additional positional arguments.
:param kwargs: Additional named arguments.
:return: A tuple or a list of tuples.
"""
try:
with io.BytesIO(data) as file:
r = reader(file)
schema = r.writer_schema
except Exception as exc:
raise MinosProtocolException(f"Error getting avro schema: {exc}")
return schema
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29896,
29900,
29900,
29899,
29896,
29900,
29900,
29900,
13,
5215,
12013,
13,
3166,
19229,
1053,
313,
13,
1678,
3139,
29892,
13,
1678,
7761,
29892,
13,
29897,
13,
13,
3166,
5172,
485,
307,
1053,
313,
13,
1678,
6088,
29918,
11010,
29892,
13,
1678,
9591,
29892,
13,
1678,
9227,
29892,
13,
29897,
13,
13,
3166,
2023,
11739,
29879,
1053,
313,
13,
1678,
3080,
359,
17830,
2451,
29892,
13,
29897,
13,
3166,
6317,
10736,
1053,
313,
13,
1678,
3080,
359,
25196,
17830,
29892,
13,
29897,
13,
13,
13,
1990,
3080,
359,
12810,
307,
17830,
29898,
8140,
359,
25196,
17830,
1125,
13,
1678,
9995,
8140,
359,
7740,
307,
1019,
5770,
770,
1213,
15945,
13,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
19750,
29898,
25932,
29892,
995,
29901,
3139,
29892,
10938,
29901,
3139,
29892,
334,
5085,
29892,
9853,
29918,
8513,
29901,
6120,
353,
7700,
29892,
3579,
19290,
29897,
1599,
6262,
29901,
13,
4706,
9995,
8566,
6119,
297,
1029,
307,
363,
2566,
2630,
1041,
13,
4706,
599,
278,
9066,
526,
11543,
297,
4235,
411,
3765,
23400,
3221,
1024,
13,
4706,
278,
3573,
338,
263,
731,
4235,
6421,
515,
278,
848,
1134,
29889,
13,
13,
4706,
584,
3207,
995,
29901,
450,
848,
304,
367,
6087,
29889,
13,
4706,
584,
3207,
10938,
29901,
450,
10938,
6198,
304,
278,
848,
29889,
13,
4706,
584,
3207,
6389,
29901,
3462,
3245,
2602,
284,
6273,
29889,
13,
4706,
584,
3207,
9853,
29918,
8513,
29901,
960,
4954,
5574,
16159,
278,
848,
338,
19356,
408,
263,
1051,
310,
4733,
29892,
6467,
278,
848,
338,
19356,
408,
263,
13,
9651,
2323,
1904,
29889,
13,
4706,
584,
3207,
9049,
5085,
29901,
3462,
3245,
4257,
6273,
29889,
13,
4706,
584,
2457,
29901,
319,
6262,
1203,
29889,
13,
4706,
9995,
13,
4706,
565,
451,
9853,
29918,
8513,
29901,
13,
9651,
995,
353,
518,
1767,
29962,
13,
13,
4706,
565,
451,
338,
8758,
29898,
11010,
29892,
1051,
1125,
13,
9651,
10938,
353,
518,
11010,
29962,
13,
13,
4706,
1018,
29901,
13,
9651,
10650,
29918,
11010,
353,
1067,
29879,
3032,
5510,
29918,
11010,
29898,
11010,
29897,
13,
9651,
736,
1067,
29879,
3032,
3539,
29918,
1272,
29898,
1767,
29892,
10650,
29918,
11010,
29897,
13,
4706,
5174,
8960,
408,
5566,
29901,
13,
9651,
12020,
3080,
359,
17830,
2451,
29898,
29888,
29908,
2392,
8025,
848,
29901,
426,
735,
29883,
29991,
29878,
27195,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5510,
29918,
11010,
29898,
11010,
29901,
1051,
29961,
8977,
29961,
710,
29892,
3139,
24960,
1599,
9657,
29961,
710,
29892,
3139,
5387,
13,
4706,
4257,
29918,
11993,
353,
6571,
13,
4706,
363,
2944,
297,
10938,
29961,
29896,
1057,
29899,
29896,
5387,
13,
9651,
6088,
29918,
11010,
29898,
667,
29892,
4257,
29918,
11993,
29897,
13,
4706,
736,
6088,
29918,
11010,
29898,
11010,
29961,
29900,
1402,
4257,
29918,
11993,
29892,
7985,
29922,
5574,
29897,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
3539,
29918,
1272,
29898,
1767,
29901,
1051,
29961,
8977,
29961,
710,
29892,
3139,
20526,
10938,
29901,
9657,
29961,
710,
29892,
3139,
29962,
1125,
13,
4706,
411,
12013,
29889,
11207,
5971,
580,
408,
934,
29901,
13,
9651,
9227,
29898,
1445,
29892,
10938,
29892,
995,
29897,
13,
9651,
934,
29889,
344,
1416,
29898,
29900,
29897,
13,
9651,
2793,
353,
934,
29889,
657,
1767,
580,
13,
4706,
736,
2793,
13,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
21822,
29898,
25932,
29892,
848,
29901,
6262,
29892,
334,
5085,
29892,
9853,
29918,
8513,
29901,
6120,
353,
7700,
29892,
3579,
19290,
29897,
1599,
3139,
29901,
13,
4706,
9995,
2772,
401,
278,
2183,
6262,
310,
848,
964,
263,
2323,
8600,
470,
263,
5665,
310,
21503,
4314,
29889,
13,
13,
4706,
584,
3207,
848,
29901,
319,
6262,
1203,
29889,
13,
4706,
584,
3207,
6389,
29901,
3462,
3245,
2602,
284,
6273,
29889,
13,
4706,
584,
3207,
9853,
29918,
8513,
29901,
960,
4954,
5574,
16159,
278,
848,
338,
19356,
408,
263,
1051,
310,
4733,
29892,
6467,
278,
848,
338,
19356,
408,
263,
13,
9651,
2323,
1904,
29889,
13,
4706,
584,
3207,
9049,
5085,
29901,
3462,
3245,
4257,
6273,
29889,
13,
4706,
584,
2457,
29901,
319,
8600,
470,
263,
1051,
310,
21503,
4314,
29889,
13,
4706,
9995,
13,
13,
4706,
1018,
29901,
13,
9651,
411,
12013,
29889,
11207,
5971,
29898,
1272,
29897,
408,
934,
29901,
13,
18884,
6063,
353,
1051,
29898,
16950,
29898,
1445,
876,
13,
4706,
5174,
8960,
408,
5566,
29901,
13,
9651,
12020,
3080,
359,
17830,
2451,
29898,
29888,
29908,
2392,
1602,
3689,
278,
1029,
307,
6262,
29901,
426,
735,
29883,
27195,
13,
13,
4706,
565,
451,
9853,
29918,
8513,
29901,
13,
9651,
565,
7431,
29898,
550,
29897,
1405,
29871,
29896,
29901,
13,
18884,
12020,
3080,
359,
17830,
2451,
29898,
13,
462,
1678,
285,
29908,
1576,
525,
16175,
29918,
8513,
29915,
2980,
471,
731,
304,
426,
8824,
29991,
29878,
29913,
541,
848,
3743,
2999,
1819,
29901,
426,
550,
29991,
29878,
5038,
13,
18884,
1723,
13,
9651,
6063,
353,
6063,
29961,
29900,
29962,
13,
13,
4706,
736,
6063,
13,
13,
1678,
396,
694,
1144,
27988,
10772,
2525,
3880,
7717,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
21822,
29918,
11010,
29898,
25932,
29892,
848,
29901,
6262,
29892,
334,
5085,
29892,
3579,
19290,
29897,
1599,
7761,
29961,
8977,
29961,
710,
29892,
3139,
1402,
1051,
29961,
8977,
29961,
710,
29892,
3139,
5262,
5387,
13,
4706,
9995,
2772,
401,
278,
2183,
6262,
310,
848,
964,
263,
2323,
8600,
470,
263,
5665,
310,
21503,
4314,
29889,
13,
13,
4706,
584,
3207,
848,
29901,
319,
6262,
1203,
29889,
13,
4706,
584,
3207,
6389,
29901,
3462,
3245,
2602,
284,
6273,
29889,
13,
4706,
584,
3207,
9049,
5085,
29901,
3462,
3245,
4257,
6273,
29889,
13,
4706,
584,
2457,
29901,
319,
18761,
470,
263,
1051,
310,
5291,
2701,
29889,
13,
4706,
9995,
13,
13,
4706,
1018,
29901,
13,
9651,
411,
12013,
29889,
11207,
5971,
29898,
1272,
29897,
408,
934,
29901,
13,
18884,
364,
353,
9591,
29898,
1445,
29897,
13,
18884,
10938,
353,
364,
29889,
13236,
29918,
11010,
13,
13,
4706,
5174,
8960,
408,
5566,
29901,
13,
9651,
12020,
3080,
359,
17830,
2451,
29898,
29888,
29908,
2392,
2805,
1029,
307,
10938,
29901,
426,
735,
29883,
27195,
13,
13,
4706,
736,
10938,
13,
2
] |
src/LASER/utils/__init__.py | BigBird01/LASER | 7 | 93894 | from .logger_util import *
from .argument_types import *
| [
1,
515,
869,
21707,
29918,
4422,
1053,
334,
13,
3166,
869,
23516,
29918,
8768,
1053,
334,
13,
2
] |
rain_atten/powerlaw.py | bzohidov/TomoRain | 0 | 156301 | #-------------------------------------------------------------------------------
# Name: powerlaw.py
# Purpose: This is a set of power law coefficients(a,b) for the calculation of
# empirical rain attenuation model A = a*R^b.
#-------------------------------------------------------------------------------
def get_coef_ab(freq, mod_type = 'MP'):
'''
Returns power law coefficients according to model type (mod_type)
at a given frequency[Hz].
Input:
freq - frequency, [Hz].
Optional:
mod_type - model type for power law. This can be 'ITU_R2005',
'MP','GAMMA'. By default, mode_type = 'ITU_R2005'.
Output:
a,b - power law coefficients.
'''
if mod_type == 'ITU_R2005':
a = {'18': 0.07393, '23': 0.1285, '38': 0.39225}
b = {'18':1.0404605978, '23': 0.99222272,'38':0.8686641682}
elif mod_type == 'MP':
a = {'18': 0.05911087, '23': 0.1080751, '38': 0.37898495}
b = {'18': 1.08693514, '23': 1.05342886, '38': 0.92876888}
elif mod_type=='GAMMA':
a = {'18': 0.04570854, '23': 0.08174184, '38': 0.28520923}
b = {'18': 1.09211488, '23': 1.08105214, '38': 1.01426258}
freq = int(freq/1e9)
return a[str(freq)], b[str(freq)] | [
1,
396,
2683,
2683,
2683,
2683,
9072,
5634,
13,
29937,
4408,
29901,
3081,
10653,
29889,
2272,
13,
29937,
15247,
4220,
29901,
910,
338,
263,
731,
310,
3081,
4307,
16127,
29898,
29874,
29892,
29890,
29897,
363,
278,
13944,
310,
13,
29937,
3986,
29190,
936,
17251,
472,
841,
29884,
362,
1904,
319,
353,
263,
29930,
29934,
29985,
29890,
29889,
13,
29937,
2683,
2683,
2683,
2683,
9072,
5634,
13,
13,
13,
13,
13,
1753,
679,
29918,
1111,
1389,
29918,
370,
29898,
29888,
7971,
29892,
878,
29918,
1853,
353,
525,
3580,
29374,
13,
1678,
14550,
13,
1678,
16969,
3081,
4307,
16127,
5034,
304,
1904,
1134,
313,
1545,
29918,
1853,
29897,
13,
1678,
472,
263,
2183,
10868,
29961,
12661,
1822,
13,
1678,
10567,
29901,
13,
4706,
3005,
29939,
448,
10868,
29892,
518,
12661,
1822,
13,
1678,
28379,
29901,
13,
4706,
878,
29918,
1853,
448,
1904,
1134,
363,
3081,
4307,
29889,
910,
508,
367,
525,
1806,
29965,
29918,
29934,
29906,
29900,
29900,
29945,
742,
13,
462,
259,
525,
3580,
3788,
29954,
5194,
1529,
4286,
2648,
2322,
29892,
4464,
29918,
1853,
353,
525,
1806,
29965,
29918,
29934,
29906,
29900,
29900,
29945,
4286,
13,
1678,
10604,
29901,
13,
4706,
263,
29892,
29890,
448,
3081,
4307,
16127,
29889,
13,
1678,
14550,
13,
1678,
565,
878,
29918,
1853,
1275,
525,
1806,
29965,
29918,
29934,
29906,
29900,
29900,
29945,
2396,
13,
4706,
263,
353,
11117,
29896,
29947,
2396,
29871,
29900,
29889,
29900,
29955,
29941,
29929,
29941,
29892,
525,
29906,
29941,
2396,
29871,
29900,
29889,
29896,
29906,
29947,
29945,
29892,
525,
29941,
29947,
2396,
29871,
29900,
29889,
29941,
29929,
29906,
29906,
29945,
29913,
13,
4706,
289,
353,
11117,
29896,
29947,
2396,
29896,
29889,
29900,
29946,
29900,
29946,
29953,
29900,
29945,
29929,
29955,
29947,
29892,
525,
29906,
29941,
2396,
29871,
29900,
29889,
29929,
29929,
29906,
29906,
29906,
29906,
29955,
29906,
5501,
29941,
29947,
2396,
29900,
29889,
29947,
29953,
29947,
29953,
29953,
29946,
29896,
29953,
29947,
29906,
29913,
13,
1678,
25342,
878,
29918,
1853,
1275,
525,
3580,
2396,
13,
4706,
263,
353,
11117,
29896,
29947,
2396,
29871,
29900,
29889,
29900,
29945,
29929,
29896,
29896,
29900,
29947,
29955,
29892,
525,
29906,
29941,
2396,
29871,
29900,
29889,
29896,
29900,
29947,
29900,
29955,
29945,
29896,
29892,
525,
29941,
29947,
2396,
29871,
29900,
29889,
29941,
29955,
29947,
29929,
29947,
29946,
29929,
29945,
29913,
13,
4706,
289,
353,
11117,
29896,
29947,
2396,
29871,
29896,
29889,
29900,
29947,
29953,
29929,
29941,
29945,
29896,
29946,
29892,
525,
29906,
29941,
2396,
29871,
29896,
29889,
29900,
29945,
29941,
29946,
29906,
29947,
29947,
29953,
29892,
525,
29941,
29947,
2396,
29871,
29900,
29889,
29929,
29906,
29947,
29955,
29953,
29947,
29947,
29947,
29913,
13,
1678,
25342,
878,
29918,
1853,
1360,
29915,
29954,
5194,
1529,
2396,
13,
4706,
263,
353,
11117,
29896,
29947,
2396,
29871,
29900,
29889,
29900,
29946,
29945,
29955,
29900,
29947,
29945,
29946,
29892,
525,
29906,
29941,
2396,
29871,
29900,
29889,
29900,
29947,
29896,
29955,
29946,
29896,
29947,
29946,
29892,
525,
29941,
29947,
2396,
29871,
29900,
29889,
29906,
29947,
29945,
29906,
29900,
29929,
29906,
29941,
29913,
13,
4706,
289,
353,
11117,
29896,
29947,
2396,
29871,
29896,
29889,
29900,
29929,
29906,
29896,
29896,
29946,
29947,
29947,
29892,
525,
29906,
29941,
2396,
29871,
29896,
29889,
29900,
29947,
29896,
29900,
29945,
29906,
29896,
29946,
29892,
525,
29941,
29947,
2396,
29871,
29896,
29889,
29900,
29896,
29946,
29906,
29953,
29906,
29945,
29947,
29913,
13,
1678,
3005,
29939,
353,
938,
29898,
29888,
7971,
29914,
29896,
29872,
29929,
29897,
13,
1678,
736,
263,
29961,
710,
29898,
29888,
7971,
29897,
1402,
289,
29961,
710,
29898,
29888,
7971,
4638,
2
] |
curriculum/07_game_02_circle_clash_2_DAYS/07_game_02_circle_clash_day_1/07_02_02_circle_clash_advanced.py | google/teknowledge | 31 | 52030 | from tkinter import *
# the game data for the initial game state
def init():
data.playerX = 250
data.playerY = 550
data.circleX = 250
data.circleY = 0
data.gameOver = False
# events updating the game data
def keyPressed(event):
if event.keysym == "Right" and data.playerX < 550:
data.playerX += 5
elif event.keysym == "Left" and data.playerX > 0:
data.playerX -= 5
def moveCircle():
if not data.gameOver:
data.circleY += 10
# the game data updating the game state
def timerFired():
moveCircle()
if checkCollision(data.playerX, data.playerY,
data.circleX, data.circleY,
10, 50):
data.gameOver = True
if data.circleY > 600:
data.gameOver = True
def checkCollision(x1, y1, x2, y2, r1, r2):
distance = ((x2 - x1) ** 2 + (y2 - y1) ** 2) ** 0.5
return distance <= r1 + r2
# the game state updating what is drawn
def redrawAll(canvas):
canvas.create_oval(data.playerX - 10, data.playerY - 10,
data.playerX + 10, data.playerY + 10,
fill="red")
canvas.create_oval(data.circleX - 50, data.circleY - 50,
data.circleX + 50, data.circleY + 50, \
fill="yellow")
if data.gameOver:
canvas.create_text(300, 250, text="Game Over", font=" Arial 20")
# Challenge 2.1 - Make it so that at the top of the screen it says "Score: __"
# where the __ is a number that increases every time timerFired() happens.
# Challenge 2.2 - Make it so that every third time timerFired() happens a new
# circle is added to the top of the screen with random x position, color,
# and size.
# Suggested way to do this:
# 1. Make a data.timer variable that starts at 0 and increases by 1 every
# timerFired() and a data.circles variable that starts as [].
# 2. When data.timer gets to 3, reset it to 0 and call a new function
# createNewCircle().
# 3. Write createNewCircle() to append a tuple to data.circles of the
# format:
# (xCoordinate, yCoordinate, radiusSize, colorString)
# 4. In redrawAll(), loop over the data.circles list and draw each circle.
# 5. In timerFired(), every second, move each circle's yPosition down by
# 10 pixels.
# BONUS Challenge 2.3 - Make the game better with your own ideas!
# The coding world is now yours for the exploring :)
# ***** DO NOT MODIFY BELOW HERE ***** #
# animation setup code
class Struct(object): pass
data = Struct()
def run(width=600, height=600):
def redrawAllWrapper(canvas):
canvas.delete(ALL)
redrawAll(canvas)
canvas.update()
def keyPressedWrapper(event, canvas):
keyPressed(event)
redrawAllWrapper(canvas)
def timerFiredWrapper(canvas):
timerFired()
redrawAllWrapper(canvas)
# pause, then call timerFired again
canvas.after(data.timerDelay, timerFiredWrapper, canvas)
# Set up data and call init
data.width = width
data.height = height
data.timerDelay = 200 # milliseconds
init()
# create the root and the canvas
root = Tk()
canvas = Canvas(root, width=data.width, height=data.height)
canvas.pack()
# set up events
root.bind("<Key>", lambda event:
keyPressedWrapper(event, canvas))
timerFiredWrapper(canvas)
# and launch the app
root.mainloop() # blocks until window is closed
print("bye!")
run()
| [
1,
515,
18883,
1639,
1053,
334,
30004,
13,
30004,
13,
30004,
13,
29937,
278,
3748,
848,
363,
278,
2847,
3748,
2106,
30004,
13,
1753,
2069,
7295,
30004,
13,
1678,
848,
29889,
9106,
29990,
353,
29871,
29906,
29945,
29900,
30004,
13,
1678,
848,
29889,
9106,
29979,
353,
29871,
29945,
29945,
29900,
30004,
13,
1678,
848,
29889,
16622,
29990,
353,
29871,
29906,
29945,
29900,
30004,
13,
1678,
848,
29889,
16622,
29979,
353,
29871,
29900,
30004,
13,
1678,
848,
29889,
11802,
3563,
353,
7700,
30004,
13,
30004,
13,
30004,
13,
29937,
4959,
13271,
278,
3748,
848,
30004,
13,
1753,
1820,
24104,
29898,
3696,
1125,
30004,
13,
1678,
565,
1741,
29889,
8149,
962,
1275,
376,
7341,
29908,
322,
848,
29889,
9106,
29990,
529,
29871,
29945,
29945,
29900,
29901,
30004,
13,
4706,
848,
29889,
9106,
29990,
4619,
29871,
29945,
30004,
13,
1678,
25342,
1741,
29889,
8149,
962,
1275,
376,
8091,
29908,
322,
848,
29889,
9106,
29990,
1405,
29871,
29900,
29901,
30004,
13,
4706,
848,
29889,
9106,
29990,
22361,
29871,
29945,
30004,
13,
30004,
13,
30004,
13,
1753,
4337,
23495,
280,
7295,
30004,
13,
1678,
565,
451,
848,
29889,
11802,
3563,
29901,
30004,
13,
4706,
848,
29889,
16622,
29979,
4619,
29871,
29896,
29900,
30004,
13,
30004,
13,
30004,
13,
29937,
278,
3748,
848,
13271,
278,
3748,
2106,
30004,
13,
1753,
12237,
29943,
2859,
7295,
30004,
13,
1678,
4337,
23495,
280,
26471,
13,
1678,
565,
1423,
28377,
2459,
29898,
1272,
29889,
9106,
29990,
29892,
848,
29889,
9106,
29979,
11167,
13,
462,
418,
848,
29889,
16622,
29990,
29892,
848,
29889,
16622,
29979,
11167,
13,
462,
539,
29896,
29900,
29892,
29871,
29945,
29900,
1125,
30004,
13,
4706,
848,
29889,
11802,
3563,
353,
5852,
30004,
13,
1678,
565,
848,
29889,
16622,
29979,
1405,
29871,
29953,
29900,
29900,
29901,
30004,
13,
4706,
848,
29889,
11802,
3563,
353,
5852,
30004,
13,
30004,
13,
30004,
13,
1753,
1423,
28377,
2459,
29898,
29916,
29896,
29892,
343,
29896,
29892,
921,
29906,
29892,
343,
29906,
29892,
364,
29896,
29892,
364,
29906,
1125,
30004,
13,
1678,
5418,
353,
5135,
29916,
29906,
448,
921,
29896,
29897,
3579,
29871,
29906,
718,
313,
29891,
29906,
448,
343,
29896,
29897,
3579,
29871,
29906,
29897,
3579,
29871,
29900,
29889,
29945,
30004,
13,
1678,
736,
5418,
5277,
364,
29896,
718,
364,
29906,
30004,
13,
30004,
13,
30004,
13,
29937,
278,
3748,
2106,
13271,
825,
338,
12061,
30004,
13,
1753,
2654,
1610,
3596,
29898,
15257,
1125,
30004,
13,
1678,
10508,
29889,
3258,
29918,
10611,
29898,
1272,
29889,
9106,
29990,
448,
29871,
29896,
29900,
29892,
848,
29889,
9106,
29979,
448,
29871,
29896,
29900,
11167,
13,
462,
539,
848,
29889,
9106,
29990,
718,
29871,
29896,
29900,
29892,
848,
29889,
9106,
29979,
718,
29871,
29896,
29900,
11167,
13,
462,
539,
5445,
543,
1127,
1159,
30004,
13,
1678,
10508,
29889,
3258,
29918,
10611,
29898,
1272,
29889,
16622,
29990,
448,
29871,
29945,
29900,
29892,
848,
29889,
16622,
29979,
448,
29871,
29945,
29900,
11167,
13,
462,
539,
848,
29889,
16622,
29990,
718,
29871,
29945,
29900,
29892,
848,
29889,
16622,
29979,
718,
29871,
29945,
29900,
29892,
320,
30004,
13,
462,
539,
5445,
543,
29136,
1159,
30004,
13,
1678,
565,
848,
29889,
11802,
3563,
29901,
30004,
13,
4706,
10508,
29889,
3258,
29918,
726,
29898,
29941,
29900,
29900,
29892,
29871,
29906,
29945,
29900,
29892,
1426,
543,
14199,
6811,
613,
4079,
543,
319,
9315,
29871,
29906,
29900,
1159,
30004,
13,
30004,
13,
30004,
13,
29937,
27211,
29871,
29906,
29889,
29896,
448,
8561,
372,
577,
393,
472,
278,
2246,
310,
278,
4315,
372,
4083,
376,
20097,
29901,
4770,
19451,
13,
29937,
1678,
988,
278,
4770,
338,
263,
1353,
393,
16415,
1432,
931,
12237,
29943,
2859,
580,
5930,
22993,
13,
30004,
13,
29937,
27211,
29871,
29906,
29889,
29906,
448,
8561,
372,
577,
393,
1432,
4654,
931,
12237,
29943,
2859,
580,
5930,
263,
716,
30004,
13,
29937,
1678,
8607,
338,
2715,
304,
278,
2246,
310,
278,
4315,
411,
4036,
921,
2602,
29892,
2927,
11167,
13,
29937,
1678,
322,
2159,
22993,
13,
29937,
1678,
317,
12981,
2868,
982,
304,
437,
445,
29901,
30004,
13,
29937,
539,
29896,
29889,
8561,
263,
848,
29889,
20404,
2286,
393,
8665,
472,
29871,
29900,
322,
16415,
491,
29871,
29896,
1432,
30004,
13,
29937,
308,
12237,
29943,
2859,
580,
322,
263,
848,
29889,
19052,
7799,
2286,
393,
8665,
408,
518,
1822,
30004,
13,
29937,
539,
29906,
29889,
1932,
848,
29889,
20404,
4947,
304,
29871,
29941,
29892,
10092,
372,
304,
29871,
29900,
322,
1246,
263,
716,
740,
30004,
13,
29937,
308,
1653,
4373,
23495,
280,
2141,
30004,
13,
29937,
539,
29941,
29889,
14350,
1653,
4373,
23495,
280,
580,
304,
9773,
263,
18761,
304,
848,
29889,
19052,
7799,
310,
278,
30004,
13,
29937,
308,
3402,
29901,
30004,
13,
29937,
965,
313,
29916,
7967,
16065,
29892,
343,
7967,
16065,
29892,
11855,
3505,
29892,
2927,
1231,
8443,
13,
29937,
539,
29946,
29889,
512,
2654,
1610,
3596,
3285,
2425,
975,
278,
848,
29889,
19052,
7799,
1051,
322,
4216,
1269,
8607,
22993,
13,
29937,
539,
29945,
29889,
512,
12237,
29943,
2859,
3285,
1432,
1473,
29892,
4337,
1269,
8607,
29915,
29879,
343,
8003,
1623,
491,
30004,
13,
29937,
3986,
29896,
29900,
17036,
22993,
13,
30004,
13,
29937,
350,
1164,
3308,
27211,
29871,
29906,
29889,
29941,
448,
8561,
278,
3748,
2253,
411,
596,
1914,
7014,
29991,
30004,
13,
29937,
1678,
450,
14137,
3186,
338,
1286,
15850,
363,
278,
3902,
8253,
4248,
30004,
13,
30004,
13,
30004,
13,
29937,
334,
2328,
11662,
6058,
16999,
4571,
29943,
29979,
20700,
27998,
379,
27267,
334,
2328,
396,
30004,
13,
30004,
13,
29937,
9612,
6230,
775,
30004,
13,
30004,
13,
1990,
28771,
29898,
3318,
1125,
1209,
30004,
13,
30004,
13,
30004,
13,
1272,
353,
28771,
26471,
13,
30004,
13,
30004,
13,
1753,
1065,
29898,
2103,
29922,
29953,
29900,
29900,
29892,
3171,
29922,
29953,
29900,
29900,
1125,
30004,
13,
1678,
822,
2654,
1610,
3596,
15646,
29898,
15257,
1125,
30004,
13,
4706,
10508,
29889,
8143,
29898,
9818,
8443,
13,
4706,
2654,
1610,
3596,
29898,
15257,
8443,
13,
4706,
10508,
29889,
5504,
26471,
13,
30004,
13,
1678,
822,
1820,
24104,
15646,
29898,
3696,
29892,
10508,
1125,
30004,
13,
4706,
1820,
24104,
29898,
3696,
8443,
13,
4706,
2654,
1610,
3596,
15646,
29898,
15257,
8443,
13,
30004,
13,
1678,
822,
12237,
29943,
2859,
15646,
29898,
15257,
1125,
30004,
13,
4706,
12237,
29943,
2859,
26471,
13,
4706,
2654,
1610,
3596,
15646,
29898,
15257,
8443,
13,
4706,
396,
19957,
29892,
769,
1246,
12237,
29943,
2859,
1449,
30004,
13,
4706,
10508,
29889,
7045,
29898,
1272,
29889,
20404,
24996,
29892,
12237,
29943,
2859,
15646,
29892,
10508,
8443,
13,
30004,
13,
1678,
396,
3789,
701,
848,
322,
1246,
2069,
30004,
13,
1678,
848,
29889,
2103,
353,
2920,
30004,
13,
1678,
848,
29889,
3545,
353,
3171,
30004,
13,
1678,
848,
29889,
20404,
24996,
353,
29871,
29906,
29900,
29900,
29871,
396,
3533,
21462,
30004,
13,
1678,
2069,
26471,
13,
1678,
396,
1653,
278,
3876,
322,
278,
10508,
30004,
13,
1678,
3876,
353,
323,
29895,
26471,
13,
1678,
10508,
353,
1815,
4428,
29898,
4632,
29892,
2920,
29922,
1272,
29889,
2103,
29892,
3171,
29922,
1272,
29889,
3545,
8443,
13,
1678,
10508,
29889,
4058,
26471,
13,
1678,
396,
731,
701,
4959,
30004,
13,
1678,
3876,
29889,
5355,
28945,
2558,
28341,
14013,
1741,
29901,
30004,
13,
1678,
1820,
24104,
15646,
29898,
3696,
29892,
10508,
876,
30004,
13,
1678,
12237,
29943,
2859,
15646,
29898,
15257,
8443,
13,
1678,
396,
322,
6826,
278,
623,
30004,
13,
1678,
3876,
29889,
3396,
7888,
580,
29871,
396,
10930,
2745,
3474,
338,
5764,
30004,
13,
1678,
1596,
703,
26966,
29991,
1159,
30004,
13,
30004,
13,
30004,
13,
3389,
26471,
13,
2
] |
activecampaign/admin/__init__.py | pmiguelima/django-activecampaign | 1 | 142539 | <filename>activecampaign/admin/__init__.py
from .list import List
from .message import Message
from .campaign import Campaign
| [
1,
529,
9507,
29958,
4925,
24821,
8729,
29914,
6406,
29914,
1649,
2344,
26914,
2272,
13,
3166,
869,
1761,
1053,
2391,
13,
3166,
869,
4906,
1053,
7777,
13,
3166,
869,
24821,
8729,
1053,
7259,
8729,
13,
2
] |
python/practice/rules.py | icefoxen/lang | 0 | 180169 | # Heh, found this on a Usenet sig.
reduce(lambda x,y:x+y,map(lambda x:chr(ord(x)^42),tuple('zS^BED\nX_FOY\x0b'))) | [
1,
396,
940,
29882,
29892,
1476,
445,
373,
263,
501,
4881,
300,
4365,
22993,
13,
30004,
13,
17469,
29898,
2892,
921,
29892,
29891,
29901,
29916,
29974,
29891,
29892,
1958,
29898,
2892,
921,
29901,
22495,
29898,
536,
29898,
29916,
4887,
29946,
29906,
511,
23583,
877,
29920,
29903,
29985,
29933,
3352,
29905,
29876,
29990,
29918,
5800,
29979,
29905,
29916,
29900,
29890,
29915,
4961,
2
] |
Leetcode/week_6/multi_threaded_merge_sort.py | SamSamhuns/wallbreakers_projekts | 1 | 16463 | import threading
def merge_sort(arr):
def _merge(arr1, arr2):
i, j = 0, 0
l1, l2 = len(arr1), len(arr2)
arr_sorted = [0] * (l1 + l2)
idx = 0
while i < l1 and j < l2:
if arr1[i] < arr2[j]:
arr_sorted[idx] = arr1[i]
i += 1
else:
arr_sorted[idx] = arr2[j]
j += 1
idx += 1
while i < l1:
arr_sorted[idx] = arr1[i]
i += 1
idx += 1
while j < l2:
arr_sorted[idx] = arr2[j]
j += 1
idx += 1
return arr_sorted
def _recursive_sort(arr):
if len(arr) == 1:
return arr
mid = len(arr) // 2
left_arr = _recursive_sort(arr[:mid])
right_arr = _recursive_sort(arr[mid:])
return _merge(left_arr, right_arr)
return _recursive_sort(arr)
def merge_sort_inplace(arr):
def _merge(arr, start, mid, end):
start2 = mid + 1
while start <= mid and start2 <= end:
if arr[start] <= arr[start2]: # elem in right place
start += 1
else:
orig_start2 = arr[start2]
idx = start2
# shift all elements between start and start2
# to the right by one place
while idx != start:
arr[idx] = arr[idx - 1]
idx -= 1
arr[start] = orig_start2
start += 1
mid += 1
start2 += 1
def _recursive_sort(arr, left, right):
if left < right:
mid = left + ((right - left) // 2)
_recursive_sort(arr, left, mid)
_recursive_sort(arr, mid + 1, right)
_merge(arr, left, mid, right)
_recursive_sort(arr, 0, len(arr) - 1)
def _merge(arr, start, mid, end):
start2 = mid + 1
while start <= mid and start2 <= end:
if arr[start] <= arr[start2]: # elem in right place
start += 1
else:
orig_start2 = arr[start2]
idx = start2
# shift all elements to the right by one place
while idx != start:
arr[idx] = arr[idx - 1]
idx -= 1
arr[start] = orig_start2
start += 1
mid += 1
start2 += 1
def _recursive_sort(arr, left, right):
if left < right:
mid = left + ((right - left) // 2)
_recursive_sort(arr, left, mid)
_recursive_sort(arr, mid + 1, right)
_merge(arr, left, mid, right)
# _recursive_sort(arr, 0, len(arr) - 1)
if __name__ == "__main__":
ar = [2, 4, 1, 2, 4, 5, 8, 2, 351, 2, 0]
thread1 = threading.Thread(
target=_recursive_sort, args=(ar, 0, len(ar) // 2),)
thread2 = threading.Thread(
target=_recursive_sort, args=(ar, (len(ar) // 2) + 1, len(ar) - 1,))
thread1.start()
thread2.start()
thread1.join()
thread2.join()
_merge(ar, 0, len(ar) // 2, len(ar) - 1)
print(ar)
| [
1,
1053,
3244,
292,
13,
13,
13,
1753,
10366,
29918,
6605,
29898,
2749,
1125,
13,
13,
1678,
822,
903,
14634,
29898,
2749,
29896,
29892,
3948,
29906,
1125,
13,
4706,
474,
29892,
432,
353,
29871,
29900,
29892,
29871,
29900,
13,
4706,
301,
29896,
29892,
301,
29906,
353,
7431,
29898,
2749,
29896,
511,
7431,
29898,
2749,
29906,
29897,
13,
4706,
3948,
29918,
24582,
353,
518,
29900,
29962,
334,
313,
29880,
29896,
718,
301,
29906,
29897,
13,
4706,
22645,
353,
29871,
29900,
13,
4706,
1550,
474,
529,
301,
29896,
322,
432,
529,
301,
29906,
29901,
13,
9651,
565,
3948,
29896,
29961,
29875,
29962,
529,
3948,
29906,
29961,
29926,
5387,
13,
18884,
3948,
29918,
24582,
29961,
13140,
29962,
353,
3948,
29896,
29961,
29875,
29962,
13,
18884,
474,
4619,
29871,
29896,
13,
9651,
1683,
29901,
13,
18884,
3948,
29918,
24582,
29961,
13140,
29962,
353,
3948,
29906,
29961,
29926,
29962,
13,
18884,
432,
4619,
29871,
29896,
13,
9651,
22645,
4619,
29871,
29896,
13,
13,
4706,
1550,
474,
529,
301,
29896,
29901,
13,
9651,
3948,
29918,
24582,
29961,
13140,
29962,
353,
3948,
29896,
29961,
29875,
29962,
13,
9651,
474,
4619,
29871,
29896,
13,
9651,
22645,
4619,
29871,
29896,
13,
4706,
1550,
432,
529,
301,
29906,
29901,
13,
9651,
3948,
29918,
24582,
29961,
13140,
29962,
353,
3948,
29906,
29961,
29926,
29962,
13,
9651,
432,
4619,
29871,
29896,
13,
9651,
22645,
4619,
29871,
29896,
13,
4706,
736,
3948,
29918,
24582,
13,
13,
1678,
822,
903,
3757,
25397,
29918,
6605,
29898,
2749,
1125,
13,
4706,
565,
7431,
29898,
2749,
29897,
1275,
29871,
29896,
29901,
13,
9651,
736,
3948,
13,
4706,
7145,
353,
7431,
29898,
2749,
29897,
849,
29871,
29906,
13,
4706,
2175,
29918,
2749,
353,
903,
3757,
25397,
29918,
6605,
29898,
2749,
7503,
6563,
2314,
13,
4706,
1492,
29918,
2749,
353,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29961,
6563,
29901,
2314,
13,
4706,
736,
903,
14634,
29898,
1563,
29918,
2749,
29892,
1492,
29918,
2749,
29897,
13,
13,
1678,
736,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29897,
13,
13,
13,
1753,
10366,
29918,
6605,
29918,
262,
6689,
29898,
2749,
1125,
13,
13,
1678,
822,
903,
14634,
29898,
2749,
29892,
1369,
29892,
7145,
29892,
1095,
1125,
13,
4706,
1369,
29906,
353,
7145,
718,
29871,
29896,
13,
13,
4706,
1550,
1369,
5277,
7145,
322,
1369,
29906,
5277,
1095,
29901,
13,
13,
9651,
565,
3948,
29961,
2962,
29962,
5277,
3948,
29961,
2962,
29906,
5387,
29871,
396,
21268,
297,
1492,
2058,
13,
18884,
1369,
4619,
29871,
29896,
13,
9651,
1683,
29901,
13,
18884,
1677,
29918,
2962,
29906,
353,
3948,
29961,
2962,
29906,
29962,
13,
18884,
22645,
353,
1369,
29906,
13,
18884,
396,
9500,
599,
3161,
1546,
1369,
322,
1369,
29906,
13,
18884,
396,
304,
278,
1492,
491,
697,
2058,
13,
18884,
1550,
22645,
2804,
1369,
29901,
13,
462,
1678,
3948,
29961,
13140,
29962,
353,
3948,
29961,
13140,
448,
29871,
29896,
29962,
13,
462,
1678,
22645,
22361,
29871,
29896,
13,
18884,
3948,
29961,
2962,
29962,
353,
1677,
29918,
2962,
29906,
13,
13,
18884,
1369,
4619,
29871,
29896,
13,
18884,
7145,
4619,
29871,
29896,
13,
18884,
1369,
29906,
4619,
29871,
29896,
13,
13,
1678,
822,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
2175,
29892,
1492,
1125,
13,
4706,
565,
2175,
529,
1492,
29901,
13,
9651,
7145,
353,
2175,
718,
5135,
1266,
448,
2175,
29897,
849,
29871,
29906,
29897,
13,
9651,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
2175,
29892,
7145,
29897,
13,
9651,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
7145,
718,
29871,
29896,
29892,
1492,
29897,
13,
9651,
903,
14634,
29898,
2749,
29892,
2175,
29892,
7145,
29892,
1492,
29897,
13,
13,
1678,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
29871,
29900,
29892,
7431,
29898,
2749,
29897,
448,
29871,
29896,
29897,
13,
13,
13,
1753,
903,
14634,
29898,
2749,
29892,
1369,
29892,
7145,
29892,
1095,
1125,
13,
1678,
1369,
29906,
353,
7145,
718,
29871,
29896,
13,
13,
1678,
1550,
1369,
5277,
7145,
322,
1369,
29906,
5277,
1095,
29901,
13,
13,
4706,
565,
3948,
29961,
2962,
29962,
5277,
3948,
29961,
2962,
29906,
5387,
29871,
396,
21268,
297,
1492,
2058,
13,
9651,
1369,
4619,
29871,
29896,
13,
4706,
1683,
29901,
13,
9651,
1677,
29918,
2962,
29906,
353,
3948,
29961,
2962,
29906,
29962,
13,
9651,
22645,
353,
1369,
29906,
13,
9651,
396,
9500,
599,
3161,
304,
278,
1492,
491,
697,
2058,
13,
9651,
1550,
22645,
2804,
1369,
29901,
13,
18884,
3948,
29961,
13140,
29962,
353,
3948,
29961,
13140,
448,
29871,
29896,
29962,
13,
18884,
22645,
22361,
29871,
29896,
13,
9651,
3948,
29961,
2962,
29962,
353,
1677,
29918,
2962,
29906,
13,
13,
9651,
1369,
4619,
29871,
29896,
13,
9651,
7145,
4619,
29871,
29896,
13,
9651,
1369,
29906,
4619,
29871,
29896,
13,
13,
13,
1753,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
2175,
29892,
1492,
1125,
13,
1678,
565,
2175,
529,
1492,
29901,
13,
4706,
7145,
353,
2175,
718,
5135,
1266,
448,
2175,
29897,
849,
29871,
29906,
29897,
13,
4706,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
2175,
29892,
7145,
29897,
13,
4706,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
7145,
718,
29871,
29896,
29892,
1492,
29897,
13,
4706,
903,
14634,
29898,
2749,
29892,
2175,
29892,
7145,
29892,
1492,
29897,
13,
13,
29937,
903,
3757,
25397,
29918,
6605,
29898,
2749,
29892,
29871,
29900,
29892,
7431,
29898,
2749,
29897,
448,
29871,
29896,
29897,
13,
13,
13,
361,
4770,
978,
1649,
1275,
376,
1649,
3396,
1649,
1115,
13,
13,
1678,
564,
353,
518,
29906,
29892,
29871,
29946,
29892,
29871,
29896,
29892,
29871,
29906,
29892,
29871,
29946,
29892,
29871,
29945,
29892,
29871,
29947,
29892,
29871,
29906,
29892,
29871,
29941,
29945,
29896,
29892,
29871,
29906,
29892,
29871,
29900,
29962,
13,
13,
1678,
3244,
29896,
353,
3244,
292,
29889,
4899,
29898,
13,
4706,
3646,
29922,
29918,
3757,
25397,
29918,
6605,
29892,
6389,
7607,
279,
29892,
29871,
29900,
29892,
7431,
29898,
279,
29897,
849,
29871,
29906,
511,
29897,
13,
1678,
3244,
29906,
353,
3244,
292,
29889,
4899,
29898,
13,
4706,
3646,
29922,
29918,
3757,
25397,
29918,
6605,
29892,
6389,
7607,
279,
29892,
313,
2435,
29898,
279,
29897,
849,
29871,
29906,
29897,
718,
29871,
29896,
29892,
7431,
29898,
279,
29897,
448,
29871,
29896,
29892,
876,
13,
1678,
3244,
29896,
29889,
2962,
580,
13,
1678,
3244,
29906,
29889,
2962,
580,
13,
1678,
3244,
29896,
29889,
7122,
580,
13,
1678,
3244,
29906,
29889,
7122,
580,
13,
1678,
903,
14634,
29898,
279,
29892,
29871,
29900,
29892,
7431,
29898,
279,
29897,
849,
29871,
29906,
29892,
7431,
29898,
279,
29897,
448,
29871,
29896,
29897,
13,
1678,
1596,
29898,
279,
29897,
13,
2
] |
main.py | impressive8/Practice | 197 | 44090 | # ===================================
# Import the libraries
# ===================================
import numpy as np
from matplotlib import pylab as plt
import imaging
import utility
import os,sys
# ===================================
# Which stages to run
# ===================================
do_add_noise = False
do_black_level_correction = True
do_lens_shading_correction = True
do_bad_pixel_correction = True
do_channel_gain_white_balance = True
do_bayer_denoise = False
do_demosaic = True
do_demosaic_artifact_reduction = True
do_color_correction = True
do_gamma = True
do_chromatic_aberration_correction = True
do_tone_mapping = True
do_memory_color_enhancement = True
do_noise_reduction = True
do_sharpening = True
do_distortion_correction = False
# ===================================
# Remove all the .png files
os.system("rm images/*.png")
# ===================================
# ===================================
# raw image and set up the metadata
# ===================================
# uncomment the image_name to run it via pipeline
image_name = "DSC_1339_768x512_rggb" # image content: Rose rggb
# image_name = "DSC_1339_768x512_gbrg" # image content: Rose gbrg
# image_name = "DSC_1339_768x512_grbg" # image content: Rose grbg
# image_name = "DSC_1339_768x512_bggr" # image content: Rose bggr
# image_name = "DSC_1320_2048x2048_rggb" # image content: Potrait
# image_name = "DSC_1372_6032x4032_rggb" # image content: Downtown San Jose
# image_name = "DSC_1372_12096x6032_rgb_out_demosaic" # image content: Downtown San Jose after demosaic
# read the raw image
temp = np.fromfile("images/" + image_name + ".raw", dtype="uint16", sep="")
if (image_name == "DSC_1339_768x512_rggb"):
temp = temp.reshape([512, 768])
raw = imaging.ImageInfo("1339_768x512_rggb", temp)
raw.set_color_space("raw")
raw.set_bayer_pattern("rggb")
raw.set_channel_gain((1.94921875, 1.0, 1.0, 1.34375)) # Please shuffle the values
# depending on bayer_pattern
raw.set_bit_depth(14)
raw.set_black_level((600, 600, 600, 600))
raw.set_white_level((15520, 15520, 15520, 15520))
# the ColorMatrix2 found from the metadata
raw.set_color_matrix([[.9020, -.2890, -.0715],\
[-.4535, 1.2436, .2348],\
[-.0934, .1919, .7086]])
data = raw.data
elif (image_name == "DSC_1339_768x512_gbrg"):
temp = temp.reshape([512, 768])
raw = imaging.ImageInfo("1339_768x512_gbrg", temp)
raw.set_color_space("raw")
raw.set_bayer_pattern("gbrg")
raw.set_channel_gain((1.0, 1.34375, 1.94921875, 1.0)) # Please shuffle the values
# depending on bayer_pattern
raw.set_bit_depth(14)
raw.set_black_level((600, 600, 600, 600))
raw.set_white_level((15520, 15520, 15520, 15520))
# the ColorMatrix2 found from the metadata
raw.set_color_matrix([[.9020, -.2890, -.0715],\
[-.4535, 1.2436, .2348],\
[-.0934, .1919, .7086]])
data = raw.data
elif (image_name == "DSC_1339_768x512_grbg"):
temp = temp.reshape([512, 768])
raw = imaging.ImageInfo("1339_768x512_grbg", temp)
raw.set_color_space("raw")
raw.set_bayer_pattern("grbg")
raw.set_channel_gain((1.0, 1.94921875, 1.34375, 1.0)) # Please shuffle the values
# depending on bayer_pattern
raw.set_bit_depth(14)
raw.set_black_level((600, 600, 600, 600))
raw.set_white_level((15520, 15520, 15520, 15520))
# the ColorMatrix2 found from the metadata
raw.set_color_matrix([[.9020, -.2890, -.0715],\
[-.4535, 1.2436, .2348],\
[-.0934, .1919, .7086]])
data = raw.data
elif (image_name == "DSC_1339_768x512_bggr"):
temp = temp.reshape([512, 768])
raw = imaging.ImageInfo("1339_768x512_bggr", temp)
raw.set_color_space("raw")
raw.set_bayer_pattern("bggr")
raw.set_channel_gain((1.34375, 1.0, 1.0, 1.94921875,)) # Please shuffle the values
# depending on bayer_pattern
raw.set_bit_depth(14)
raw.set_black_level((600, 600, 600, 600))
raw.set_white_level((15520, 15520, 15520, 15520))
# the ColorMatrix2 found from the metadata
raw.set_color_matrix([[.9020, -.2890, -.0715],\
[-.4535, 1.2436, .2348],\
[-.0934, .1919, .7086]])
data = raw.data
elif (image_name == "DSC_1320_2048x2048_rggb"):
temp = temp.reshape([2048, 2048])
raw = imaging.ImageInfo("1320_2048x2048_rggb", temp)
raw.set_color_space("raw")
raw.set_bayer_pattern("rggb")
raw.set_channel_gain((1.94921875, 1.0, 1.0, 1.34375)) # Please shuffle the values
# depending on bayer_pattern
raw.set_bit_depth(14)
raw.set_black_level((600, 600, 600, 600))
raw.set_white_level((15520, 15520, 15520, 15520))
# the ColotMatrix2 found from the metadata
raw.set_color_matrix([[.9020, -.2890, -.0715],\
[-.4535, 1.2436, .2348],\
[-.0934, .1919, .7086]])
data = raw.data
elif (image_name == "DSC_1372_6032x4032_rggb"):
temp = temp.reshape([4032, 6032])
raw = imaging.ImageInfo("DSC_1372_6032x4032_rggb", temp)
raw.set_color_space("raw")
raw.set_bayer_pattern("rggb")
raw.set_channel_gain((1.94921875, 1.0, 1.0, 1.34375)) # Please shuffle the values
# depending on bayer_pattern
raw.set_bit_depth(14)
raw.set_black_level((600, 600, 600, 600))
raw.set_white_level((15520, 15520, 15520, 15520))
# the ColotMatrix2 found from the metadata
raw.set_color_matrix([[.9020, -.2890, -.0715],\
[-.4535, 1.2436, .2348],\
[-.0934, .1919, .7086]])
data = raw.data
elif (image_name == "DSC_1372_12096x6032_rgb_out_demosaic"):
temp = temp.reshape([12096, 6032])
temp = np.float32(temp)
data = np.empty((4032, 6032, 3), dtype=np.float32)
data[:, :, 0] = temp[0:4032, :]
data[:, :, 1] = temp[4032 : 2*4032, :]
data[:, :, 2] = temp[2*4032 : 3*4032, :]
raw = imaging.ImageInfo("DSC_1372_12096x6032_rgb_out_demosaic", data)
raw.set_color_space("raw")
raw.set_bayer_pattern("rggb")
raw.set_channel_gain((1.94921875, 1.0, 1.0, 1.34375)) # Please shuffle the values
# depending on bayer_pattern
raw.set_bit_depth(14)
raw.set_black_level((600, 600, 600, 600))
raw.set_white_level((15520, 15520, 15520, 15520))
# the ColotMatrix2 found from the metadata
raw.set_color_matrix([[.9020, -.2890, -.0715],\
[-.4535, 1.2436, .2348],\
[-.0934, .1919, .7086]])
else:
print("Warning! image_name not recognized.")
# ===================================
# Add noise
# ===================================
if do_add_noise:
noise_mean = 0
noise_standard_deviation = 100
seed = 100
clip_range = [600, 65535]
data = utility.synthetic_image_generate(\
raw.get_width(), raw.get_height()).create_noisy_image(\
data, noise_mean, noise_standard_deviation, seed, clip_range)
else:
pass
# ===================================
# Black level correction
# ===================================
if do_black_level_correction:
data = imaging.black_level_correction(data, \
raw.get_black_level(),\
raw.get_white_level(),\
[0, 2**raw.get_bit_depth() - 1])
utility.imsave(data, "images/" + image_name + "_out_black_level_correction.png", "uint16")
else:
pass
# ===================================
# Lens shading correction
# ===================================
if do_lens_shading_correction:
# normally dark_current_image and flat_field_image are
# captured in the image quality lab using flat field chart
# here we are synthetically generating thouse two images
dark_current_image, flat_field_image = utility.synthetic_image_generate(\
raw.get_width(), raw.get_height()).create_lens_shading_correction_images(\
0, 65535, 40000)
# save the dark_current_image and flat_field_image for viewing
utility.imsave(dark_current_image, "images/" + image_name + "_dark_current_image.png", "uint16")
utility.imsave(flat_field_image, "images/" + image_name + "_flat_field_image.png", "uint16")
data = imaging.lens_shading_correction(data).flat_field_compensation(\
dark_current_image, flat_field_image)
# data = lsc.approximate_mathematical_compensation([0.01759, -28.37, -13.36])
utility.imsave(data, "images/" + image_name + "_out_lens_shading_correction.png", "uint16")
else:
pass
# ===================================
# Bad pixel correction
# ===================================
if do_bad_pixel_correction:
neighborhood_size = 3
data = imaging.bad_pixel_correction(data, neighborhood_size)
utility.imsave(data, "images/" + image_name + "_out_bad_pixel_correction.png", "uint16")
else:
pass
# ===================================
# Channel gain for white balance
# ===================================
if do_channel_gain_white_balance:
data = imaging.channel_gain_white_balance(data,\
raw.get_channel_gain())
utility.imsave(data, "images/" + image_name + "_out_channel_gain_white_balance.png", "uint16")
else:
pass
# ===================================
# Bayer denoising
# ===================================
if do_bayer_denoise:
# bayer denoising parameters
neighborhood_size = 5
initial_noise_level = 65535 * 10 / 100
hvs_min = 1000
hvs_max = 2000
clip_range = [0, 65535]
threshold_red_blue = 1300
# data is the denoised output, ignoring the second output
data, _ = imaging.bayer_denoising(data).utilize_hvs_behavior(\
raw.get_bayer_pattern(), initial_noise_level, hvs_min, hvs_max, threshold_red_blue, clip_range)
utility.imsave(data, "images/" + image_name + "_out_bayer_denoising.png", "uint16")
# utility.imsave(np.clip(texture_degree_debug*65535, 0, 65535), "images/" + image_name + "_out_texture_degree_debug.png", "uint16")
else:
pass
# ===================================
# Demosacing
# ===================================
if do_demosaic:
#data = imaging.demosaic(data, raw.get_bayer_pattern()).mhc(False)
data = imaging.demosaic(data, raw.get_bayer_pattern()).directionally_weighted_gradient_based_interpolation()
utility.imsave(data, "images/" + image_name + "_out_demosaic.png", "uint16")
else:
pass
# ===================================
# Demosaic artifact reduction
# ===================================
if do_demosaic_artifact_reduction:
data = imaging.demosaic(data).post_process_local_color_ratio(0.80 * 65535)
utility.imsave(data, "images/" + image_name + "_out_local_color_ratio.png", "uint16")
edge_detection_kernel_size = 5
edge_threshold = 0.05
# first output is main output, second output is edge_location is a debug output
data, _ = imaging.demosaic(data).post_process_median_filter(edge_detection_kernel_size, edge_threshold)
utility.imsave(data, "images/" + image_name + "_out_median_filter.png", "uint16")
# utility.imsave(edge_location*65535, "images/" + image_name + "_edge_location.png", "uint16")
else:
pass
# ===================================
# Color correction
# ===================================
if do_color_correction:
data = imaging.color_correction(data, raw.get_color_matrix()).apply_cmatrix()
utility.imsave(data, "images/" + image_name + "_out_color_correction.png", "uint16")
else:
pass
# ===================================
# Gamma
# ===================================
if do_gamma:
# brightening
data = imaging.nonlinearity(data, "brightening").luma_adjustment(80.)
# gamma by value
#data = imaging.nonlinearity(data, "gamma").by_value(1/2.2, [0, 65535])
# gamma by table
# data = imaging.nonlinearity(data, "gamma").by_table("tables/gamma_2.4.txt", "gamma", [0, 65535])
# gamma by value
data = imaging.nonlinearity(data, "gamma").by_equation(-0.9, -8.0, [0, 65535])
utility.imsave(data, "images/" + image_name + "_out_gamma.png", "uint16")
else:
pass
# ===================================
# Chromatic aberration correction
# ===================================
if do_chromatic_aberration_correction:
nsr_threshold = 90.
cr_threshold = 6425./2
data = imaging.chromatic_aberration_correction(data).purple_fringe_removal(nsr_threshold, cr_threshold)
utility.imsave(data, "images/" + image_name + "_out_purple_fringe_removal.png", "uint16")
else:
pass
# ===================================
# Tone mapping
# ===================================
if do_tone_mapping:
data = imaging.tone_mapping(data).nonlinear_masking(1.0)
utility.imsave(data, "images/" + image_name + "_out_tone_mapping_nl_masking.png", "uint16")
# data = imaging.tone_mapping(data).dynamic_range_compression("normal", [-25., 260.], [0, 65535])
# utility.imsave(data, "images/" + image_name + "_out_tone_mapping_drc.png", "uint16")
else:
pass
# ===================================
# Memory color enhancement
# ===================================
if do_memory_color_enhancement:
# target_hue = [30., -115., 100.]
# hue_preference = [45., -90., 130.]
# hue_sigma = [20., 10., 5.]
# is_both_side = [True, False, False]
# multiplier = [0.6, 0.6, 0.6]
# chroma_preference = [25., 17., 30.]
# chroma_sigma = [10., 10., 5.]
target_hue = [30., -125., 100.]
hue_preference = [20., -118., 130.]
hue_sigma = [20., 10., 5.]
is_both_side = [True, False, False]
multiplier = [0.6, 0.6, 0.6]
chroma_preference = [25., 14., 30.]
chroma_sigma = [10., 10., 5.]
data = imaging.memory_color_enhancement(data).by_hue_squeeze(target_hue,\
hue_preference,\
hue_sigma,\
is_both_side,\
multiplier,\
chroma_preference,\
chroma_sigma)
utility.imsave(data, "images/" + image_name + "_out_memory_color_enhancement.png", "uint16")
else:
pass
# ===================================
# Noise reduction
# ===================================
if do_noise_reduction:
# sigma filter parameters
neighborhood_size = 7
sigma = [1000, 500, 500]
data = imaging.noise_reduction(data).sigma_filter(neighborhood_size, sigma)
utility.imsave(data, "images/" + image_name + "_out_noise_reduction.png", "uint16")
else:
pass
# ===================================
# Sharpening
# ===================================
if do_sharpening:
data = imaging.sharpening(data).unsharp_masking()
utility.imsave(data, "images/" + image_name + "_out_sharpening.png", "uint16")
else:
pass
# ===================================
# Distortion correction
# ===================================
if do_distortion_correction:
correction_type="barrel-1"
strength=0.5
zoom_type="fit"
clip_range=[0, 65535]
data = imaging.distortion_correction(data).empirical_correction(correction_type, strength, zoom_type, clip_range)
utility.imsave(data, "images/" + image_name + "_out_distortion_correction.png", "uint16")
else:
pass
| [
1,
396,
1275,
9166,
9166,
29922,
13,
29937,
16032,
278,
9562,
13,
29937,
1275,
9166,
9166,
29922,
13,
5215,
12655,
408,
7442,
13,
3166,
22889,
1053,
282,
2904,
370,
408,
14770,
13,
5215,
6382,
292,
13,
5215,
19725,
13,
5215,
2897,
29892,
9675,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
8449,
22950,
304,
1065,
13,
29937,
1275,
9166,
9166,
29922,
13,
1867,
29918,
1202,
29918,
1217,
895,
353,
7700,
13,
1867,
29918,
8517,
29918,
5563,
29918,
2616,
276,
428,
353,
5852,
13,
1867,
29918,
29880,
575,
29918,
845,
9382,
29918,
2616,
276,
428,
353,
5852,
13,
1867,
29918,
12313,
29918,
29886,
15711,
29918,
2616,
276,
428,
353,
5852,
13,
1867,
29918,
12719,
29918,
29887,
475,
29918,
10921,
29918,
5521,
749,
353,
5852,
13,
1867,
29918,
29890,
2747,
29918,
1145,
29877,
895,
353,
7700,
13,
1867,
29918,
2310,
3628,
293,
353,
5852,
13,
1867,
29918,
2310,
3628,
293,
29918,
8813,
29918,
9313,
428,
353,
5852,
13,
1867,
29918,
2780,
29918,
2616,
276,
428,
353,
5852,
13,
1867,
29918,
4283,
353,
5852,
13,
1867,
29918,
27433,
2454,
29918,
370,
3127,
362,
29918,
2616,
276,
428,
353,
5852,
13,
1867,
29918,
29873,
650,
29918,
20698,
353,
5852,
13,
1867,
29918,
14834,
29918,
2780,
29918,
264,
29882,
27967,
353,
5852,
13,
1867,
29918,
1217,
895,
29918,
9313,
428,
353,
5852,
13,
1867,
29918,
845,
279,
2238,
292,
353,
5852,
13,
1867,
29918,
5721,
441,
291,
29918,
2616,
276,
428,
353,
7700,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
15154,
599,
278,
869,
2732,
2066,
13,
359,
29889,
5205,
703,
1758,
4558,
5515,
29889,
2732,
1159,
13,
29937,
1275,
9166,
9166,
29922,
13,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
10650,
1967,
322,
731,
701,
278,
15562,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
443,
9342,
278,
1967,
29918,
978,
304,
1065,
372,
3025,
16439,
13,
3027,
29918,
978,
353,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
29878,
1505,
29890,
29908,
9651,
396,
1967,
2793,
29901,
14008,
364,
1505,
29890,
13,
29937,
1967,
29918,
978,
353,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
29887,
1182,
29887,
29908,
9651,
396,
1967,
2793,
29901,
14008,
330,
1182,
29887,
13,
29937,
1967,
29918,
978,
353,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
629,
16264,
29908,
9651,
396,
1967,
2793,
29901,
14008,
867,
16264,
13,
29937,
1967,
29918,
978,
353,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
16264,
629,
29908,
9651,
396,
1967,
2793,
29901,
14008,
25989,
629,
13,
29937,
1967,
29918,
978,
353,
376,
29928,
7187,
29918,
29896,
29941,
29906,
29900,
29918,
29906,
29900,
29946,
29947,
29916,
29906,
29900,
29946,
29947,
29918,
29878,
1505,
29890,
29908,
4706,
396,
1967,
2793,
29901,
10173,
8356,
13,
29937,
1967,
29918,
978,
353,
376,
29928,
7187,
29918,
29896,
29941,
29955,
29906,
29918,
29953,
29900,
29941,
29906,
29916,
29946,
29900,
29941,
29906,
29918,
29878,
1505,
29890,
29908,
4706,
396,
1967,
2793,
29901,
26028,
593,
776,
3087,
5043,
13,
29937,
1967,
29918,
978,
353,
376,
29928,
7187,
29918,
29896,
29941,
29955,
29906,
29918,
29896,
29906,
29900,
29929,
29953,
29916,
29953,
29900,
29941,
29906,
29918,
23973,
29918,
449,
29918,
2310,
3628,
293,
29908,
396,
1967,
2793,
29901,
26028,
593,
776,
3087,
5043,
1156,
1261,
3628,
293,
13,
13,
29937,
1303,
278,
10650,
1967,
13,
7382,
353,
7442,
29889,
3166,
1445,
703,
8346,
12975,
718,
1967,
29918,
978,
718,
11393,
1610,
613,
26688,
543,
13470,
29896,
29953,
613,
16345,
543,
1159,
13,
13,
13,
361,
313,
3027,
29918,
978,
1275,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
29878,
1505,
29890,
29908,
1125,
13,
13,
1678,
5694,
353,
5694,
29889,
690,
14443,
4197,
29945,
29896,
29906,
29892,
29871,
29955,
29953,
29947,
2314,
13,
1678,
10650,
353,
6382,
292,
29889,
2940,
3401,
703,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
29878,
1505,
29890,
613,
5694,
29897,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
3493,
703,
1610,
1159,
13,
1678,
10650,
29889,
842,
29918,
29890,
2747,
29918,
11037,
703,
29878,
1505,
29890,
1159,
13,
1678,
10650,
29889,
842,
29918,
12719,
29918,
29887,
475,
3552,
29896,
29889,
29929,
29946,
29929,
29906,
29896,
29947,
29955,
29945,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29941,
29946,
29941,
29955,
29945,
876,
396,
3529,
528,
21897,
278,
1819,
13,
462,
462,
462,
3986,
396,
8679,
373,
289,
2747,
29918,
11037,
13,
1678,
10650,
29889,
842,
29918,
2966,
29918,
19488,
29898,
29896,
29946,
29897,
13,
1678,
10650,
29889,
842,
29918,
8517,
29918,
5563,
3552,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
876,
13,
1678,
10650,
29889,
842,
29918,
10921,
29918,
5563,
3552,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
876,
13,
1678,
396,
278,
9159,
14609,
29906,
1476,
515,
278,
15562,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
5344,
4197,
29961,
29889,
29929,
29900,
29906,
29900,
29892,
448,
29889,
29906,
29947,
29929,
29900,
29892,
448,
29889,
29900,
29955,
29896,
29945,
1402,
29905,
13,
462,
3986,
21069,
29889,
29946,
29945,
29941,
29945,
29892,
29871,
29896,
29889,
29906,
29946,
29941,
29953,
29892,
869,
29906,
29941,
29946,
29947,
1402,
29905,
13,
462,
3986,
21069,
29889,
29900,
29929,
29941,
29946,
29892,
869,
29896,
29929,
29896,
29929,
29892,
29871,
869,
29955,
29900,
29947,
29953,
24960,
13,
13,
1678,
848,
353,
10650,
29889,
1272,
13,
13,
23681,
313,
3027,
29918,
978,
1275,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
29887,
1182,
29887,
29908,
1125,
13,
13,
1678,
5694,
353,
5694,
29889,
690,
14443,
4197,
29945,
29896,
29906,
29892,
29871,
29955,
29953,
29947,
2314,
13,
1678,
10650,
353,
6382,
292,
29889,
2940,
3401,
703,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
29887,
1182,
29887,
613,
5694,
29897,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
3493,
703,
1610,
1159,
13,
1678,
10650,
29889,
842,
29918,
29890,
2747,
29918,
11037,
703,
29887,
1182,
29887,
1159,
13,
1678,
10650,
29889,
842,
29918,
12719,
29918,
29887,
475,
3552,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29941,
29946,
29941,
29955,
29945,
29892,
29871,
29896,
29889,
29929,
29946,
29929,
29906,
29896,
29947,
29955,
29945,
29892,
29871,
29896,
29889,
29900,
876,
396,
3529,
528,
21897,
278,
1819,
13,
462,
462,
462,
3986,
396,
8679,
373,
289,
2747,
29918,
11037,
13,
1678,
10650,
29889,
842,
29918,
2966,
29918,
19488,
29898,
29896,
29946,
29897,
13,
1678,
10650,
29889,
842,
29918,
8517,
29918,
5563,
3552,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
876,
13,
1678,
10650,
29889,
842,
29918,
10921,
29918,
5563,
3552,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
876,
13,
1678,
396,
278,
9159,
14609,
29906,
1476,
515,
278,
15562,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
5344,
4197,
29961,
29889,
29929,
29900,
29906,
29900,
29892,
448,
29889,
29906,
29947,
29929,
29900,
29892,
448,
29889,
29900,
29955,
29896,
29945,
1402,
29905,
13,
462,
3986,
21069,
29889,
29946,
29945,
29941,
29945,
29892,
29871,
29896,
29889,
29906,
29946,
29941,
29953,
29892,
869,
29906,
29941,
29946,
29947,
1402,
29905,
13,
462,
3986,
21069,
29889,
29900,
29929,
29941,
29946,
29892,
869,
29896,
29929,
29896,
29929,
29892,
29871,
869,
29955,
29900,
29947,
29953,
24960,
13,
13,
1678,
848,
353,
10650,
29889,
1272,
13,
13,
23681,
313,
3027,
29918,
978,
1275,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
629,
16264,
29908,
1125,
13,
13,
1678,
5694,
353,
5694,
29889,
690,
14443,
4197,
29945,
29896,
29906,
29892,
29871,
29955,
29953,
29947,
2314,
13,
1678,
10650,
353,
6382,
292,
29889,
2940,
3401,
703,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
629,
16264,
613,
5694,
29897,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
3493,
703,
1610,
1159,
13,
1678,
10650,
29889,
842,
29918,
29890,
2747,
29918,
11037,
703,
629,
16264,
1159,
13,
1678,
10650,
29889,
842,
29918,
12719,
29918,
29887,
475,
3552,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29929,
29946,
29929,
29906,
29896,
29947,
29955,
29945,
29892,
29871,
29896,
29889,
29941,
29946,
29941,
29955,
29945,
29892,
29871,
29896,
29889,
29900,
876,
396,
3529,
528,
21897,
278,
1819,
13,
462,
462,
462,
3986,
396,
8679,
373,
289,
2747,
29918,
11037,
13,
1678,
10650,
29889,
842,
29918,
2966,
29918,
19488,
29898,
29896,
29946,
29897,
13,
1678,
10650,
29889,
842,
29918,
8517,
29918,
5563,
3552,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
876,
13,
1678,
10650,
29889,
842,
29918,
10921,
29918,
5563,
3552,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
876,
13,
1678,
396,
278,
9159,
14609,
29906,
1476,
515,
278,
15562,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
5344,
4197,
29961,
29889,
29929,
29900,
29906,
29900,
29892,
448,
29889,
29906,
29947,
29929,
29900,
29892,
448,
29889,
29900,
29955,
29896,
29945,
1402,
29905,
13,
462,
3986,
21069,
29889,
29946,
29945,
29941,
29945,
29892,
29871,
29896,
29889,
29906,
29946,
29941,
29953,
29892,
869,
29906,
29941,
29946,
29947,
1402,
29905,
13,
462,
3986,
21069,
29889,
29900,
29929,
29941,
29946,
29892,
869,
29896,
29929,
29896,
29929,
29892,
29871,
869,
29955,
29900,
29947,
29953,
24960,
13,
13,
1678,
848,
353,
10650,
29889,
1272,
13,
13,
23681,
313,
3027,
29918,
978,
1275,
376,
29928,
7187,
29918,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
16264,
629,
29908,
1125,
13,
13,
1678,
5694,
353,
5694,
29889,
690,
14443,
4197,
29945,
29896,
29906,
29892,
29871,
29955,
29953,
29947,
2314,
13,
1678,
10650,
353,
6382,
292,
29889,
2940,
3401,
703,
29896,
29941,
29941,
29929,
29918,
29955,
29953,
29947,
29916,
29945,
29896,
29906,
29918,
16264,
629,
613,
5694,
29897,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
3493,
703,
1610,
1159,
13,
1678,
10650,
29889,
842,
29918,
29890,
2747,
29918,
11037,
703,
16264,
629,
1159,
13,
1678,
10650,
29889,
842,
29918,
12719,
29918,
29887,
475,
3552,
29896,
29889,
29941,
29946,
29941,
29955,
29945,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29929,
29946,
29929,
29906,
29896,
29947,
29955,
29945,
29892,
876,
396,
3529,
528,
21897,
278,
1819,
13,
462,
462,
462,
3986,
396,
8679,
373,
289,
2747,
29918,
11037,
13,
1678,
10650,
29889,
842,
29918,
2966,
29918,
19488,
29898,
29896,
29946,
29897,
13,
1678,
10650,
29889,
842,
29918,
8517,
29918,
5563,
3552,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
876,
13,
1678,
10650,
29889,
842,
29918,
10921,
29918,
5563,
3552,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
876,
13,
1678,
396,
278,
9159,
14609,
29906,
1476,
515,
278,
15562,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
5344,
4197,
29961,
29889,
29929,
29900,
29906,
29900,
29892,
448,
29889,
29906,
29947,
29929,
29900,
29892,
448,
29889,
29900,
29955,
29896,
29945,
1402,
29905,
13,
462,
3986,
21069,
29889,
29946,
29945,
29941,
29945,
29892,
29871,
29896,
29889,
29906,
29946,
29941,
29953,
29892,
869,
29906,
29941,
29946,
29947,
1402,
29905,
13,
462,
3986,
21069,
29889,
29900,
29929,
29941,
29946,
29892,
869,
29896,
29929,
29896,
29929,
29892,
29871,
869,
29955,
29900,
29947,
29953,
24960,
13,
13,
1678,
848,
353,
10650,
29889,
1272,
13,
13,
23681,
313,
3027,
29918,
978,
1275,
376,
29928,
7187,
29918,
29896,
29941,
29906,
29900,
29918,
29906,
29900,
29946,
29947,
29916,
29906,
29900,
29946,
29947,
29918,
29878,
1505,
29890,
29908,
1125,
13,
13,
1678,
5694,
353,
5694,
29889,
690,
14443,
4197,
29906,
29900,
29946,
29947,
29892,
29871,
29906,
29900,
29946,
29947,
2314,
13,
1678,
10650,
353,
6382,
292,
29889,
2940,
3401,
703,
29896,
29941,
29906,
29900,
29918,
29906,
29900,
29946,
29947,
29916,
29906,
29900,
29946,
29947,
29918,
29878,
1505,
29890,
613,
5694,
29897,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
3493,
703,
1610,
1159,
13,
1678,
10650,
29889,
842,
29918,
29890,
2747,
29918,
11037,
703,
29878,
1505,
29890,
1159,
13,
1678,
10650,
29889,
842,
29918,
12719,
29918,
29887,
475,
3552,
29896,
29889,
29929,
29946,
29929,
29906,
29896,
29947,
29955,
29945,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29941,
29946,
29941,
29955,
29945,
876,
396,
3529,
528,
21897,
278,
1819,
13,
462,
462,
462,
3986,
396,
8679,
373,
289,
2747,
29918,
11037,
13,
1678,
10650,
29889,
842,
29918,
2966,
29918,
19488,
29898,
29896,
29946,
29897,
13,
1678,
10650,
29889,
842,
29918,
8517,
29918,
5563,
3552,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
876,
13,
1678,
10650,
29889,
842,
29918,
10921,
29918,
5563,
3552,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
876,
13,
1678,
396,
278,
1530,
327,
14609,
29906,
1476,
515,
278,
15562,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
5344,
4197,
29961,
29889,
29929,
29900,
29906,
29900,
29892,
448,
29889,
29906,
29947,
29929,
29900,
29892,
448,
29889,
29900,
29955,
29896,
29945,
1402,
29905,
13,
462,
3986,
21069,
29889,
29946,
29945,
29941,
29945,
29892,
29871,
29896,
29889,
29906,
29946,
29941,
29953,
29892,
869,
29906,
29941,
29946,
29947,
1402,
29905,
13,
462,
3986,
21069,
29889,
29900,
29929,
29941,
29946,
29892,
869,
29896,
29929,
29896,
29929,
29892,
29871,
869,
29955,
29900,
29947,
29953,
24960,
13,
13,
1678,
848,
353,
10650,
29889,
1272,
13,
13,
13,
23681,
313,
3027,
29918,
978,
1275,
376,
29928,
7187,
29918,
29896,
29941,
29955,
29906,
29918,
29953,
29900,
29941,
29906,
29916,
29946,
29900,
29941,
29906,
29918,
29878,
1505,
29890,
29908,
1125,
13,
13,
1678,
5694,
353,
5694,
29889,
690,
14443,
4197,
29946,
29900,
29941,
29906,
29892,
29871,
29953,
29900,
29941,
29906,
2314,
13,
1678,
10650,
353,
6382,
292,
29889,
2940,
3401,
703,
29928,
7187,
29918,
29896,
29941,
29955,
29906,
29918,
29953,
29900,
29941,
29906,
29916,
29946,
29900,
29941,
29906,
29918,
29878,
1505,
29890,
613,
5694,
29897,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
3493,
703,
1610,
1159,
13,
1678,
10650,
29889,
842,
29918,
29890,
2747,
29918,
11037,
703,
29878,
1505,
29890,
1159,
13,
1678,
10650,
29889,
842,
29918,
12719,
29918,
29887,
475,
3552,
29896,
29889,
29929,
29946,
29929,
29906,
29896,
29947,
29955,
29945,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29941,
29946,
29941,
29955,
29945,
876,
396,
3529,
528,
21897,
278,
1819,
13,
462,
462,
462,
3986,
396,
8679,
373,
289,
2747,
29918,
11037,
13,
1678,
10650,
29889,
842,
29918,
2966,
29918,
19488,
29898,
29896,
29946,
29897,
13,
1678,
10650,
29889,
842,
29918,
8517,
29918,
5563,
3552,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
876,
13,
1678,
10650,
29889,
842,
29918,
10921,
29918,
5563,
3552,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
876,
13,
1678,
396,
278,
1530,
327,
14609,
29906,
1476,
515,
278,
15562,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
5344,
4197,
29961,
29889,
29929,
29900,
29906,
29900,
29892,
448,
29889,
29906,
29947,
29929,
29900,
29892,
448,
29889,
29900,
29955,
29896,
29945,
1402,
29905,
13,
462,
3986,
21069,
29889,
29946,
29945,
29941,
29945,
29892,
29871,
29896,
29889,
29906,
29946,
29941,
29953,
29892,
869,
29906,
29941,
29946,
29947,
1402,
29905,
13,
462,
3986,
21069,
29889,
29900,
29929,
29941,
29946,
29892,
869,
29896,
29929,
29896,
29929,
29892,
29871,
869,
29955,
29900,
29947,
29953,
24960,
13,
13,
1678,
848,
353,
10650,
29889,
1272,
13,
13,
23681,
313,
3027,
29918,
978,
1275,
376,
29928,
7187,
29918,
29896,
29941,
29955,
29906,
29918,
29896,
29906,
29900,
29929,
29953,
29916,
29953,
29900,
29941,
29906,
29918,
23973,
29918,
449,
29918,
2310,
3628,
293,
29908,
1125,
13,
13,
1678,
5694,
353,
5694,
29889,
690,
14443,
4197,
29896,
29906,
29900,
29929,
29953,
29892,
29871,
29953,
29900,
29941,
29906,
2314,
13,
1678,
5694,
353,
7442,
29889,
7411,
29941,
29906,
29898,
7382,
29897,
13,
1678,
848,
353,
7442,
29889,
6310,
3552,
29946,
29900,
29941,
29906,
29892,
29871,
29953,
29900,
29941,
29906,
29892,
29871,
29941,
511,
26688,
29922,
9302,
29889,
7411,
29941,
29906,
29897,
13,
1678,
848,
7503,
29892,
584,
29892,
29871,
29900,
29962,
353,
5694,
29961,
29900,
29901,
29946,
29900,
29941,
29906,
29892,
584,
29962,
13,
1678,
848,
7503,
29892,
584,
29892,
29871,
29896,
29962,
353,
5694,
29961,
29946,
29900,
29941,
29906,
584,
29871,
29906,
29930,
29946,
29900,
29941,
29906,
29892,
584,
29962,
13,
1678,
848,
7503,
29892,
584,
29892,
29871,
29906,
29962,
353,
5694,
29961,
29906,
29930,
29946,
29900,
29941,
29906,
584,
29871,
29941,
29930,
29946,
29900,
29941,
29906,
29892,
584,
29962,
13,
13,
1678,
10650,
353,
6382,
292,
29889,
2940,
3401,
703,
29928,
7187,
29918,
29896,
29941,
29955,
29906,
29918,
29896,
29906,
29900,
29929,
29953,
29916,
29953,
29900,
29941,
29906,
29918,
23973,
29918,
449,
29918,
2310,
3628,
293,
613,
848,
29897,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
3493,
703,
1610,
1159,
13,
1678,
10650,
29889,
842,
29918,
29890,
2747,
29918,
11037,
703,
29878,
1505,
29890,
1159,
13,
1678,
10650,
29889,
842,
29918,
12719,
29918,
29887,
475,
3552,
29896,
29889,
29929,
29946,
29929,
29906,
29896,
29947,
29955,
29945,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29941,
29946,
29941,
29955,
29945,
876,
396,
3529,
528,
21897,
278,
1819,
13,
462,
462,
462,
3986,
396,
8679,
373,
289,
2747,
29918,
11037,
13,
1678,
10650,
29889,
842,
29918,
2966,
29918,
19488,
29898,
29896,
29946,
29897,
13,
1678,
10650,
29889,
842,
29918,
8517,
29918,
5563,
3552,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
29892,
29871,
29953,
29900,
29900,
876,
13,
1678,
10650,
29889,
842,
29918,
10921,
29918,
5563,
3552,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
29892,
29871,
29896,
29945,
29945,
29906,
29900,
876,
13,
1678,
396,
278,
1530,
327,
14609,
29906,
1476,
515,
278,
15562,
13,
1678,
10650,
29889,
842,
29918,
2780,
29918,
5344,
4197,
29961,
29889,
29929,
29900,
29906,
29900,
29892,
448,
29889,
29906,
29947,
29929,
29900,
29892,
448,
29889,
29900,
29955,
29896,
29945,
1402,
29905,
13,
462,
3986,
21069,
29889,
29946,
29945,
29941,
29945,
29892,
29871,
29896,
29889,
29906,
29946,
29941,
29953,
29892,
869,
29906,
29941,
29946,
29947,
1402,
29905,
13,
462,
3986,
21069,
29889,
29900,
29929,
29941,
29946,
29892,
869,
29896,
29929,
29896,
29929,
29892,
29871,
869,
29955,
29900,
29947,
29953,
24960,
13,
13,
13,
2870,
29901,
13,
1678,
1596,
703,
22709,
29991,
1967,
29918,
978,
451,
14831,
23157,
13,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
3462,
11462,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
1202,
29918,
1217,
895,
29901,
13,
1678,
11462,
29918,
12676,
353,
29871,
29900,
13,
1678,
11462,
29918,
15770,
29918,
311,
14641,
353,
29871,
29896,
29900,
29900,
13,
1678,
16717,
353,
29871,
29896,
29900,
29900,
13,
1678,
20102,
29918,
3881,
353,
518,
29953,
29900,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
29962,
13,
1678,
848,
353,
19725,
29889,
19274,
386,
7492,
29918,
3027,
29918,
17158,
1194,
13,
1678,
10650,
29889,
657,
29918,
2103,
3285,
10650,
29889,
657,
29918,
3545,
16655,
3258,
29918,
1217,
13344,
29918,
3027,
1194,
13,
1678,
848,
29892,
11462,
29918,
12676,
29892,
11462,
29918,
15770,
29918,
311,
14641,
29892,
16717,
29892,
20102,
29918,
3881,
29897,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
6054,
3233,
26385,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
8517,
29918,
5563,
29918,
2616,
276,
428,
29901,
13,
1678,
848,
353,
6382,
292,
29889,
8517,
29918,
5563,
29918,
2616,
276,
428,
29898,
1272,
29892,
320,
13,
462,
462,
3986,
10650,
29889,
657,
29918,
8517,
29918,
5563,
3285,
29905,
13,
462,
462,
3986,
10650,
29889,
657,
29918,
10921,
29918,
5563,
3285,
29905,
13,
462,
462,
3986,
518,
29900,
29892,
29871,
29906,
1068,
1610,
29889,
657,
29918,
2966,
29918,
19488,
580,
448,
29871,
29896,
2314,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
8517,
29918,
5563,
29918,
2616,
276,
428,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
365,
575,
528,
9382,
26385,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
29880,
575,
29918,
845,
9382,
29918,
2616,
276,
428,
29901,
13,
1678,
396,
12891,
6501,
29918,
3784,
29918,
3027,
322,
12151,
29918,
2671,
29918,
3027,
526,
13,
1678,
396,
15468,
297,
278,
1967,
11029,
9775,
773,
12151,
1746,
8727,
13,
1678,
396,
1244,
591,
526,
14710,
300,
1711,
14655,
266,
1709,
1023,
4558,
13,
1678,
6501,
29918,
3784,
29918,
3027,
29892,
12151,
29918,
2671,
29918,
3027,
353,
19725,
29889,
19274,
386,
7492,
29918,
3027,
29918,
17158,
1194,
13,
1678,
10650,
29889,
657,
29918,
2103,
3285,
10650,
29889,
657,
29918,
3545,
16655,
3258,
29918,
29880,
575,
29918,
845,
9382,
29918,
2616,
276,
428,
29918,
8346,
1194,
13,
462,
462,
268,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
29892,
29871,
29946,
29900,
29900,
29900,
29900,
29897,
13,
13,
1678,
396,
4078,
278,
6501,
29918,
3784,
29918,
3027,
322,
12151,
29918,
2671,
29918,
3027,
363,
1776,
292,
13,
1678,
19725,
29889,
326,
7620,
29898,
26031,
29918,
3784,
29918,
3027,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
26031,
29918,
3784,
29918,
3027,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
1678,
19725,
29889,
326,
7620,
29898,
20620,
29918,
2671,
29918,
3027,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
20620,
29918,
2671,
29918,
3027,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
1678,
848,
353,
6382,
292,
29889,
29880,
575,
29918,
845,
9382,
29918,
2616,
276,
428,
29898,
1272,
467,
20620,
29918,
2671,
29918,
2388,
575,
362,
1194,
13,
1678,
6501,
29918,
3784,
29918,
3027,
29892,
12151,
29918,
2671,
29918,
3027,
29897,
13,
13,
1678,
396,
848,
353,
301,
1557,
29889,
9961,
2657,
403,
29918,
755,
4579,
936,
29918,
2388,
575,
362,
4197,
29900,
29889,
29900,
29896,
29955,
29945,
29929,
29892,
448,
29906,
29947,
29889,
29941,
29955,
29892,
448,
29896,
29941,
29889,
29941,
29953,
2314,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
29880,
575,
29918,
845,
9382,
29918,
2616,
276,
428,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
9178,
15526,
26385,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
12313,
29918,
29886,
15711,
29918,
2616,
276,
428,
29901,
13,
1678,
18403,
29918,
2311,
353,
29871,
29941,
13,
1678,
848,
353,
6382,
292,
29889,
12313,
29918,
29886,
15711,
29918,
2616,
276,
428,
29898,
1272,
29892,
18403,
29918,
2311,
29897,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
12313,
29918,
29886,
15711,
29918,
2616,
276,
428,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
17368,
11581,
363,
4796,
17346,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
12719,
29918,
29887,
475,
29918,
10921,
29918,
5521,
749,
29901,
13,
1678,
848,
353,
6382,
292,
29889,
12719,
29918,
29887,
475,
29918,
10921,
29918,
5521,
749,
29898,
1272,
2053,
13,
462,
462,
795,
10650,
29889,
657,
29918,
12719,
29918,
29887,
475,
3101,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
12719,
29918,
29887,
475,
29918,
10921,
29918,
5521,
749,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
21727,
972,
29877,
5921,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
29890,
2747,
29918,
1145,
29877,
895,
29901,
13,
13,
1678,
396,
289,
2747,
972,
29877,
5921,
4128,
13,
1678,
18403,
29918,
2311,
353,
29871,
29945,
13,
1678,
2847,
29918,
1217,
895,
29918,
5563,
353,
29871,
29953,
29945,
29945,
29941,
29945,
334,
29871,
29896,
29900,
847,
29871,
29896,
29900,
29900,
13,
1678,
298,
4270,
29918,
1195,
353,
29871,
29896,
29900,
29900,
29900,
13,
1678,
298,
4270,
29918,
3317,
353,
29871,
29906,
29900,
29900,
29900,
13,
1678,
20102,
29918,
3881,
353,
518,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
29962,
13,
1678,
16897,
29918,
1127,
29918,
9539,
353,
29871,
29896,
29941,
29900,
29900,
13,
13,
1678,
396,
848,
338,
278,
972,
29877,
3368,
1962,
29892,
5330,
8253,
278,
1473,
1962,
13,
1678,
848,
29892,
903,
353,
6382,
292,
29889,
29890,
2747,
29918,
1145,
29877,
5921,
29898,
1272,
467,
4422,
675,
29918,
29882,
4270,
29918,
915,
16300,
1194,
13,
1678,
10650,
29889,
657,
29918,
29890,
2747,
29918,
11037,
3285,
2847,
29918,
1217,
895,
29918,
5563,
29892,
298,
4270,
29918,
1195,
29892,
298,
4270,
29918,
3317,
29892,
16897,
29918,
1127,
29918,
9539,
29892,
20102,
29918,
3881,
29897,
13,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
29890,
2747,
29918,
1145,
29877,
5921,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
1678,
396,
19725,
29889,
326,
7620,
29898,
9302,
29889,
24049,
29898,
726,
545,
29918,
12163,
929,
29918,
8382,
29930,
29953,
29945,
29945,
29941,
29945,
29892,
29871,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
511,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
726,
545,
29918,
12163,
929,
29918,
8382,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
4432,
359,
9390,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
2310,
3628,
293,
29901,
13,
1678,
396,
1272,
353,
6382,
292,
29889,
2310,
3628,
293,
29898,
1272,
29892,
10650,
29889,
657,
29918,
29890,
2747,
29918,
11037,
16655,
29885,
29882,
29883,
29898,
8824,
29897,
13,
13,
1678,
848,
353,
6382,
292,
29889,
2310,
3628,
293,
29898,
1272,
29892,
10650,
29889,
657,
29918,
29890,
2747,
29918,
11037,
16655,
20845,
635,
29918,
7915,
287,
29918,
24970,
29918,
6707,
29918,
1639,
3733,
362,
580,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
2310,
3628,
293,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
4432,
3628,
293,
24238,
20376,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
2310,
3628,
293,
29918,
8813,
29918,
9313,
428,
29901,
13,
13,
1678,
848,
353,
6382,
292,
29889,
2310,
3628,
293,
29898,
1272,
467,
2490,
29918,
5014,
29918,
2997,
29918,
2780,
29918,
3605,
601,
29898,
29900,
29889,
29947,
29900,
334,
29871,
29953,
29945,
29945,
29941,
29945,
29897,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
2997,
29918,
2780,
29918,
3605,
601,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
1678,
7636,
29918,
29881,
2650,
428,
29918,
17460,
29918,
2311,
353,
29871,
29945,
13,
1678,
7636,
29918,
386,
12268,
353,
29871,
29900,
29889,
29900,
29945,
13,
1678,
396,
937,
1962,
338,
1667,
1962,
29892,
1473,
1962,
338,
7636,
29918,
5479,
338,
263,
4744,
1962,
13,
1678,
848,
29892,
903,
353,
6382,
292,
29889,
2310,
3628,
293,
29898,
1272,
467,
2490,
29918,
5014,
29918,
2168,
713,
29918,
4572,
29898,
12864,
29918,
29881,
2650,
428,
29918,
17460,
29918,
2311,
29892,
7636,
29918,
386,
12268,
29897,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
2168,
713,
29918,
4572,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
1678,
396,
19725,
29889,
326,
7620,
29898,
12864,
29918,
5479,
29930,
29953,
29945,
29945,
29941,
29945,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
12864,
29918,
5479,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
9159,
26385,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
2780,
29918,
2616,
276,
428,
29901,
13,
1678,
848,
353,
6382,
292,
29889,
2780,
29918,
2616,
276,
428,
29898,
1272,
29892,
10650,
29889,
657,
29918,
2780,
29918,
5344,
16655,
7302,
29918,
29883,
5344,
580,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
2780,
29918,
2616,
276,
428,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
402,
2735,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
4283,
29901,
13,
13,
1678,
396,
11785,
8333,
13,
1678,
848,
353,
6382,
292,
29889,
5464,
10660,
537,
29898,
1272,
29892,
376,
1182,
523,
8333,
2564,
29880,
10859,
29918,
328,
5143,
358,
29898,
29947,
29900,
1846,
13,
13,
1678,
396,
330,
2735,
491,
995,
13,
1678,
396,
1272,
353,
6382,
292,
29889,
5464,
10660,
537,
29898,
1272,
29892,
376,
4283,
2564,
1609,
29918,
1767,
29898,
29896,
29914,
29906,
29889,
29906,
29892,
518,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
2314,
13,
13,
1678,
396,
330,
2735,
491,
1591,
13,
1678,
396,
848,
353,
6382,
292,
29889,
5464,
10660,
537,
29898,
1272,
29892,
376,
4283,
2564,
1609,
29918,
2371,
703,
24051,
29914,
4283,
29918,
29906,
29889,
29946,
29889,
3945,
613,
376,
4283,
613,
518,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
2314,
13,
13,
1678,
396,
330,
2735,
491,
995,
13,
1678,
848,
353,
6382,
292,
29889,
5464,
10660,
537,
29898,
1272,
29892,
376,
4283,
2564,
1609,
29918,
2573,
6278,
29900,
29889,
29929,
29892,
448,
29947,
29889,
29900,
29892,
518,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
2314,
13,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
4283,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
678,
456,
2454,
6126,
29878,
362,
26385,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
27433,
2454,
29918,
370,
3127,
362,
29918,
2616,
276,
428,
29901,
13,
13,
1678,
17534,
29878,
29918,
386,
12268,
353,
29871,
29929,
29900,
29889,
13,
1678,
2181,
29918,
386,
12268,
353,
29871,
29953,
29946,
29906,
29945,
6904,
29906,
13,
13,
1678,
848,
353,
6382,
292,
29889,
27433,
2454,
29918,
370,
3127,
362,
29918,
2616,
276,
428,
29898,
1272,
467,
15503,
552,
29918,
1341,
19144,
29918,
1745,
10611,
29898,
1983,
29878,
29918,
386,
12268,
29892,
2181,
29918,
386,
12268,
29897,
13,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
15503,
552,
29918,
1341,
19144,
29918,
1745,
10611,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
323,
650,
10417,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
29873,
650,
29918,
20698,
29901,
13,
13,
1678,
848,
353,
6382,
292,
29889,
29873,
650,
29918,
20698,
29898,
1272,
467,
5464,
10660,
29918,
13168,
292,
29898,
29896,
29889,
29900,
29897,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
29873,
650,
29918,
20698,
29918,
12938,
29918,
13168,
292,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
1678,
396,
848,
353,
6382,
292,
29889,
29873,
650,
29918,
20698,
29898,
1272,
467,
16626,
29918,
3881,
29918,
510,
2590,
703,
8945,
613,
21069,
29906,
29945,
1696,
29871,
29906,
29953,
29900,
29889,
1402,
518,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
2314,
13,
1678,
396,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
29873,
650,
29918,
20698,
29918,
29881,
2214,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
18914,
2927,
26371,
27967,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
14834,
29918,
2780,
29918,
264,
29882,
27967,
29901,
13,
13,
1678,
396,
3646,
29918,
29882,
434,
353,
518,
29941,
29900,
1696,
448,
29896,
29896,
29945,
1696,
29871,
29896,
29900,
29900,
5586,
13,
1678,
396,
298,
434,
29918,
1457,
1659,
353,
518,
29946,
29945,
1696,
448,
29929,
29900,
1696,
29871,
29896,
29941,
29900,
5586,
13,
1678,
396,
298,
434,
29918,
3754,
353,
518,
29906,
29900,
1696,
29871,
29896,
29900,
1696,
29871,
29945,
5586,
13,
1678,
396,
338,
29918,
20313,
29918,
2975,
353,
518,
5574,
29892,
7700,
29892,
7700,
29962,
13,
1678,
396,
6674,
4926,
353,
518,
29900,
29889,
29953,
29892,
29871,
29900,
29889,
29953,
29892,
29871,
29900,
29889,
29953,
29962,
13,
1678,
396,
25173,
29874,
29918,
1457,
1659,
353,
518,
29906,
29945,
1696,
29871,
29896,
29955,
1696,
29871,
29941,
29900,
5586,
13,
1678,
396,
25173,
29874,
29918,
3754,
353,
518,
29896,
29900,
1696,
29871,
29896,
29900,
1696,
29871,
29945,
5586,
13,
13,
1678,
3646,
29918,
29882,
434,
353,
518,
29941,
29900,
1696,
448,
29896,
29906,
29945,
1696,
29871,
29896,
29900,
29900,
5586,
13,
1678,
298,
434,
29918,
1457,
1659,
353,
518,
29906,
29900,
1696,
448,
29896,
29896,
29947,
1696,
29871,
29896,
29941,
29900,
5586,
13,
1678,
298,
434,
29918,
3754,
353,
518,
29906,
29900,
1696,
29871,
29896,
29900,
1696,
29871,
29945,
5586,
13,
1678,
338,
29918,
20313,
29918,
2975,
353,
518,
5574,
29892,
7700,
29892,
7700,
29962,
13,
1678,
6674,
4926,
353,
518,
29900,
29889,
29953,
29892,
29871,
29900,
29889,
29953,
29892,
29871,
29900,
29889,
29953,
29962,
13,
1678,
25173,
29874,
29918,
1457,
1659,
353,
518,
29906,
29945,
1696,
29871,
29896,
29946,
1696,
29871,
29941,
29900,
5586,
13,
1678,
25173,
29874,
29918,
3754,
353,
518,
29896,
29900,
1696,
29871,
29896,
29900,
1696,
29871,
29945,
5586,
13,
13,
13,
1678,
848,
353,
6382,
292,
29889,
14834,
29918,
2780,
29918,
264,
29882,
27967,
29898,
1272,
467,
1609,
29918,
29882,
434,
29918,
29879,
802,
29872,
911,
29898,
5182,
29918,
29882,
434,
2053,
13,
462,
462,
462,
462,
298,
434,
29918,
1457,
1659,
2053,
13,
462,
462,
462,
462,
298,
434,
29918,
3754,
2053,
13,
462,
462,
462,
462,
338,
29918,
20313,
29918,
2975,
2053,
13,
462,
462,
462,
462,
6674,
4926,
2053,
13,
462,
462,
462,
462,
25173,
29874,
29918,
1457,
1659,
2053,
13,
462,
462,
462,
462,
25173,
29874,
29918,
3754,
29897,
13,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
14834,
29918,
2780,
29918,
264,
29882,
27967,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
1939,
895,
20376,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
1217,
895,
29918,
9313,
428,
29901,
13,
13,
1678,
396,
269,
2934,
4175,
4128,
13,
1678,
18403,
29918,
2311,
353,
29871,
29955,
13,
1678,
269,
2934,
353,
518,
29896,
29900,
29900,
29900,
29892,
29871,
29945,
29900,
29900,
29892,
29871,
29945,
29900,
29900,
29962,
13,
1678,
848,
353,
6382,
292,
29889,
1217,
895,
29918,
9313,
428,
29898,
1272,
467,
3754,
29918,
4572,
29898,
484,
1141,
4089,
6614,
29918,
2311,
29892,
269,
2934,
29897,
13,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
1217,
895,
29918,
9313,
428,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
1383,
279,
2238,
292,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
845,
279,
2238,
292,
29901,
13,
13,
1678,
848,
353,
6382,
292,
29889,
845,
279,
2238,
292,
29898,
1272,
467,
348,
22064,
29918,
13168,
292,
580,
13,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
845,
279,
2238,
292,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
13,
29937,
1275,
9166,
9166,
29922,
13,
29937,
6652,
441,
291,
26385,
13,
29937,
1275,
9166,
9166,
29922,
13,
361,
437,
29918,
5721,
441,
291,
29918,
2616,
276,
428,
29901,
13,
13,
1678,
26385,
29918,
1853,
543,
1646,
2674,
29899,
29896,
29908,
13,
1678,
9324,
29922,
29900,
29889,
29945,
13,
1678,
19342,
29918,
1853,
543,
9202,
29908,
13,
1678,
20102,
29918,
3881,
11759,
29900,
29892,
29871,
29953,
29945,
29945,
29941,
29945,
29962,
13,
13,
1678,
848,
353,
6382,
292,
29889,
5721,
441,
291,
29918,
2616,
276,
428,
29898,
1272,
467,
3451,
381,
936,
29918,
2616,
276,
428,
29898,
2616,
276,
428,
29918,
1853,
29892,
9324,
29892,
19342,
29918,
1853,
29892,
20102,
29918,
3881,
29897,
13,
1678,
19725,
29889,
326,
7620,
29898,
1272,
29892,
376,
8346,
12975,
718,
1967,
29918,
978,
718,
11119,
449,
29918,
5721,
441,
291,
29918,
2616,
276,
428,
29889,
2732,
613,
376,
13470,
29896,
29953,
1159,
13,
13,
2870,
29901,
13,
1678,
1209,
13,
2
] |
src/pywriter/csv/csv_file.py | peter88213/PyWriter | 1 | 169947 | <reponame>peter88213/PyWriter
"""Provide a generic class for csv file import.
Other csv file representations inherit from this class.
Copyright (c) 2021 <NAME>
For further information see https://github.com/peter88213/PyWriter
Published under the MIT License (https://opensource.org/licenses/mit-license.php)
"""
import os
import csv
from pywriter.model.novel import Novel
class CsvFile(Novel):
"""csv file representation.
- Records are separated by line breaks.
- Data fields are delimited by the _SEPARATOR character.
"""
EXTENSION = '.csv'
# overwrites Novel.EXTENSION
_SEPARATOR = ','
# delimits data fields within a record.
rowTitles = []
def read(self):
"""Parse the csv file located at filePath, fetching the rows.
Check the number of fields in each row.
Return a message beginning with SUCCESS or ERROR.
Override the superclass method.
"""
self.rows = []
cellsPerRow = len(self.rowTitles)
try:
with open(self.filePath, newline='', encoding='utf-8') as f:
reader = csv.reader(f, delimiter=self._SEPARATOR)
for row in reader:
# Each row read from the csv file is returned
# as a list of strings
if len(row) != cellsPerRow:
return 'ERROR: Wrong csv structure.'
self.rows.append(row)
except(FileNotFoundError):
return 'ERROR: "' + os.path.normpath(self.filePath) + '" not found.'
except:
return 'ERROR: Can not parse "' + os.path.normpath(self.filePath) + '".'
return 'SUCCESS'
def get_list(self, text):
"""Split a sequence of comma separated strings into a list of strings.
Remove leading and trailing spaces, if any.
"""
elements = []
tempList = text.split(',')
for element in tempList:
elements.append(element.lstrip().rstrip())
return elements
| [
1,
529,
276,
1112,
420,
29958,
29886,
1308,
29947,
29947,
29906,
29896,
29941,
29914,
19737,
10507,
13,
15945,
29908,
1184,
29894,
680,
263,
10035,
770,
363,
11799,
934,
1053,
22993,
13,
30004,
13,
16107,
11799,
934,
22540,
13125,
515,
445,
770,
22993,
13,
30004,
13,
11882,
1266,
313,
29883,
29897,
29871,
29906,
29900,
29906,
29896,
529,
5813,
3238,
13,
2831,
4340,
2472,
1074,
2045,
597,
3292,
29889,
510,
29914,
29886,
1308,
29947,
29947,
29906,
29896,
29941,
29914,
19737,
10507,
30004,
13,
21076,
3726,
1090,
278,
341,
1806,
19245,
313,
991,
597,
22156,
1167,
29889,
990,
29914,
506,
11259,
29914,
2415,
29899,
506,
1947,
29889,
1961,
8443,
13,
15945,
19451,
13,
5215,
2897,
30004,
13,
5215,
11799,
30004,
13,
30004,
13,
3166,
282,
5693,
5385,
29889,
4299,
29889,
13715,
295,
1053,
2864,
295,
30004,
13,
30004,
13,
30004,
13,
1990,
315,
4501,
2283,
29898,
25363,
295,
1125,
30004,
13,
1678,
9995,
7638,
934,
8954,
22993,
13,
30004,
13,
1678,
448,
7983,
526,
13055,
491,
1196,
16706,
22993,
13,
1678,
448,
3630,
4235,
526,
628,
326,
1573,
491,
278,
903,
1660,
16320,
1299,
1955,
2931,
22993,
13,
1678,
9995,
30004,
13,
30004,
13,
1678,
8528,
29911,
1430,
13381,
353,
15300,
7638,
29915,
30004,
13,
1678,
396,
975,
8231,
267,
2864,
295,
29889,
12194,
1430,
13381,
30004,
13,
30004,
13,
1678,
903,
1660,
16320,
1299,
1955,
353,
525,
5501,
30004,
13,
1678,
396,
628,
326,
1169,
848,
4235,
2629,
263,
2407,
22993,
13,
30004,
13,
1678,
1948,
29911,
277,
793,
353,
5159,
30004,
13,
30004,
13,
1678,
822,
1303,
29898,
1311,
1125,
30004,
13,
4706,
9995,
12914,
278,
11799,
934,
5982,
472,
934,
2605,
29892,
6699,
292,
278,
4206,
22993,
13,
4706,
5399,
278,
1353,
310,
4235,
297,
1269,
1948,
22993,
13,
4706,
7106,
263,
2643,
6763,
411,
20134,
26925,
470,
14431,
22993,
13,
4706,
6811,
2426,
278,
2428,
1990,
1158,
22993,
13,
4706,
9995,
30004,
13,
4706,
1583,
29889,
5727,
353,
5159,
30004,
13,
4706,
9101,
5894,
4301,
353,
7431,
29898,
1311,
29889,
798,
29911,
277,
793,
8443,
13,
30004,
13,
4706,
1018,
29901,
30004,
13,
9651,
411,
1722,
29898,
1311,
29889,
1445,
2605,
29892,
25899,
2433,
742,
8025,
2433,
9420,
29899,
29947,
1495,
408,
285,
29901,
30004,
13,
18884,
9591,
353,
11799,
29889,
16950,
29898,
29888,
29892,
28552,
29922,
1311,
3032,
1660,
16320,
1299,
1955,
8443,
13,
30004,
13,
18884,
363,
1948,
297,
9591,
29901,
30004,
13,
462,
1678,
396,
7806,
1948,
1303,
515,
278,
11799,
934,
338,
4133,
30004,
13,
462,
1678,
396,
408,
263,
1051,
310,
6031,
30004,
13,
30004,
13,
462,
1678,
565,
7431,
29898,
798,
29897,
2804,
9101,
5894,
4301,
29901,
30004,
13,
462,
4706,
736,
525,
11432,
29901,
399,
29373,
11799,
3829,
6169,
30004,
13,
30004,
13,
462,
1678,
1583,
29889,
5727,
29889,
4397,
29898,
798,
8443,
13,
30004,
13,
4706,
5174,
29898,
2283,
17413,
2392,
1125,
30004,
13,
9651,
736,
525,
11432,
29901,
13577,
718,
2897,
29889,
2084,
29889,
12324,
2084,
29898,
1311,
29889,
1445,
2605,
29897,
718,
18793,
451,
1476,
6169,
30004,
13,
30004,
13,
4706,
5174,
29901,
30004,
13,
9651,
736,
525,
11432,
29901,
1815,
451,
6088,
13577,
718,
2897,
29889,
2084,
29889,
12324,
2084,
29898,
1311,
29889,
1445,
2605,
29897,
718,
525,
1642,
29915,
30004,
13,
30004,
13,
4706,
736,
525,
14605,
26925,
29915,
30004,
13,
30004,
13,
1678,
822,
679,
29918,
1761,
29898,
1311,
29892,
1426,
1125,
30004,
13,
4706,
9995,
18772,
263,
5665,
310,
16694,
13055,
6031,
964,
263,
1051,
310,
6031,
22993,
13,
4706,
15154,
8236,
322,
25053,
8162,
29892,
565,
738,
22993,
13,
4706,
9995,
30004,
13,
4706,
3161,
353,
5159,
30004,
13,
4706,
5694,
1293,
353,
1426,
29889,
5451,
29317,
1495,
30004,
13,
30004,
13,
4706,
363,
1543,
297,
5694,
1293,
29901,
30004,
13,
9651,
3161,
29889,
4397,
29898,
5029,
29889,
29880,
17010,
2141,
29878,
17010,
3101,
30004,
13,
30004,
13,
4706,
736,
3161,
30004,
13,
2
] |
lib/src/align/aligner/basic/BasicAlignerStrategy.py | thormeier-fhnw-repos/ip619bb-i4ds02-audio-text-alignment | 0 | 169960 | <reponame>thormeier-fhnw-repos/ip619bb-i4ds02-audio-text-alignment<filename>lib/src/align/aligner/basic/BasicAlignerStrategy.py
from typing import List
from lib.src.align.aligner.AbstractAlignerStrategy import AbstractAlignerStrategy
from lib.src.align.utils.transcript_to_sentences import transcript_to_sentences
from lib.src.model.Sentence import Sentence
from pydub import AudioSegment
import time
from bin._bin import bin_print
class BasicAlignerStrategy(AbstractAlignerStrategy):
"""
Basic alignment based on sentence length.
"""
@staticmethod
def perform_alignment(transcript: str, wav_path: str, verbosity: int) -> List["Sentence"]:
"""
Performs a basic alignment
:param transcript: Path to transcript
:param wav_path: Path to wav file
:param verbosity: Verbosity level
:return: Aligned sentences
"""
start_time = time.time()
audio_segment = AudioSegment.from_wav(wav_path)
duration = audio_segment.duration_seconds
with open(transcript, encoding="utf-8") as f:
transcript = f.read()
transcript = transcript.replace("\n", " ")
sentences = transcript_to_sentences(transcript)
number_of_chars_total = sum([len(sentence.sentence) for sentence in sentences])
start = 0.0
for sentence in sentences:
end = start + len(sentence.sentence) / number_of_chars_total * duration
sentence.interval.start = start
sentence.interval.end = end
start = end
end_time = time.time()
bin_print(verbosity, 2, "Time elapsed for", wav_path, ":", (end_time - start_time))
return sentences
| [
1,
529,
276,
1112,
420,
29958,
386,
555,
29872,
631,
29899,
29888,
3123,
29893,
29899,
276,
1066,
29914,
666,
29953,
29896,
29929,
1327,
29899,
29875,
29946,
6289,
29900,
29906,
29899,
18494,
29899,
726,
29899,
2520,
358,
29966,
9507,
29958,
1982,
29914,
4351,
29914,
2520,
29914,
2520,
261,
29914,
16121,
29914,
16616,
2499,
21216,
26910,
29889,
2272,
13,
3166,
19229,
1053,
2391,
13,
3166,
4303,
29889,
4351,
29889,
2520,
29889,
2520,
261,
29889,
9118,
2499,
21216,
26910,
1053,
25513,
2499,
21216,
26910,
13,
3166,
4303,
29889,
4351,
29889,
2520,
29889,
13239,
29889,
3286,
924,
29918,
517,
29918,
18616,
2063,
1053,
1301,
924,
29918,
517,
29918,
18616,
2063,
13,
3166,
4303,
29889,
4351,
29889,
4299,
29889,
29903,
296,
663,
1053,
28048,
663,
13,
3166,
282,
2941,
431,
1053,
21764,
17669,
358,
13,
5215,
931,
13,
3166,
9016,
3032,
2109,
1053,
9016,
29918,
2158,
13,
13,
13,
1990,
19219,
2499,
21216,
26910,
29898,
9118,
2499,
21216,
26910,
1125,
13,
1678,
9995,
13,
1678,
19219,
22239,
2729,
373,
10541,
3309,
29889,
13,
1678,
9995,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
2189,
29918,
2520,
358,
29898,
3286,
924,
29901,
851,
29892,
281,
485,
29918,
2084,
29901,
851,
29892,
9750,
359,
537,
29901,
938,
29897,
1599,
2391,
3366,
29903,
296,
663,
3108,
29901,
13,
4706,
9995,
13,
4706,
2431,
9514,
263,
6996,
22239,
13,
13,
4706,
584,
3207,
1301,
924,
29901,
10802,
304,
1301,
924,
13,
4706,
584,
3207,
281,
485,
29918,
2084,
29901,
259,
10802,
304,
281,
485,
934,
13,
4706,
584,
3207,
9750,
359,
537,
29901,
29871,
26646,
359,
537,
3233,
13,
13,
4706,
584,
2457,
29901,
838,
12961,
25260,
13,
4706,
9995,
13,
4706,
1369,
29918,
2230,
353,
931,
29889,
2230,
580,
13,
13,
4706,
10348,
29918,
28192,
353,
21764,
17669,
358,
29889,
3166,
29918,
29893,
485,
29898,
29893,
485,
29918,
2084,
29897,
13,
4706,
14385,
353,
10348,
29918,
28192,
29889,
19708,
29918,
23128,
13,
13,
4706,
411,
1722,
29898,
3286,
924,
29892,
8025,
543,
9420,
29899,
29947,
1159,
408,
285,
29901,
13,
9651,
1301,
924,
353,
285,
29889,
949,
580,
13,
4706,
1301,
924,
353,
1301,
924,
29889,
6506,
14182,
29876,
613,
376,
16521,
13,
13,
4706,
25260,
353,
1301,
924,
29918,
517,
29918,
18616,
2063,
29898,
3286,
924,
29897,
13,
13,
4706,
1353,
29918,
974,
29918,
305,
1503,
29918,
7827,
353,
2533,
4197,
2435,
29898,
18616,
663,
29889,
18616,
663,
29897,
363,
10541,
297,
25260,
2314,
13,
13,
4706,
1369,
353,
29871,
29900,
29889,
29900,
13,
4706,
363,
10541,
297,
25260,
29901,
13,
9651,
1095,
353,
1369,
718,
7431,
29898,
18616,
663,
29889,
18616,
663,
29897,
847,
1353,
29918,
974,
29918,
305,
1503,
29918,
7827,
334,
14385,
13,
9651,
10541,
29889,
19207,
29889,
2962,
353,
1369,
13,
9651,
10541,
29889,
19207,
29889,
355,
353,
1095,
13,
9651,
1369,
353,
1095,
13,
4706,
1095,
29918,
2230,
353,
931,
29889,
2230,
580,
13,
13,
4706,
9016,
29918,
2158,
29898,
18248,
359,
537,
29892,
29871,
29906,
29892,
376,
2481,
560,
28170,
363,
613,
281,
485,
29918,
2084,
29892,
29242,
613,
313,
355,
29918,
2230,
448,
1369,
29918,
2230,
876,
13,
13,
4706,
736,
25260,
13,
2
] |
imgaug/augmenters/flip.py | pAoenix/image-Augmented | 1 | 3912 | <reponame>pAoenix/image-Augmented
"""
Augmenters that apply mirroring/flipping operations to images.
Do not import directly from this file, as the categorization is not final.
Use instead ::
from imgaug import augmenters as iaa
and then e.g. ::
seq = iaa.Sequential([
iaa.Fliplr((0.0, 1.0)),
iaa.Flipud((0.0, 1.0))
])
List of augmenters:
* Fliplr
* Flipud
"""
from __future__ import print_function, division, absolute_import
from .. import parameters as iap
import numpy as np
import six.moves as sm
from .meta import Augmenter
class Fliplr(Augmenter): # pylint: disable=locally-disabled, unused-variable, line-too-long
"""
Flip/mirror input images horizontally.
Parameters
----------
p : number or StochasticParameter, optional(default=0)
Probability of each image to get flipped.
name : string, optional(default=None)
See `Augmenter.__init__()`
deterministic : bool, optional(default=False)
See `Augmenter.__init__()`
random_state : int or np.random.RandomState or None, optional(default=None)
See `Augmenter.__init__()`
Examples
--------
>>> aug = iaa.Fliplr(0.5)
would horizontally flip/mirror 50 percent of all input images.
>>> aug = iaa.Fliplr(1.0)
would horizontally flip/mirror all input images.
"""
def __init__(self, p=0, name=None, deterministic=False, random_state=None):
super(Fliplr, self).__init__(name=name, deterministic=deterministic, random_state=random_state)
self.p = iap.handle_probability_param(p, "p")
def _augment_images(self, images, random_state, parents, hooks):
nb_images = len(images)
samples = self.p.draw_samples((nb_images,), random_state=random_state)
for i in sm.xrange(nb_images):
if samples[i] == 1:
images[i] = np.fliplr(images[i])
return images
def _augment_heatmaps(self, heatmaps, random_state, parents, hooks):
arrs_flipped = self._augment_images(
[heatmaps_i.arr_0to1 for heatmaps_i in heatmaps],
random_state=random_state,
parents=parents,
hooks=hooks
)
for heatmaps_i, arr_flipped in zip(heatmaps, arrs_flipped):
heatmaps_i.arr_0to1 = arr_flipped
return heatmaps
def _augment_keypoints(self, keypoints_on_images, random_state, parents, hooks):
nb_images = len(keypoints_on_images)
samples = self.p.draw_samples((nb_images,), random_state=random_state)
for i, keypoints_on_image in enumerate(keypoints_on_images):
if samples[i] == 1:
width = keypoints_on_image.shape[1]
for keypoint in keypoints_on_image.keypoints:
keypoint.x = (width - 1) - keypoint.x
return keypoints_on_images
def get_parameters(self):
return [self.p]
class Flipud(Augmenter): # pylint: disable=locally-disabled, unused-variable, line-too-long
"""
Flip/mirror input images vertically.
Parameters
----------
p : number or StochasticParameter, optional(default=0)
Probability of each image to get flipped.
name : string, optional(default=None)
See `Augmenter.__init__()`
deterministic : bool, optional(default=False)
See `Augmenter.__init__()`
random_state : int or np.random.RandomState or None, optional(default=None)
See `Augmenter.__init__()`
Examples
--------
>>> aug = iaa.Flipud(0.5)
would vertically flip/mirror 50 percent of all input images.
>>> aug = iaa.Flipud(1.0)
would vertically flip/mirror all input images.
"""
def __init__(self, p=0, name=None, deterministic=False, random_state=None):
super(Flipud, self).__init__(name=name, deterministic=deterministic, random_state=random_state)
self.p = iap.handle_probability_param(p, "p")
def _augment_images(self, images, random_state, parents, hooks):
nb_images = len(images)
samples = self.p.draw_samples((nb_images,), random_state=random_state)
for i in sm.xrange(nb_images):
if samples[i] == 1:
images[i] = np.flipud(images[i])
return images
def _augment_heatmaps(self, heatmaps, random_state, parents, hooks):
arrs_flipped = self._augment_images(
[heatmaps_i.arr_0to1 for heatmaps_i in heatmaps],
random_state=random_state,
parents=parents,
hooks=hooks
)
for heatmaps_i, arr_flipped in zip(heatmaps, arrs_flipped):
heatmaps_i.arr_0to1 = arr_flipped
return heatmaps
def _augment_keypoints(self, keypoints_on_images, random_state, parents, hooks):
nb_images = len(keypoints_on_images)
samples = self.p.draw_samples((nb_images,), random_state=random_state)
for i, keypoints_on_image in enumerate(keypoints_on_images):
if samples[i] == 1:
height = keypoints_on_image.shape[0]
for keypoint in keypoints_on_image.keypoints:
keypoint.y = (height - 1) - keypoint.y
return keypoints_on_images
def get_parameters(self):
return [self.p]
| [
1,
529,
276,
1112,
420,
29958,
29886,
29909,
29877,
23534,
29914,
3027,
29899,
29909,
688,
358,
287,
13,
15945,
29908,
13,
29909,
688,
358,
414,
393,
3394,
19571,
292,
29914,
20157,
3262,
6931,
304,
4558,
29889,
13,
13,
6132,
451,
1053,
4153,
515,
445,
934,
29892,
408,
278,
11608,
2133,
338,
451,
2186,
29889,
13,
11403,
2012,
4761,
13,
13,
1678,
515,
10153,
2987,
1053,
18765,
414,
408,
29871,
423,
29874,
13,
13,
392,
769,
321,
29889,
29887,
29889,
4761,
13,
13,
1678,
19359,
353,
29871,
423,
29874,
29889,
16941,
2556,
4197,
13,
308,
423,
29874,
29889,
29943,
492,
572,
29878,
3552,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
8243,
13,
308,
423,
29874,
29889,
29943,
3466,
566,
3552,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
876,
13,
268,
2314,
13,
13,
1293,
310,
18765,
414,
29901,
13,
13,
1678,
334,
383,
492,
572,
29878,
13,
1678,
334,
383,
3466,
566,
13,
13,
15945,
29908,
13,
3166,
4770,
29888,
9130,
1649,
1053,
1596,
29918,
2220,
29892,
8542,
29892,
8380,
29918,
5215,
13,
3166,
6317,
1053,
4128,
408,
29871,
423,
29886,
13,
5215,
12655,
408,
7442,
13,
5215,
4832,
29889,
13529,
267,
408,
1560,
13,
13,
3166,
869,
7299,
1053,
22333,
358,
261,
13,
13,
1990,
383,
492,
572,
29878,
29898,
29909,
688,
358,
261,
1125,
396,
282,
2904,
524,
29901,
11262,
29922,
2029,
635,
29899,
18279,
29892,
443,
3880,
29899,
11918,
29892,
1196,
29899,
517,
29877,
29899,
5426,
13,
1678,
9995,
13,
1678,
383,
3466,
29914,
11038,
729,
1881,
4558,
4029,
6753,
635,
29889,
13,
13,
1678,
12662,
2699,
13,
1678,
448,
1378,
29899,
13,
1678,
282,
584,
1353,
470,
6639,
305,
6288,
9329,
29892,
13136,
29898,
4381,
29922,
29900,
29897,
13,
4706,
1019,
29890,
3097,
310,
1269,
1967,
304,
679,
285,
492,
2986,
29889,
13,
13,
1678,
1024,
584,
1347,
29892,
13136,
29898,
4381,
29922,
8516,
29897,
13,
4706,
2823,
421,
29909,
688,
358,
261,
17255,
2344,
1649,
2555,
13,
13,
1678,
11806,
4695,
584,
6120,
29892,
13136,
29898,
4381,
29922,
8824,
29897,
13,
4706,
2823,
421,
29909,
688,
358,
261,
17255,
2344,
1649,
2555,
13,
13,
1678,
4036,
29918,
3859,
584,
938,
470,
7442,
29889,
8172,
29889,
17875,
2792,
470,
6213,
29892,
13136,
29898,
4381,
29922,
8516,
29897,
13,
4706,
2823,
421,
29909,
688,
358,
261,
17255,
2344,
1649,
2555,
13,
13,
1678,
1222,
9422,
13,
1678,
448,
26589,
13,
1678,
8653,
11307,
353,
29871,
423,
29874,
29889,
29943,
492,
572,
29878,
29898,
29900,
29889,
29945,
29897,
13,
13,
1678,
723,
4029,
6753,
635,
285,
3466,
29914,
11038,
729,
29871,
29945,
29900,
10151,
310,
599,
1881,
4558,
29889,
13,
13,
13,
1678,
8653,
11307,
353,
29871,
423,
29874,
29889,
29943,
492,
572,
29878,
29898,
29896,
29889,
29900,
29897,
13,
13,
1678,
723,
4029,
6753,
635,
285,
3466,
29914,
11038,
729,
599,
1881,
4558,
29889,
13,
13,
1678,
9995,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
282,
29922,
29900,
29892,
1024,
29922,
8516,
29892,
11806,
4695,
29922,
8824,
29892,
4036,
29918,
3859,
29922,
8516,
1125,
13,
4706,
2428,
29898,
29943,
492,
572,
29878,
29892,
1583,
467,
1649,
2344,
12035,
978,
29922,
978,
29892,
11806,
4695,
29922,
4801,
837,
262,
4695,
29892,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29897,
13,
4706,
1583,
29889,
29886,
353,
29871,
423,
29886,
29889,
8411,
29918,
22795,
3097,
29918,
3207,
29898,
29886,
29892,
376,
29886,
1159,
13,
13,
1678,
822,
903,
2987,
358,
29918,
8346,
29898,
1311,
29892,
4558,
29892,
4036,
29918,
3859,
29892,
11825,
29892,
12422,
29879,
1125,
13,
4706,
302,
29890,
29918,
8346,
353,
7431,
29898,
8346,
29897,
13,
4706,
11916,
353,
1583,
29889,
29886,
29889,
4012,
29918,
27736,
3552,
9877,
29918,
8346,
29892,
511,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29897,
13,
4706,
363,
474,
297,
1560,
29889,
29916,
3881,
29898,
9877,
29918,
8346,
1125,
13,
9651,
565,
11916,
29961,
29875,
29962,
1275,
29871,
29896,
29901,
13,
18884,
4558,
29961,
29875,
29962,
353,
7442,
29889,
20157,
572,
29878,
29898,
8346,
29961,
29875,
2314,
13,
4706,
736,
4558,
13,
13,
1678,
822,
903,
2987,
358,
29918,
354,
271,
10339,
29898,
1311,
29892,
12871,
10339,
29892,
4036,
29918,
3859,
29892,
11825,
29892,
12422,
29879,
1125,
13,
4706,
564,
2288,
29918,
20157,
2986,
353,
1583,
3032,
2987,
358,
29918,
8346,
29898,
13,
9651,
518,
354,
271,
10339,
29918,
29875,
29889,
2749,
29918,
29900,
517,
29896,
363,
12871,
10339,
29918,
29875,
297,
12871,
10339,
1402,
13,
9651,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29892,
13,
9651,
11825,
29922,
862,
1237,
29892,
13,
9651,
12422,
29879,
29922,
1251,
12117,
13,
4706,
1723,
13,
4706,
363,
12871,
10339,
29918,
29875,
29892,
3948,
29918,
20157,
2986,
297,
14319,
29898,
354,
271,
10339,
29892,
564,
2288,
29918,
20157,
2986,
1125,
13,
9651,
12871,
10339,
29918,
29875,
29889,
2749,
29918,
29900,
517,
29896,
353,
3948,
29918,
20157,
2986,
13,
4706,
736,
12871,
10339,
13,
13,
1678,
822,
903,
2987,
358,
29918,
1989,
9748,
29898,
1311,
29892,
1820,
9748,
29918,
265,
29918,
8346,
29892,
4036,
29918,
3859,
29892,
11825,
29892,
12422,
29879,
1125,
13,
4706,
302,
29890,
29918,
8346,
353,
7431,
29898,
1989,
9748,
29918,
265,
29918,
8346,
29897,
13,
4706,
11916,
353,
1583,
29889,
29886,
29889,
4012,
29918,
27736,
3552,
9877,
29918,
8346,
29892,
511,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29897,
13,
4706,
363,
474,
29892,
1820,
9748,
29918,
265,
29918,
3027,
297,
26985,
29898,
1989,
9748,
29918,
265,
29918,
8346,
1125,
13,
9651,
565,
11916,
29961,
29875,
29962,
1275,
29871,
29896,
29901,
13,
18884,
2920,
353,
1820,
9748,
29918,
265,
29918,
3027,
29889,
12181,
29961,
29896,
29962,
13,
18884,
363,
1820,
3149,
297,
1820,
9748,
29918,
265,
29918,
3027,
29889,
1989,
9748,
29901,
13,
462,
1678,
1820,
3149,
29889,
29916,
353,
313,
2103,
448,
29871,
29896,
29897,
448,
1820,
3149,
29889,
29916,
13,
4706,
736,
1820,
9748,
29918,
265,
29918,
8346,
13,
13,
1678,
822,
679,
29918,
16744,
29898,
1311,
1125,
13,
4706,
736,
518,
1311,
29889,
29886,
29962,
13,
13,
13,
1990,
383,
3466,
566,
29898,
29909,
688,
358,
261,
1125,
396,
282,
2904,
524,
29901,
11262,
29922,
2029,
635,
29899,
18279,
29892,
443,
3880,
29899,
11918,
29892,
1196,
29899,
517,
29877,
29899,
5426,
13,
1678,
9995,
13,
1678,
383,
3466,
29914,
11038,
729,
1881,
4558,
4837,
1711,
29889,
13,
13,
1678,
12662,
2699,
13,
1678,
448,
1378,
29899,
13,
1678,
282,
584,
1353,
470,
6639,
305,
6288,
9329,
29892,
13136,
29898,
4381,
29922,
29900,
29897,
13,
4706,
1019,
29890,
3097,
310,
1269,
1967,
304,
679,
285,
492,
2986,
29889,
13,
13,
1678,
1024,
584,
1347,
29892,
13136,
29898,
4381,
29922,
8516,
29897,
13,
4706,
2823,
421,
29909,
688,
358,
261,
17255,
2344,
1649,
2555,
13,
13,
1678,
11806,
4695,
584,
6120,
29892,
13136,
29898,
4381,
29922,
8824,
29897,
13,
4706,
2823,
421,
29909,
688,
358,
261,
17255,
2344,
1649,
2555,
13,
13,
1678,
4036,
29918,
3859,
584,
938,
470,
7442,
29889,
8172,
29889,
17875,
2792,
470,
6213,
29892,
13136,
29898,
4381,
29922,
8516,
29897,
13,
4706,
2823,
421,
29909,
688,
358,
261,
17255,
2344,
1649,
2555,
13,
13,
1678,
1222,
9422,
13,
1678,
448,
26589,
13,
1678,
8653,
11307,
353,
29871,
423,
29874,
29889,
29943,
3466,
566,
29898,
29900,
29889,
29945,
29897,
13,
13,
1678,
723,
4837,
1711,
285,
3466,
29914,
11038,
729,
29871,
29945,
29900,
10151,
310,
599,
1881,
4558,
29889,
13,
13,
1678,
8653,
11307,
353,
29871,
423,
29874,
29889,
29943,
3466,
566,
29898,
29896,
29889,
29900,
29897,
13,
13,
1678,
723,
4837,
1711,
285,
3466,
29914,
11038,
729,
599,
1881,
4558,
29889,
13,
13,
1678,
9995,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
282,
29922,
29900,
29892,
1024,
29922,
8516,
29892,
11806,
4695,
29922,
8824,
29892,
4036,
29918,
3859,
29922,
8516,
1125,
13,
4706,
2428,
29898,
29943,
3466,
566,
29892,
1583,
467,
1649,
2344,
12035,
978,
29922,
978,
29892,
11806,
4695,
29922,
4801,
837,
262,
4695,
29892,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29897,
13,
4706,
1583,
29889,
29886,
353,
29871,
423,
29886,
29889,
8411,
29918,
22795,
3097,
29918,
3207,
29898,
29886,
29892,
376,
29886,
1159,
13,
13,
1678,
822,
903,
2987,
358,
29918,
8346,
29898,
1311,
29892,
4558,
29892,
4036,
29918,
3859,
29892,
11825,
29892,
12422,
29879,
1125,
13,
4706,
302,
29890,
29918,
8346,
353,
7431,
29898,
8346,
29897,
13,
4706,
11916,
353,
1583,
29889,
29886,
29889,
4012,
29918,
27736,
3552,
9877,
29918,
8346,
29892,
511,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29897,
13,
4706,
363,
474,
297,
1560,
29889,
29916,
3881,
29898,
9877,
29918,
8346,
1125,
13,
9651,
565,
11916,
29961,
29875,
29962,
1275,
29871,
29896,
29901,
13,
18884,
4558,
29961,
29875,
29962,
353,
7442,
29889,
29888,
3466,
566,
29898,
8346,
29961,
29875,
2314,
13,
4706,
736,
4558,
13,
13,
1678,
822,
903,
2987,
358,
29918,
354,
271,
10339,
29898,
1311,
29892,
12871,
10339,
29892,
4036,
29918,
3859,
29892,
11825,
29892,
12422,
29879,
1125,
13,
4706,
564,
2288,
29918,
20157,
2986,
353,
1583,
3032,
2987,
358,
29918,
8346,
29898,
13,
9651,
518,
354,
271,
10339,
29918,
29875,
29889,
2749,
29918,
29900,
517,
29896,
363,
12871,
10339,
29918,
29875,
297,
12871,
10339,
1402,
13,
9651,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29892,
13,
9651,
11825,
29922,
862,
1237,
29892,
13,
9651,
12422,
29879,
29922,
1251,
12117,
13,
4706,
1723,
13,
4706,
363,
12871,
10339,
29918,
29875,
29892,
3948,
29918,
20157,
2986,
297,
14319,
29898,
354,
271,
10339,
29892,
564,
2288,
29918,
20157,
2986,
1125,
13,
9651,
12871,
10339,
29918,
29875,
29889,
2749,
29918,
29900,
517,
29896,
353,
3948,
29918,
20157,
2986,
13,
4706,
736,
12871,
10339,
13,
13,
1678,
822,
903,
2987,
358,
29918,
1989,
9748,
29898,
1311,
29892,
1820,
9748,
29918,
265,
29918,
8346,
29892,
4036,
29918,
3859,
29892,
11825,
29892,
12422,
29879,
1125,
13,
4706,
302,
29890,
29918,
8346,
353,
7431,
29898,
1989,
9748,
29918,
265,
29918,
8346,
29897,
13,
4706,
11916,
353,
1583,
29889,
29886,
29889,
4012,
29918,
27736,
3552,
9877,
29918,
8346,
29892,
511,
4036,
29918,
3859,
29922,
8172,
29918,
3859,
29897,
13,
4706,
363,
474,
29892,
1820,
9748,
29918,
265,
29918,
3027,
297,
26985,
29898,
1989,
9748,
29918,
265,
29918,
8346,
1125,
13,
9651,
565,
11916,
29961,
29875,
29962,
1275,
29871,
29896,
29901,
13,
18884,
3171,
353,
1820,
9748,
29918,
265,
29918,
3027,
29889,
12181,
29961,
29900,
29962,
13,
18884,
363,
1820,
3149,
297,
1820,
9748,
29918,
265,
29918,
3027,
29889,
1989,
9748,
29901,
13,
462,
1678,
1820,
3149,
29889,
29891,
353,
313,
3545,
448,
29871,
29896,
29897,
448,
1820,
3149,
29889,
29891,
13,
4706,
736,
1820,
9748,
29918,
265,
29918,
8346,
13,
13,
1678,
822,
679,
29918,
16744,
29898,
1311,
1125,
13,
4706,
736,
518,
1311,
29889,
29886,
29962,
13,
2
] |
reid_main.py | yujheli/ARN | 26 | 61077 | <reponame>yujheli/ARN<filename>reid_main.py
from __future__ import print_function, division
import os
import numpy as np
import torch
import torch.nn as nn
import torch.optim as optim
from torchvision import datasets
from torch.utils.data import DataLoader
from torchvision.utils import make_grid
from torchvision import transforms as trans
from tensorboardX import SummaryWriter
from argparse import ArgumentParser
from reid_network import AdaptReID_model
from reid_dataset import AdaptReID_Dataset
from reid_evaluate import evaluate
from reid_loss import *
import config
parser = ArgumentParser()
parser.add_argument("--use_gpu", default=2, type=int)
parser.add_argument("--source_dataset", choices=['CUHK03', 'Duke', 'Market', 'MSMT17_V1'], type=str)
parser.add_argument("--target_dataset", choices=['CUHK03', 'Duke', 'Market', 'MSMT17_V1'], type=str)
parser.add_argument("--batch_size", default=8, type=int)
parser.add_argument("--learning_rate", default=1e-4, type=float)
parser.add_argument("--total_epochs", default=1000, type=int)
parser.add_argument("--w_loss_rec", default=0.1, type=float)
parser.add_argument("--w_loss_dif", default=0.1, type=float)
parser.add_argument("--w_loss_mmd", default=0.1, type=float)
parser.add_argument("--w_loss_ctr", default=1.0, type=float)
parser.add_argument("--dist_metric", choices=['L1', 'L2', 'cosine', 'correlation'], type=str)
parser.add_argument("--rank", default=1, type=int)
parser.add_argument("--model_dir", default='model', type=str)
parser.add_argument("--model_name", default='basic_10cls', type=str)
parser.add_argument("--pretrain_model_name", default=None, type=str)
args = parser.parse_args()
total_batch = 4272
transform_list = [trans.RandomHorizontalFlip(p=0.5), trans.Resize(size=(config.IMAGE_HEIGHT, config.IMAGE_WIDTH)),\
trans.ToTensor(), trans.Normalize(mean=config.MEAN, std=config.STD)]
def setup_gpu():
assert torch.cuda.is_available()
torch.backends.cudnn.benchmark = True
print('Using GPU: {}'.format(args.use_gpu))
def tb_visualize(image):
return (image+1.0)*0.5
def get_batch(data_iter, data_loader):
try:
_, batch = next(data_iter)
except:
data_iter = enumerate(data_loader)
_, batch = next(data_iter)
if batch['image'].size(0) < args.batch_size:
batch, data_iter = get_batch(data_iter, data_loader)
return batch, data_iter
def save_model(model, step):
model_path = '{}/{}/{}_{}.pth.tar'.format(args.model_dir ,args.model_name ,args.model_name, step)
torch.save(model.state_dict(), model_path)
def train():
print('Model name: {}'.format(args.model_name))
classifier_output_dim = config.get_dataoutput(args.source_dataset)
model = AdaptReID_model(backbone='resnet-50', classifier_output_dim=classifier_output_dim).cuda()
# print(model.state_dict())
print("Loading pre-trained model...")
checkpoint = torch.load('{}/{}.pth.tar'.format(args.model_dir, args.pretrain_model_name))
for name, param in model.state_dict().items():
print(name)
if name not in ['classifier.linear.weight','classifier.linear.bias']:
model.state_dict()[name].copy_(checkpoint[name])
# if args.pretrain_model_name is not None:
# model.load_state_dict(torch.load('{}/{}.pth.tar'.format(args.model_dir, args.pretrain_model_name)))
sourceData = AdaptReID_Dataset(dataset_name=args.source_dataset, mode='source', transform=trans.Compose(transform_list))
targetData = AdaptReID_Dataset(dataset_name=args.target_dataset, mode='train', transform=trans.Compose(transform_list))
sourceDataloader = DataLoader(sourceData, batch_size=args.batch_size, shuffle=True)
targetDataloader = DataLoader(targetData, batch_size=args.batch_size, shuffle=True)
source_iter = enumerate(sourceDataloader)
target_iter = enumerate(targetDataloader)
model_opt = optim.SGD(filter(lambda p: p.requires_grad, model.parameters()), lr=args.learning_rate, momentum=0.9, weight_decay=0.0005)
writer = SummaryWriter('log/{}'.format(args.model_name))
match, junk = None, None
for epoch in range(args.total_epochs):
for batch_idx in range(total_batch):
model.train()
step = epoch*total_batch + batch_idx
print('{}: epoch: {}/{} step: {}/{} ({:.2f}%)'.format(args.model_name, epoch+1, args.total_epochs, step+1, total_batch, float(batch_idx+1)*100.0/total_batch))
source_batch, source_iter = get_batch(source_iter, sourceDataloader)
target_batch, target_iter = get_batch(target_iter, targetDataloader)
source_image, source_label, _ = split_datapack(source_batch)
target_image, _, _ = split_datapack(target_batch)
feature_t_et_avg, feature_t_ec_avg, image_t_, pred_t, feature_s_es_avg, feature_s_ec_avg, image_s_, pred_s\
= model(image_t=target_image, image_s=source_image)
#calculate loss
loss_rec = loss_rec_func(image_s_, source_image) + loss_rec_func(image_t_, target_image)
loss_cls = loss_cls_func(pred_s, source_label)
loss_dif = loss_dif_func(feature_t_et_avg, feature_t_ec_avg) + loss_dif_func(feature_s_es_avg, feature_s_ec_avg)
loss_mmd = loss_mmd_func(feature_t_ec_avg, feature_s_ec_avg)
loss_ctr = loss_ctr_func(feature_s_ec_avg, source_label)
loss = loss_cls + loss_rec*args.w_loss_rec + loss_dif*args.w_loss_dif + loss_ctr*args.w_loss_ctr + loss_mmd*args.w_loss_mmd
#update model
model_opt.zero_grad()
loss.backward()
model_opt.step()
#write to tenserboardX
if (step+1)%100==0:
writer.add_image('source image', tb_visualize(source_image), step)
writer.add_image('target image', tb_visualize(target_image), step)
writer.add_image('source image_rec', tb_visualize(image_s_), step)
writer.add_image('target image_rec', tb_visualize(image_t_), step)
writer.add_scalar('loss_rec', loss_rec, step)
writer.add_scalar('loss_cls', loss_cls, step)
writer.add_scalar('loss_dif', loss_dif, step)
writer.add_scalar('loss_ctr', loss_ctr, step)
writer.add_scalar('loss_mmd', loss_ctr, step)
writer.add_scalar('loss', loss, step)
#evaluate
if (step+1)%2000==0:
rank_score, match, junk = evaluate(args, model, transform_list, match, junk)
writer.add_scalar('rank1_score', rank_score, step)
save_model(model, step)
writer.close()
setup_gpu()
train()
| [
1,
529,
276,
1112,
420,
29958,
29891,
8016,
3952,
29875,
29914,
15249,
29966,
9507,
29958,
276,
333,
29918,
3396,
29889,
2272,
13,
3166,
4770,
29888,
9130,
1649,
1053,
1596,
29918,
2220,
29892,
8542,
13,
5215,
2897,
13,
5215,
12655,
408,
7442,
13,
5215,
4842,
305,
13,
5215,
4842,
305,
29889,
15755,
408,
302,
29876,
13,
5215,
4842,
305,
29889,
20640,
408,
5994,
13,
3166,
4842,
305,
4924,
1053,
20035,
13,
3166,
4842,
305,
29889,
13239,
29889,
1272,
1053,
3630,
10036,
13,
3166,
4842,
305,
4924,
29889,
13239,
1053,
1207,
29918,
7720,
13,
3166,
4842,
305,
4924,
1053,
4327,
29879,
408,
1301,
13,
3166,
12489,
3377,
29990,
1053,
6991,
5219,
10507,
13,
3166,
1852,
5510,
1053,
23125,
11726,
13,
3166,
337,
333,
29918,
11618,
1053,
23255,
415,
1123,
1367,
29918,
4299,
13,
3166,
337,
333,
29918,
24713,
1053,
23255,
415,
1123,
1367,
29918,
16390,
24541,
13,
3166,
337,
333,
29918,
24219,
403,
1053,
14707,
13,
3166,
337,
333,
29918,
6758,
1053,
334,
13,
5215,
2295,
13,
13,
16680,
353,
23125,
11726,
580,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
1509,
29918,
29887,
3746,
613,
2322,
29922,
29906,
29892,
1134,
29922,
524,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
4993,
29918,
24713,
613,
19995,
29922,
1839,
29907,
29965,
29950,
29968,
29900,
29941,
742,
525,
29928,
29884,
446,
742,
525,
9802,
300,
742,
525,
4345,
11490,
29896,
29955,
29918,
29963,
29896,
7464,
1134,
29922,
710,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
5182,
29918,
24713,
613,
19995,
29922,
1839,
29907,
29965,
29950,
29968,
29900,
29941,
742,
525,
29928,
29884,
446,
742,
525,
9802,
300,
742,
525,
4345,
11490,
29896,
29955,
29918,
29963,
29896,
7464,
1134,
29922,
710,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
16175,
29918,
2311,
613,
2322,
29922,
29947,
29892,
1134,
29922,
524,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
21891,
29918,
10492,
613,
2322,
29922,
29896,
29872,
29899,
29946,
29892,
1134,
29922,
7411,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
7827,
29918,
1022,
2878,
29879,
613,
2322,
29922,
29896,
29900,
29900,
29900,
29892,
1134,
29922,
524,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
29893,
29918,
6758,
29918,
3757,
613,
2322,
29922,
29900,
29889,
29896,
29892,
1134,
29922,
7411,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
29893,
29918,
6758,
29918,
29881,
361,
613,
2322,
29922,
29900,
29889,
29896,
29892,
1134,
29922,
7411,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
29893,
29918,
6758,
29918,
29885,
3487,
613,
2322,
29922,
29900,
29889,
29896,
29892,
1134,
29922,
7411,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
29893,
29918,
6758,
29918,
9988,
613,
2322,
29922,
29896,
29889,
29900,
29892,
1134,
29922,
7411,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
5721,
29918,
16414,
613,
19995,
29922,
1839,
29931,
29896,
742,
525,
29931,
29906,
742,
525,
3944,
457,
742,
525,
2616,
23445,
7464,
1134,
29922,
710,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
10003,
613,
2322,
29922,
29896,
29892,
1134,
29922,
524,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
4299,
29918,
3972,
613,
2322,
2433,
4299,
742,
1134,
29922,
710,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
4299,
29918,
978,
613,
2322,
2433,
16121,
29918,
29896,
29900,
25932,
742,
1134,
29922,
710,
29897,
13,
16680,
29889,
1202,
29918,
23516,
703,
489,
1457,
14968,
29918,
4299,
29918,
978,
613,
2322,
29922,
8516,
29892,
1134,
29922,
710,
29897,
13,
13,
5085,
353,
13812,
29889,
5510,
29918,
5085,
580,
13,
7827,
29918,
16175,
353,
29871,
29946,
29906,
29955,
29906,
13,
9067,
29918,
1761,
353,
518,
3286,
29889,
17875,
24932,
29943,
3466,
29898,
29886,
29922,
29900,
29889,
29945,
511,
1301,
29889,
1666,
675,
29898,
2311,
7607,
2917,
29889,
2382,
29918,
9606,
22530,
29892,
2295,
29889,
2382,
29918,
22574,
8243,
29905,
13,
462,
4706,
1301,
29889,
1762,
29911,
6073,
3285,
1301,
29889,
19077,
675,
29898,
12676,
29922,
2917,
29889,
2303,
2190,
29892,
3659,
29922,
2917,
29889,
1254,
29928,
4638,
13,
13,
1753,
6230,
29918,
29887,
3746,
7295,
13,
1678,
4974,
4842,
305,
29889,
29883,
6191,
29889,
275,
29918,
16515,
580,
13,
1678,
4842,
305,
29889,
1627,
1975,
29889,
29883,
566,
15755,
29889,
1785,
16580,
353,
5852,
13,
1678,
1596,
877,
15156,
22796,
29901,
6571,
4286,
4830,
29898,
5085,
29889,
1509,
29918,
29887,
3746,
876,
13,
13,
1753,
260,
29890,
29918,
20119,
675,
29898,
3027,
1125,
13,
1678,
736,
313,
3027,
29974,
29896,
29889,
29900,
11877,
29900,
29889,
29945,
13,
13,
1753,
679,
29918,
16175,
29898,
1272,
29918,
1524,
29892,
848,
29918,
12657,
1125,
13,
1678,
1018,
29901,
13,
4706,
17117,
9853,
353,
2446,
29898,
1272,
29918,
1524,
29897,
13,
1678,
5174,
29901,
13,
4706,
848,
29918,
1524,
353,
26985,
29898,
1272,
29918,
12657,
29897,
13,
4706,
17117,
9853,
353,
2446,
29898,
1272,
29918,
1524,
29897,
13,
1678,
565,
9853,
1839,
3027,
13359,
2311,
29898,
29900,
29897,
529,
6389,
29889,
16175,
29918,
2311,
29901,
13,
4706,
9853,
29892,
848,
29918,
1524,
353,
679,
29918,
16175,
29898,
1272,
29918,
1524,
29892,
848,
29918,
12657,
29897,
13,
1678,
736,
9853,
29892,
848,
29918,
1524,
13,
13,
1753,
4078,
29918,
4299,
29898,
4299,
29892,
4331,
1125,
13,
1678,
1904,
29918,
2084,
353,
22372,
6822,
29912,
6822,
29912,
3227,
1836,
29886,
386,
29889,
12637,
4286,
4830,
29898,
5085,
29889,
4299,
29918,
3972,
1919,
5085,
29889,
4299,
29918,
978,
1919,
5085,
29889,
4299,
29918,
978,
29892,
4331,
29897,
13,
1678,
4842,
305,
29889,
7620,
29898,
4299,
29889,
3859,
29918,
8977,
3285,
1904,
29918,
2084,
29897,
13,
13,
1753,
7945,
7295,
13,
1678,
1596,
877,
3195,
1024,
29901,
6571,
4286,
4830,
29898,
5085,
29889,
4299,
29918,
978,
876,
268,
13,
1678,
770,
3709,
29918,
4905,
29918,
6229,
353,
2295,
29889,
657,
29918,
1272,
4905,
29898,
5085,
29889,
4993,
29918,
24713,
29897,
13,
1678,
1904,
353,
23255,
415,
1123,
1367,
29918,
4299,
29898,
1627,
15933,
2433,
690,
1212,
29899,
29945,
29900,
742,
770,
3709,
29918,
4905,
29918,
6229,
29922,
1990,
3709,
29918,
4905,
29918,
6229,
467,
29883,
6191,
580,
13,
1678,
396,
1596,
29898,
4299,
29889,
3859,
29918,
8977,
3101,
13,
13,
1678,
1596,
703,
23456,
758,
29899,
3018,
1312,
1904,
856,
1159,
13,
1678,
1423,
3149,
353,
4842,
305,
29889,
1359,
877,
29912,
6822,
29912,
1836,
29886,
386,
29889,
12637,
4286,
4830,
29898,
5085,
29889,
4299,
29918,
3972,
29892,
6389,
29889,
1457,
14968,
29918,
4299,
29918,
978,
876,
13,
1678,
363,
1024,
29892,
1828,
297,
1904,
29889,
3859,
29918,
8977,
2141,
7076,
7295,
13,
4706,
1596,
29898,
978,
29897,
13,
4706,
565,
1024,
451,
297,
6024,
1990,
3709,
29889,
10660,
29889,
7915,
3788,
1990,
3709,
29889,
10660,
29889,
29890,
3173,
2033,
29901,
13,
9651,
1904,
29889,
3859,
29918,
8977,
580,
29961,
978,
1822,
8552,
23538,
3198,
3149,
29961,
978,
2314,
29871,
13,
13,
1678,
396,
565,
6389,
29889,
1457,
14968,
29918,
4299,
29918,
978,
338,
451,
6213,
29901,
13,
1678,
396,
268,
1904,
29889,
1359,
29918,
3859,
29918,
8977,
29898,
7345,
305,
29889,
1359,
877,
29912,
6822,
29912,
1836,
29886,
386,
29889,
12637,
4286,
4830,
29898,
5085,
29889,
4299,
29918,
3972,
29892,
6389,
29889,
1457,
14968,
29918,
4299,
29918,
978,
4961,
13,
13,
1678,
2752,
1469,
353,
23255,
415,
1123,
1367,
29918,
16390,
24541,
29898,
24713,
29918,
978,
29922,
5085,
29889,
4993,
29918,
24713,
29892,
4464,
2433,
4993,
742,
4327,
29922,
3286,
29889,
1523,
4220,
29898,
9067,
29918,
1761,
876,
13,
1678,
3646,
1469,
353,
23255,
415,
1123,
1367,
29918,
16390,
24541,
29898,
24713,
29918,
978,
29922,
5085,
29889,
5182,
29918,
24713,
29892,
4464,
2433,
14968,
742,
4327,
29922,
3286,
29889,
1523,
4220,
29898,
9067,
29918,
1761,
876,
13,
1678,
2752,
29928,
2075,
29877,
1664,
353,
3630,
10036,
29898,
4993,
1469,
29892,
9853,
29918,
2311,
29922,
5085,
29889,
16175,
29918,
2311,
29892,
528,
21897,
29922,
5574,
29897,
13,
1678,
3646,
29928,
2075,
29877,
1664,
353,
3630,
10036,
29898,
5182,
1469,
29892,
9853,
29918,
2311,
29922,
5085,
29889,
16175,
29918,
2311,
29892,
528,
21897,
29922,
5574,
29897,
13,
1678,
2752,
29918,
1524,
353,
26985,
29898,
4993,
29928,
2075,
29877,
1664,
29897,
13,
1678,
3646,
29918,
1524,
353,
26985,
29898,
5182,
29928,
2075,
29877,
1664,
29897,
13,
13,
1678,
1904,
29918,
3670,
353,
5994,
29889,
26016,
29928,
29898,
4572,
29898,
2892,
282,
29901,
282,
29889,
276,
339,
2658,
29918,
5105,
29892,
1904,
29889,
16744,
25739,
301,
29878,
29922,
5085,
29889,
21891,
29918,
10492,
29892,
19399,
29922,
29900,
29889,
29929,
29892,
7688,
29918,
7099,
388,
29922,
29900,
29889,
29900,
29900,
29900,
29945,
29897,
13,
1678,
9227,
353,
6991,
5219,
10507,
877,
1188,
29914,
8875,
4286,
4830,
29898,
5085,
29889,
4299,
29918,
978,
876,
13,
1678,
1993,
29892,
432,
2960,
353,
6213,
29892,
6213,
13,
13,
1678,
363,
21502,
305,
297,
3464,
29898,
5085,
29889,
7827,
29918,
1022,
2878,
29879,
1125,
13,
4706,
363,
9853,
29918,
13140,
297,
3464,
29898,
7827,
29918,
16175,
1125,
13,
9651,
1904,
29889,
14968,
580,
13,
9651,
4331,
353,
21502,
305,
29930,
7827,
29918,
16175,
718,
9853,
29918,
13140,
13,
9651,
1596,
877,
29912,
6177,
21502,
305,
29901,
6571,
29914,
8875,
4331,
29901,
6571,
29914,
8875,
21313,
29901,
29889,
29906,
29888,
10560,
29897,
4286,
4830,
29898,
5085,
29889,
4299,
29918,
978,
29892,
21502,
305,
29974,
29896,
29892,
6389,
29889,
7827,
29918,
1022,
2878,
29879,
29892,
4331,
29974,
29896,
29892,
3001,
29918,
16175,
29892,
5785,
29898,
16175,
29918,
13140,
29974,
29896,
11877,
29896,
29900,
29900,
29889,
29900,
29914,
7827,
29918,
16175,
876,
13,
9651,
2752,
29918,
16175,
29892,
2752,
29918,
1524,
353,
679,
29918,
16175,
29898,
4993,
29918,
1524,
29892,
2752,
29928,
2075,
29877,
1664,
29897,
13,
9651,
3646,
29918,
16175,
29892,
3646,
29918,
1524,
353,
679,
29918,
16175,
29898,
5182,
29918,
1524,
29892,
3646,
29928,
2075,
29877,
1664,
29897,
13,
9651,
2752,
29918,
3027,
29892,
2752,
29918,
1643,
29892,
903,
353,
6219,
29918,
4130,
481,
547,
29898,
4993,
29918,
16175,
29897,
13,
9651,
3646,
29918,
3027,
29892,
17117,
903,
353,
6219,
29918,
4130,
481,
547,
29898,
5182,
29918,
16175,
29897,
13,
632,
13,
9651,
4682,
29918,
29873,
29918,
300,
29918,
485,
29887,
29892,
4682,
29918,
29873,
29918,
687,
29918,
485,
29887,
29892,
1967,
29918,
29873,
3383,
4450,
29918,
29873,
29892,
4682,
29918,
29879,
29918,
267,
29918,
485,
29887,
29892,
4682,
29918,
29879,
29918,
687,
29918,
485,
29887,
29892,
1967,
29918,
29879,
3383,
4450,
29918,
29879,
29905,
13,
462,
308,
353,
1904,
29898,
3027,
29918,
29873,
29922,
5182,
29918,
3027,
29892,
1967,
29918,
29879,
29922,
4993,
29918,
3027,
29897,
13,
632,
13,
9651,
396,
15807,
403,
6410,
13,
9651,
6410,
29918,
3757,
353,
6410,
29918,
3757,
29918,
9891,
29898,
3027,
29918,
29879,
3383,
2752,
29918,
3027,
29897,
718,
6410,
29918,
3757,
29918,
9891,
29898,
3027,
29918,
29873,
3383,
3646,
29918,
3027,
29897,
13,
9651,
6410,
29918,
25932,
353,
6410,
29918,
25932,
29918,
9891,
29898,
11965,
29918,
29879,
29892,
2752,
29918,
1643,
29897,
13,
9651,
6410,
29918,
29881,
361,
353,
6410,
29918,
29881,
361,
29918,
9891,
29898,
14394,
29918,
29873,
29918,
300,
29918,
485,
29887,
29892,
4682,
29918,
29873,
29918,
687,
29918,
485,
29887,
29897,
718,
6410,
29918,
29881,
361,
29918,
9891,
29898,
14394,
29918,
29879,
29918,
267,
29918,
485,
29887,
29892,
4682,
29918,
29879,
29918,
687,
29918,
485,
29887,
29897,
13,
9651,
6410,
29918,
29885,
3487,
353,
6410,
29918,
29885,
3487,
29918,
9891,
29898,
14394,
29918,
29873,
29918,
687,
29918,
485,
29887,
29892,
4682,
29918,
29879,
29918,
687,
29918,
485,
29887,
29897,
13,
9651,
6410,
29918,
9988,
353,
6410,
29918,
9988,
29918,
9891,
29898,
14394,
29918,
29879,
29918,
687,
29918,
485,
29887,
29892,
2752,
29918,
1643,
29897,
13,
9651,
6410,
353,
6410,
29918,
25932,
718,
6410,
29918,
3757,
29930,
5085,
29889,
29893,
29918,
6758,
29918,
3757,
718,
6410,
29918,
29881,
361,
29930,
5085,
29889,
29893,
29918,
6758,
29918,
29881,
361,
718,
6410,
29918,
9988,
29930,
5085,
29889,
29893,
29918,
6758,
29918,
9988,
718,
6410,
29918,
29885,
3487,
29930,
5085,
29889,
29893,
29918,
6758,
29918,
29885,
3487,
13,
13,
9651,
396,
5504,
1904,
13,
9651,
1904,
29918,
3670,
29889,
9171,
29918,
5105,
580,
13,
9651,
6410,
29889,
1627,
1328,
580,
13,
9651,
1904,
29918,
3670,
29889,
10568,
580,
13,
13,
9651,
396,
3539,
304,
25187,
261,
3377,
29990,
13,
9651,
565,
313,
10568,
29974,
29896,
29897,
29995,
29896,
29900,
29900,
1360,
29900,
29901,
13,
18884,
9227,
29889,
1202,
29918,
3027,
877,
4993,
1967,
742,
260,
29890,
29918,
20119,
675,
29898,
4993,
29918,
3027,
511,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
3027,
877,
5182,
1967,
742,
260,
29890,
29918,
20119,
675,
29898,
5182,
29918,
3027,
511,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
3027,
877,
4993,
1967,
29918,
3757,
742,
260,
29890,
29918,
20119,
675,
29898,
3027,
29918,
29879,
29918,
511,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
3027,
877,
5182,
1967,
29918,
3757,
742,
260,
29890,
29918,
20119,
675,
29898,
3027,
29918,
29873,
29918,
511,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
19529,
279,
877,
6758,
29918,
3757,
742,
6410,
29918,
3757,
29892,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
19529,
279,
877,
6758,
29918,
25932,
742,
6410,
29918,
25932,
29892,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
19529,
279,
877,
6758,
29918,
29881,
361,
742,
6410,
29918,
29881,
361,
29892,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
19529,
279,
877,
6758,
29918,
9988,
742,
6410,
29918,
9988,
29892,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
19529,
279,
877,
6758,
29918,
29885,
3487,
742,
6410,
29918,
9988,
29892,
4331,
29897,
13,
18884,
9227,
29889,
1202,
29918,
19529,
279,
877,
6758,
742,
6410,
29892,
4331,
29897,
13,
13,
9651,
396,
24219,
403,
13,
9651,
565,
313,
10568,
29974,
29896,
29897,
29995,
29906,
29900,
29900,
29900,
1360,
29900,
29901,
13,
18884,
7115,
29918,
13628,
29892,
1993,
29892,
432,
2960,
353,
14707,
29898,
5085,
29892,
1904,
29892,
4327,
29918,
1761,
29892,
1993,
29892,
432,
2960,
29897,
13,
18884,
9227,
29889,
1202,
29918,
19529,
279,
877,
10003,
29896,
29918,
13628,
742,
7115,
29918,
13628,
29892,
4331,
29897,
13,
18884,
4078,
29918,
4299,
29898,
4299,
29892,
4331,
29897,
13,
13,
1678,
9227,
29889,
5358,
580,
13,
1678,
13,
14669,
29918,
29887,
3746,
580,
13,
14968,
580,
29871,
13,
2
] |
scripts/libfranka_gui_gripper_run.py | nbfigueroa/franka_interactive_controllers | 6 | 8052 | #!/usr/bin/env python3
import shlex
from tkinter import *
from tkinter import messagebox
from psutil import Popen
top = Tk()
top.title("Franka Gripper Control")
top.geometry("300x75")
def open():
node_process = Popen(shlex.split('rosrun franka_interactive_controllers libfranka_gripper_run 1'))
messagebox.showinfo("Open Gripper", "Gripper Opened")
node_process.terminate()
def close():
node_process = Popen(shlex.split('rosrun franka_interactive_controllers libfranka_gripper_run 0'))
messagebox.showinfo("Close Gripper", "Gripper Closed")
node_process.terminate()
B1 = Button(top, text = "Open Gripper", command = open)
B1.place(x = 30,y = 20)
B2 = Button(top, text = "Close Gripper", command = close)
B2.place(x = 160,y = 20)
top.mainloop()
| [
1,
18787,
4855,
29914,
2109,
29914,
6272,
3017,
29941,
13,
5215,
528,
2506,
13,
3166,
18883,
1639,
1053,
334,
13,
3166,
18883,
1639,
1053,
2643,
1884,
13,
3166,
6529,
4422,
1053,
349,
3150,
13,
13,
13,
3332,
353,
323,
29895,
580,
13,
3332,
29889,
3257,
703,
7675,
1335,
402,
374,
2496,
11264,
1159,
13,
3332,
29889,
19156,
703,
29941,
29900,
29900,
29916,
29955,
29945,
1159,
13,
13,
1753,
1722,
7295,
29871,
13,
12,
3177,
29918,
5014,
353,
349,
3150,
29898,
845,
2506,
29889,
5451,
877,
1883,
3389,
2524,
1335,
29918,
1639,
4925,
29918,
1285,
11897,
619,
1635,
661,
1335,
29918,
29887,
374,
2496,
29918,
3389,
29871,
29896,
8785,
13,
12,
4906,
1884,
29889,
4294,
3888,
703,
6585,
402,
374,
2496,
613,
376,
29954,
374,
2496,
4673,
287,
1159,
13,
12,
3177,
29918,
5014,
29889,
18821,
403,
580,
13,
13,
1753,
3802,
7295,
1678,
13,
12,
3177,
29918,
5014,
353,
349,
3150,
29898,
845,
2506,
29889,
5451,
877,
1883,
3389,
2524,
1335,
29918,
1639,
4925,
29918,
1285,
11897,
619,
1635,
661,
1335,
29918,
29887,
374,
2496,
29918,
3389,
29871,
29900,
8785,
13,
12,
4906,
1884,
29889,
4294,
3888,
703,
11123,
402,
374,
2496,
613,
376,
29954,
374,
2496,
2233,
2662,
1159,
13,
12,
3177,
29918,
5014,
29889,
18821,
403,
580,
13,
13,
29933,
29896,
353,
11025,
29898,
3332,
29892,
1426,
353,
376,
6585,
402,
374,
2496,
613,
1899,
353,
1722,
29897,
13,
29933,
29896,
29889,
6689,
29898,
29916,
353,
29871,
29941,
29900,
29892,
29891,
353,
29871,
29906,
29900,
29897,
13,
13,
29933,
29906,
353,
11025,
29898,
3332,
29892,
1426,
353,
376,
11123,
402,
374,
2496,
613,
1899,
353,
3802,
29897,
13,
29933,
29906,
29889,
6689,
29898,
29916,
353,
29871,
29896,
29953,
29900,
29892,
29891,
353,
29871,
29906,
29900,
29897,
13,
13,
13,
3332,
29889,
3396,
7888,
580,
13,
2
] |
Numpy-project/code.py | nish700/ga-learner-dsmp-repo | 0 | 133963 | # --------------
# Importing header files
import numpy as np
# Path of the file has been stored in variable called 'path'
#New record
new_record=[[50, 9, 4, 1, 0, 0, 40, 0]]
#Code starts here
data = np.genfromtxt(path, delimiter=',' ,skip_header=1)
census = np.concatenate((data,np.asarray(new_record)))
print(census, type(census))
# --------------
#Code starts here
import numpy as np
age = census[:,0] # indexing an array, all rows and only the first column
max_age = max(age)
min_age = min(age)
age_mean = np.mean(age)
age_std = np.std(age)
print(age)
print(max_age)
print(min_age)
print(age_mean)
print(age_std)
# --------------
#Code starts here
race_0 = census[census[:,2] == 0]
race_1 = census[census[:,2] == 1]
race_2 = census[census[:,2] == 2]
race_3 = census[census[:,2] == 3]
race_4 = census[census[:,2] == 4]
len_0 = len(race_0)
len_1 = len(race_1)
len_2 = len(race_2)
len_3 = len(race_3)
len_4 = len(race_4)
len_race = [len_0,len_1,len_2,len_3,len_4]
minority_race = len_race.index(min(len_race))
print(minority_race)
# --------------
#Code starts here
senior_citizens = census[census[:,0]>60]
working_hours_sum = sum(senior_citizens[:,6])
senior_citizens_len = len(senior_citizens)
avg_working_hours = working_hours_sum/senior_citizens_len
# print(working_hours_sum)
print(avg_working_hours)
# --------------
#Code starts here
import numpy as np
high = census[census[:,1]>10]
low = census[census[:,1]<=10]
avg_pay_high = np.mean(high[:,7])
avg_pay_low = np.mean(low[:,7])
print(avg_pay_high)
print(avg_pay_low)
| [
1,
396,
448,
9072,
29899,
13,
29937,
16032,
292,
4839,
2066,
30004,
13,
5215,
12655,
408,
7442,
30004,
13,
30004,
13,
29937,
10802,
310,
278,
934,
756,
1063,
6087,
297,
2286,
2000,
525,
2084,
29915,
30004,
13,
30004,
13,
29937,
4373,
2407,
30004,
13,
1482,
29918,
11651,
29922,
8999,
29945,
29900,
29892,
259,
29929,
29892,
259,
29946,
29892,
259,
29896,
29892,
259,
29900,
29892,
259,
29900,
29892,
29871,
29946,
29900,
29892,
259,
29900,
5262,
30004,
13,
30004,
13,
29937,
3399,
8665,
1244,
30004,
13,
1272,
353,
7442,
29889,
1885,
3166,
3945,
29898,
2084,
29892,
28552,
29922,
3788,
1919,
11014,
29918,
6672,
29922,
29896,
8443,
13,
30004,
13,
29883,
8841,
353,
7442,
29889,
535,
29883,
2579,
403,
3552,
1272,
29892,
9302,
29889,
294,
2378,
29898,
1482,
29918,
11651,
4961,
30004,
13,
2158,
29898,
29883,
8841,
29892,
1134,
29898,
29883,
8841,
876,
13,
13,
13,
29937,
448,
9072,
29899,
13,
29937,
3399,
8665,
1244,
30004,
13,
5215,
12655,
408,
7442,
30004,
13,
30004,
13,
482,
353,
16411,
7503,
29892,
29900,
29962,
396,
26190,
385,
1409,
29892,
599,
4206,
322,
871,
278,
937,
1897,
30004,
13,
3317,
29918,
482,
353,
4236,
29898,
482,
8443,
13,
1195,
29918,
482,
353,
1375,
29898,
482,
8443,
13,
482,
29918,
12676,
353,
7442,
29889,
12676,
29898,
482,
8443,
13,
482,
29918,
4172,
353,
7442,
29889,
4172,
29898,
482,
8443,
13,
30004,
13,
2158,
29898,
482,
8443,
13,
2158,
29898,
3317,
29918,
482,
8443,
13,
2158,
29898,
1195,
29918,
482,
8443,
13,
2158,
29898,
482,
29918,
12676,
8443,
13,
2158,
29898,
482,
29918,
4172,
29897,
13,
13,
13,
29937,
448,
9072,
29899,
13,
29937,
3399,
8665,
1244,
30004,
13,
25525,
29918,
29900,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29906,
29962,
1275,
29871,
29900,
29962,
30004,
13,
25525,
29918,
29896,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29906,
29962,
1275,
29871,
29896,
29962,
30004,
13,
25525,
29918,
29906,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29906,
29962,
1275,
29871,
29906,
29962,
30004,
13,
25525,
29918,
29941,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29906,
29962,
1275,
29871,
29941,
29962,
30004,
13,
25525,
29918,
29946,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29906,
29962,
1275,
29871,
29946,
29962,
30004,
13,
30004,
13,
2435,
29918,
29900,
353,
7431,
29898,
25525,
29918,
29900,
8443,
13,
2435,
29918,
29896,
353,
7431,
29898,
25525,
29918,
29896,
8443,
13,
2435,
29918,
29906,
353,
7431,
29898,
25525,
29918,
29906,
8443,
13,
2435,
29918,
29941,
353,
7431,
29898,
25525,
29918,
29941,
8443,
13,
2435,
29918,
29946,
353,
7431,
29898,
25525,
29918,
29946,
8443,
13,
30004,
13,
2435,
29918,
25525,
353,
518,
2435,
29918,
29900,
29892,
2435,
29918,
29896,
29892,
2435,
29918,
29906,
29892,
2435,
29918,
29941,
29892,
2435,
29918,
29946,
29962,
30004,
13,
1195,
272,
537,
29918,
25525,
353,
7431,
29918,
25525,
29889,
2248,
29898,
1195,
29898,
2435,
29918,
25525,
876,
30004,
13,
2158,
29898,
1195,
272,
537,
29918,
25525,
29897,
13,
13,
13,
29937,
448,
9072,
29899,
13,
29937,
3399,
8665,
1244,
30004,
13,
4881,
1611,
29918,
20752,
466,
575,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29900,
29962,
29958,
29953,
29900,
29962,
30004,
13,
30004,
13,
22899,
29918,
29882,
2470,
29918,
2083,
353,
2533,
29898,
4881,
1611,
29918,
20752,
466,
575,
7503,
29892,
29953,
2314,
30004,
13,
30004,
13,
4881,
1611,
29918,
20752,
466,
575,
29918,
2435,
353,
7431,
29898,
4881,
1611,
29918,
20752,
466,
575,
8443,
13,
30004,
13,
485,
29887,
29918,
22899,
29918,
29882,
2470,
353,
1985,
29918,
29882,
2470,
29918,
2083,
29914,
4881,
1611,
29918,
20752,
466,
575,
29918,
2435,
30004,
13,
30004,
13,
29937,
1596,
29898,
22899,
29918,
29882,
2470,
29918,
2083,
8443,
13,
2158,
29898,
485,
29887,
29918,
22899,
29918,
29882,
2470,
29897,
13,
13,
13,
29937,
448,
9072,
29899,
13,
29937,
3399,
8665,
1244,
30004,
13,
5215,
12655,
408,
7442,
30004,
13,
30004,
13,
9812,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29896,
29962,
29958,
29896,
29900,
29962,
30004,
13,
677,
353,
16411,
29961,
29883,
8841,
7503,
29892,
29896,
29962,
14065,
29896,
29900,
29962,
30004,
13,
30004,
13,
485,
29887,
29918,
10472,
29918,
9812,
353,
7442,
29889,
12676,
29898,
9812,
7503,
29892,
29955,
2314,
30004,
13,
485,
29887,
29918,
10472,
29918,
677,
353,
7442,
29889,
12676,
29898,
677,
7503,
29892,
29955,
2314,
30004,
13,
30004,
13,
2158,
29898,
485,
29887,
29918,
10472,
29918,
9812,
8443,
13,
2158,
29898,
485,
29887,
29918,
10472,
29918,
677,
29897,
13,
13,
13,
2
] |
usernamerules/simple.py | 74wny0wl/entusergenerator | 1 | 60751 | <filename>usernamerules/simple.py
def simple(user_data, with_separator=''):
return [with_separator.join(user_data)]
| [
1,
529,
9507,
29958,
375,
824,
4183,
2540,
29914,
12857,
29889,
2272,
13,
1753,
2560,
29898,
1792,
29918,
1272,
29892,
411,
29918,
344,
17954,
2433,
29374,
13,
1678,
736,
518,
2541,
29918,
344,
17954,
29889,
7122,
29898,
1792,
29918,
1272,
4638,
13,
2
] |
pylinex/basis/GramSchmidtBasis.py | CU-NESS/pylinex | 0 | 159564 | <gh_stars>0
"""
File: pylinex/basis/GramSchmidtBasis.py
Author: <NAME>
Date: 3 Sep 2017
Description: File containing subclass of Basis which implements a set of basis
vectors created through a Gram-Schmidt orthogonalization
procedure.
"""
from __future__ import division
import numpy as np
from ..expander import NullExpander
from .Basis import Basis
def orthonormal_basis(seed_vectors, error=None):
"""
Creates an orthonormal basis from the given seed vectors using a
Gram-Schmidt orthogonalization procedure.
seed_vectors: vectors with which to generate new modes using the
Gram-Schmidt orthogonalization procedure
error: 1D numpy.ndarray containing error values with which to define
'orthogonal'
returns: a set of basis vectors. a numpy.ndarray of the same shape as the
seed vectors
"""
if type(error) is type(None):
error = np.ones_like(seed_vectors[0])
inverse_error = 1 / error
covariance = np.diag(error ** 2)
inverse_covariance = np.diag(inverse_error ** 2)
correction_matrix = inverse_covariance.copy()
def dot_product(u, v):
return np.dot(u * inverse_error, v * inverse_error)
basis = []
for degree in range(len(seed_vectors)):
pbv = seed_vectors[degree]
cpbv = np.dot(pbv, correction_matrix)
basis.append(np.dot(covariance, cpbv) / np.sqrt(np.dot(pbv, cpbv)))
CinvF = np.reshape(np.dot(inverse_covariance, basis[-1]), (-1, 1))
correction_matrix -= np.dot(CinvF, CinvF.T)
return np.array(basis)
def orthonormal_polynomial_basis(num_points, max_degree, error=None):
"""
Creates a new Legendre polynomial-like basis with the given number of
points and basis vectors.
num_points: number of points to include in the basis vectors
max_degree: one less than the number of basis vectors desired
error: 1D numpy.ndarray with which to define 'orthogonal'
returns: 2D numpy.ndarray of shape (md+1,np) where md is the max_degree
given and np is the num_points given
"""
xs = np.linspace(-1, 1, num_points)
seed_vectors = [(xs ** degree) for degree in range(max_degree + 1)]
return orthonormal_basis(seed_vectors, error=error)
def orthonormal_harmonic_basis(num_points, max_degree, error=None):
"""
Creates a new Fourier series-like basis with the given number of
points and basis vectors.
num_points: number of points to include in the basis vectors
max_degree: determines number of basis vectors returned
error: 1D numpy.ndarray with which to define 'orthogonal'
returns: 2D numpy.ndarray of shape (2*md+1,np) where md is the max_degree
given and np is the num_points given
"""
xs = np.linspace(-np.pi, np.pi, num_points)
num_basis = (2 * max_degree) + 1
def vector(index):
scaled_xs = (((index + 1) // 2) * xs)
is_sin = bool(index % 2)
if is_sin:
return np.sin(scaled_xs)
else:
return np.cos(scaled_xs)
seed_vectors = np.array([vector(i) for i in range(num_basis)])
return orthonormal_basis(seed_vectors, error=error)
class GramSchmidtBasis(Basis):
"""
Class representing a Basis object whose vectors are calculated through a
Gram-Schmidt orthogonalization procedure.
"""
def __init__(self, seed_vectors, error=None, expander=None,\
translation=None):
"""
Initializes the new GramSchmidtBasis object.
seed_vectors: the vectors with which to generate further modes through
the Gram-Schmidt orthogonalization procedure
error: the error with which to define 'orthogonal'
expander: if None, no expansion is applied
otherwise, expander must be an Expander object.
translation: if None, no constant additive is included in the results
of calling this Basis.
otherwise: should be a 1D numpy.ndarray of the same length
as the seed vectors. It is the (unexpanded)
result of calling the basis on a zero-vector of
parameters
"""
if isinstance(seed_vectors, Basis):
basis = orthonormal_basis(seed_vectors.basis, error=error)
else:
basis = orthonormal_basis(seed_vectors, error=error)
Basis.__init__(self, basis, expander=expander, translation=translation)
@property
def even_subbasis(self):
"""
Property storing the subbasis of this one which contains only the even
functions (as long as the even-index seed vectors given to the
initializer were even). Returns Basis object.
"""
return self[::2]
@property
def odd_subbasis(self):
"""
Property storing the subbasis of this one which contains only the odd
functions (as long as the odd-index seed vectors given to the
initializer were odd). Returns Basis object.
"""
return self[1::2]
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29900,
13,
15945,
29908,
13,
2283,
29901,
11451,
1220,
29916,
29914,
6500,
275,
29914,
29954,
2572,
4504,
19720,
9496,
275,
29889,
2272,
13,
13720,
29901,
529,
5813,
29958,
13,
2539,
29901,
29871,
29941,
29639,
29871,
29906,
29900,
29896,
29955,
13,
13,
9868,
29901,
3497,
6943,
19481,
310,
4886,
275,
607,
10703,
263,
731,
310,
8405,
13,
632,
12047,
2825,
1549,
263,
16878,
29899,
4504,
19720,
28143,
2133,
13,
632,
8792,
29889,
13,
15945,
29908,
13,
3166,
4770,
29888,
9130,
1649,
1053,
8542,
13,
5215,
12655,
408,
7442,
13,
3166,
6317,
4548,
3825,
1053,
19014,
9544,
3825,
13,
3166,
869,
9496,
275,
1053,
4886,
275,
13,
13,
1753,
14219,
265,
2759,
29918,
6500,
275,
29898,
26776,
29918,
345,
14359,
29892,
1059,
29922,
8516,
1125,
13,
1678,
9995,
13,
1678,
6760,
1078,
385,
14219,
265,
2759,
8405,
515,
278,
2183,
16717,
12047,
773,
263,
13,
1678,
16878,
29899,
4504,
19720,
28143,
2133,
8792,
29889,
13,
268,
13,
1678,
16717,
29918,
345,
14359,
29901,
12047,
411,
607,
304,
5706,
716,
18893,
773,
278,
13,
462,
29871,
16878,
29899,
4504,
19720,
28143,
2133,
8792,
13,
1678,
1059,
29901,
29871,
29896,
29928,
12655,
29889,
299,
2378,
6943,
1059,
1819,
411,
607,
304,
4529,
13,
965,
525,
2072,
23419,
29915,
13,
268,
13,
1678,
3639,
29901,
263,
731,
310,
8405,
12047,
29889,
263,
12655,
29889,
299,
2378,
310,
278,
1021,
8267,
408,
278,
13,
632,
16717,
12047,
13,
1678,
9995,
13,
1678,
565,
1134,
29898,
2704,
29897,
338,
1134,
29898,
8516,
1125,
13,
4706,
1059,
353,
7442,
29889,
2873,
29918,
4561,
29898,
26776,
29918,
345,
14359,
29961,
29900,
2314,
13,
1678,
16402,
29918,
2704,
353,
29871,
29896,
847,
1059,
13,
1678,
18838,
279,
8837,
353,
7442,
29889,
6051,
351,
29898,
2704,
3579,
29871,
29906,
29897,
13,
1678,
16402,
29918,
24542,
279,
8837,
353,
7442,
29889,
6051,
351,
29898,
262,
3901,
29918,
2704,
3579,
29871,
29906,
29897,
13,
1678,
26385,
29918,
5344,
353,
16402,
29918,
24542,
279,
8837,
29889,
8552,
580,
13,
1678,
822,
8329,
29918,
4704,
29898,
29884,
29892,
325,
1125,
13,
4706,
736,
7442,
29889,
6333,
29898,
29884,
334,
16402,
29918,
2704,
29892,
325,
334,
16402,
29918,
2704,
29897,
13,
1678,
8405,
353,
5159,
13,
1678,
363,
7426,
297,
3464,
29898,
2435,
29898,
26776,
29918,
345,
14359,
22164,
13,
4706,
282,
29890,
29894,
353,
16717,
29918,
345,
14359,
29961,
12163,
929,
29962,
13,
4706,
21447,
29890,
29894,
353,
7442,
29889,
6333,
29898,
24381,
29894,
29892,
26385,
29918,
5344,
29897,
13,
4706,
8405,
29889,
4397,
29898,
9302,
29889,
6333,
29898,
24542,
279,
8837,
29892,
21447,
29890,
29894,
29897,
847,
7442,
29889,
3676,
29898,
9302,
29889,
6333,
29898,
24381,
29894,
29892,
21447,
29890,
29894,
4961,
13,
4706,
315,
11569,
29943,
353,
7442,
29889,
690,
14443,
29898,
9302,
29889,
6333,
29898,
262,
3901,
29918,
24542,
279,
8837,
29892,
8405,
14352,
29896,
11724,
8521,
29896,
29892,
29871,
29896,
876,
13,
4706,
26385,
29918,
5344,
22361,
7442,
29889,
6333,
29898,
29907,
11569,
29943,
29892,
315,
11569,
29943,
29889,
29911,
29897,
13,
1678,
736,
7442,
29889,
2378,
29898,
6500,
275,
29897,
13,
13,
1753,
14219,
265,
2759,
29918,
3733,
9222,
29918,
6500,
275,
29898,
1949,
29918,
9748,
29892,
4236,
29918,
12163,
929,
29892,
1059,
29922,
8516,
1125,
13,
1678,
9995,
13,
1678,
6760,
1078,
263,
716,
5682,
9030,
10159,
29899,
4561,
8405,
411,
278,
2183,
1353,
310,
13,
1678,
3291,
322,
8405,
12047,
29889,
13,
268,
13,
1678,
954,
29918,
9748,
29901,
1353,
310,
3291,
304,
3160,
297,
278,
8405,
12047,
13,
1678,
4236,
29918,
12163,
929,
29901,
697,
3109,
1135,
278,
1353,
310,
8405,
12047,
7429,
13,
1678,
1059,
29901,
29871,
29896,
29928,
12655,
29889,
299,
2378,
411,
607,
304,
4529,
525,
2072,
23419,
29915,
13,
268,
13,
1678,
3639,
29901,
29871,
29906,
29928,
12655,
29889,
299,
2378,
310,
8267,
313,
3487,
29974,
29896,
29892,
9302,
29897,
988,
22821,
338,
278,
4236,
29918,
12163,
929,
13,
632,
2183,
322,
7442,
338,
278,
954,
29918,
9748,
2183,
13,
1678,
9995,
13,
1678,
14492,
353,
7442,
29889,
1915,
3493,
6278,
29896,
29892,
29871,
29896,
29892,
954,
29918,
9748,
29897,
13,
1678,
16717,
29918,
345,
14359,
353,
17288,
10351,
3579,
7426,
29897,
363,
7426,
297,
3464,
29898,
3317,
29918,
12163,
929,
718,
29871,
29896,
4638,
13,
1678,
736,
14219,
265,
2759,
29918,
6500,
275,
29898,
26776,
29918,
345,
14359,
29892,
1059,
29922,
2704,
29897,
13,
13,
1753,
14219,
265,
2759,
29918,
23024,
8927,
29918,
6500,
275,
29898,
1949,
29918,
9748,
29892,
4236,
29918,
12163,
929,
29892,
1059,
29922,
8516,
1125,
13,
1678,
9995,
13,
1678,
6760,
1078,
263,
716,
27506,
3652,
29899,
4561,
8405,
411,
278,
2183,
1353,
310,
13,
1678,
3291,
322,
8405,
12047,
29889,
13,
268,
13,
1678,
954,
29918,
9748,
29901,
1353,
310,
3291,
304,
3160,
297,
278,
8405,
12047,
13,
1678,
4236,
29918,
12163,
929,
29901,
3683,
1475,
1353,
310,
8405,
12047,
4133,
13,
1678,
1059,
29901,
29871,
29896,
29928,
12655,
29889,
299,
2378,
411,
607,
304,
4529,
525,
2072,
23419,
29915,
13,
268,
13,
1678,
3639,
29901,
29871,
29906,
29928,
12655,
29889,
299,
2378,
310,
8267,
313,
29906,
29930,
3487,
29974,
29896,
29892,
9302,
29897,
988,
22821,
338,
278,
4236,
29918,
12163,
929,
13,
632,
2183,
322,
7442,
338,
278,
954,
29918,
9748,
2183,
13,
1678,
9995,
13,
1678,
14492,
353,
7442,
29889,
1915,
3493,
6278,
9302,
29889,
1631,
29892,
7442,
29889,
1631,
29892,
954,
29918,
9748,
29897,
13,
1678,
954,
29918,
6500,
275,
353,
313,
29906,
334,
4236,
29918,
12163,
929,
29897,
718,
29871,
29896,
13,
1678,
822,
4608,
29898,
2248,
1125,
13,
4706,
6287,
29881,
29918,
10351,
353,
313,
3552,
2248,
718,
29871,
29896,
29897,
849,
29871,
29906,
29897,
334,
14492,
29897,
13,
4706,
338,
29918,
5223,
353,
6120,
29898,
2248,
1273,
29871,
29906,
29897,
13,
4706,
565,
338,
29918,
5223,
29901,
13,
9651,
736,
7442,
29889,
5223,
29898,
7052,
29881,
29918,
10351,
29897,
13,
4706,
1683,
29901,
13,
9651,
736,
7442,
29889,
3944,
29898,
7052,
29881,
29918,
10351,
29897,
13,
1678,
16717,
29918,
345,
14359,
353,
7442,
29889,
2378,
4197,
8111,
29898,
29875,
29897,
363,
474,
297,
3464,
29898,
1949,
29918,
6500,
275,
29897,
2314,
13,
1678,
736,
14219,
265,
2759,
29918,
6500,
275,
29898,
26776,
29918,
345,
14359,
29892,
1059,
29922,
2704,
29897,
13,
13,
1990,
16878,
4504,
19720,
9496,
275,
29898,
9496,
275,
1125,
13,
1678,
9995,
13,
1678,
4134,
15783,
263,
4886,
275,
1203,
5069,
12047,
526,
12833,
1549,
263,
13,
1678,
16878,
29899,
4504,
19720,
28143,
2133,
8792,
29889,
13,
1678,
9995,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
16717,
29918,
345,
14359,
29892,
1059,
29922,
8516,
29892,
1518,
3825,
29922,
8516,
2053,
13,
4706,
13962,
29922,
8516,
1125,
13,
4706,
9995,
13,
4706,
17250,
7093,
278,
716,
16878,
4504,
19720,
9496,
275,
1203,
29889,
13,
308,
13,
4706,
16717,
29918,
345,
14359,
29901,
278,
12047,
411,
607,
304,
5706,
4340,
18893,
1549,
13,
462,
418,
278,
16878,
29899,
4504,
19720,
28143,
2133,
8792,
13,
4706,
1059,
29901,
278,
1059,
411,
607,
304,
4529,
525,
2072,
23419,
29915,
13,
4706,
1518,
3825,
29901,
565,
6213,
29892,
694,
13184,
338,
7436,
13,
462,
29871,
6467,
29892,
1518,
3825,
1818,
367,
385,
12027,
3825,
1203,
29889,
13,
4706,
13962,
29901,
565,
6213,
29892,
694,
4868,
788,
3321,
338,
5134,
297,
278,
2582,
13,
462,
795,
310,
5432,
445,
4886,
275,
29889,
13,
462,
268,
6467,
29901,
881,
367,
263,
29871,
29896,
29928,
12655,
29889,
299,
2378,
310,
278,
1021,
3309,
13,
462,
18884,
408,
278,
16717,
12047,
29889,
739,
338,
278,
313,
348,
18837,
287,
29897,
13,
462,
18884,
1121,
310,
5432,
278,
8405,
373,
263,
5225,
29899,
8111,
310,
13,
462,
18884,
4128,
13,
4706,
9995,
13,
4706,
565,
338,
8758,
29898,
26776,
29918,
345,
14359,
29892,
4886,
275,
1125,
13,
9651,
8405,
353,
14219,
265,
2759,
29918,
6500,
275,
29898,
26776,
29918,
345,
14359,
29889,
6500,
275,
29892,
1059,
29922,
2704,
29897,
13,
4706,
1683,
29901,
13,
9651,
8405,
353,
14219,
265,
2759,
29918,
6500,
275,
29898,
26776,
29918,
345,
14359,
29892,
1059,
29922,
2704,
29897,
13,
4706,
4886,
275,
17255,
2344,
12035,
1311,
29892,
8405,
29892,
1518,
3825,
29922,
4548,
3825,
29892,
13962,
29922,
3286,
18411,
29897,
13,
268,
13,
1678,
732,
6799,
13,
1678,
822,
1584,
29918,
1491,
6500,
275,
29898,
1311,
1125,
13,
4706,
9995,
13,
4706,
9079,
15446,
278,
1014,
6500,
275,
310,
445,
697,
607,
3743,
871,
278,
1584,
13,
4706,
3168,
313,
294,
1472,
408,
278,
1584,
29899,
2248,
16717,
12047,
2183,
304,
278,
13,
4706,
2847,
3950,
892,
1584,
467,
16969,
4886,
275,
1203,
29889,
13,
4706,
9995,
13,
4706,
736,
1583,
29961,
1057,
29906,
29962,
13,
268,
13,
1678,
732,
6799,
13,
1678,
822,
7736,
29918,
1491,
6500,
275,
29898,
1311,
1125,
13,
4706,
9995,
13,
4706,
9079,
15446,
278,
1014,
6500,
275,
310,
445,
697,
607,
3743,
871,
278,
7736,
13,
4706,
3168,
313,
294,
1472,
408,
278,
7736,
29899,
2248,
16717,
12047,
2183,
304,
278,
13,
4706,
2847,
3950,
892,
7736,
467,
16969,
4886,
275,
1203,
29889,
13,
4706,
9995,
13,
4706,
736,
1583,
29961,
29896,
1057,
29906,
29962,
13,
13,
2
] |
daemon/lib/traceroute.py | shawnduong/CyberTrace | 2 | 40371 | <reponame>shawnduong/CyberTrace
import subprocess
def traceroute(dest: str) -> dict:
"""
Trace the route to some destination IP and return a dict of intermediates.
In order to prevent the daemon itself from needing to run with elevated
privileges, this is primarily handled by the system's traceroute utility.
"""
# Sanitize input.
for char in dest:
if char not in "ABCDEFabcdef12345567890.:":
return -1
# Run system traceroute.
p = subprocess.Popen(["traceroute", "-q 1", dest], stdout=subprocess.PIPE)
d = p.stdout.read().decode("utf-8")
hops = {}
# Parse the output.
for line in d.split("\n"):
try:
tokens = line.split()
n = int(tokens[0])
if tokens[1] == "*":
ip = "?"
else:
ip = tokens[2].strip("(").strip(")")
hops[n] = ip
except:
pass
return hops
| [
1,
529,
276,
1112,
420,
29958,
845,
1450,
299,
29884,
549,
29914,
29733,
495,
11591,
13,
5215,
1014,
5014,
13,
13,
1753,
16703,
261,
2663,
29898,
7854,
29901,
851,
29897,
1599,
9657,
29901,
13,
12,
15945,
29908,
13,
12,
11591,
278,
5782,
304,
777,
12551,
5641,
322,
736,
263,
9657,
310,
1006,
4210,
1078,
29889,
13,
12,
797,
1797,
304,
5557,
278,
1146,
9857,
3528,
515,
817,
292,
304,
1065,
411,
11858,
630,
13,
12,
22534,
488,
2710,
29892,
445,
338,
19434,
16459,
491,
278,
1788,
29915,
29879,
16703,
261,
2663,
19725,
29889,
13,
12,
15945,
29908,
13,
13,
12,
29937,
3087,
277,
675,
1881,
29889,
13,
12,
1454,
1373,
297,
2731,
29901,
13,
12,
12,
361,
1373,
451,
297,
376,
19658,
24405,
10736,
1753,
29896,
29906,
29941,
29946,
29945,
29945,
29953,
29955,
29947,
29929,
29900,
4898,
1115,
13,
12,
12,
12,
2457,
448,
29896,
13,
13,
12,
29937,
7525,
1788,
16703,
261,
2663,
29889,
13,
12,
29886,
353,
1014,
5014,
29889,
29925,
3150,
29898,
3366,
29873,
945,
261,
2663,
613,
11663,
29939,
29871,
29896,
613,
2731,
1402,
27591,
29922,
1491,
5014,
29889,
2227,
4162,
29897,
13,
12,
29881,
353,
282,
29889,
25393,
29889,
949,
2141,
13808,
703,
9420,
29899,
29947,
1159,
13,
13,
12,
29882,
3554,
353,
6571,
13,
13,
12,
29937,
20969,
278,
1962,
29889,
13,
12,
1454,
1196,
297,
270,
29889,
5451,
14182,
29876,
29908,
1125,
13,
13,
12,
12,
2202,
29901,
13,
12,
12,
12,
517,
12360,
353,
1196,
29889,
5451,
580,
13,
12,
12,
12,
29876,
353,
938,
29898,
517,
12360,
29961,
29900,
2314,
13,
13,
12,
12,
12,
361,
18897,
29961,
29896,
29962,
1275,
26345,
1115,
13,
12,
12,
12,
12,
666,
353,
376,
3026,
13,
12,
12,
12,
2870,
29901,
13,
12,
12,
12,
12,
666,
353,
18897,
29961,
29906,
1822,
17010,
703,
703,
467,
17010,
703,
25760,
13,
13,
12,
12,
12,
29882,
3554,
29961,
29876,
29962,
353,
10377,
13,
12,
12,
19499,
29901,
13,
12,
12,
12,
3364,
13,
13,
12,
2457,
298,
3554,
13,
13,
2
] |
test_api.py | atifar/mini-key-value | 0 | 26779 | def test_check_sanity(client):
resp = client.get('/sanity')
assert resp.status_code == 200
assert 'Sanity check passed.' == resp.data.decode()
# 'list collections' tests
def test_get_api_root(client):
resp = client.get('/', content_type='application/json')
assert resp.status_code == 200
resp_data = resp.get_json()
assert 'keys_url' in resp_data
assert len(resp_data) == 1
assert resp_data['keys_url'][-5:] == '/keys'
def test_delete_api_root_not_allowed(client):
resp = client.delete('/', content_type='application/json')
assert resp.status_code == 405
# 'list keys' tests
def test_get_empty_keys_list(client):
resp = client.get('/keys', content_type='application/json')
assert resp.status_code == 200
resp_data = resp.get_json()
assert len(resp_data) == 0
def test_get_nonempty_keys_list(client, keys, add_to_keys):
add_to_keys({'key': 'babboon', 'value': 'Larry'})
add_to_keys({'key': 'bees', 'value': ['Ann', 'Joe', 'Dee']})
resp = client.get('/keys', content_type='application/json')
assert resp.status_code == 200
resp_data = resp.get_json()
assert isinstance(resp_data, list)
assert len(resp_data) == 2
for doc_idx in (0, 1):
for k in ('key', 'http_url'):
assert k in resp_data[doc_idx]
if resp_data[doc_idx]['key'] == 'babboon':
assert resp_data[doc_idx]['http_url'][-13:] == '/keys/babboon'
else:
assert resp_data[doc_idx]['http_url'][-10:] == '/keys/bees'
def test_delete_on_keys_not_allowed(client):
resp = client.delete('/keys', content_type='application/json')
assert resp.status_code == 405
# 'get a key' tests
def test_get_existing_key(client, keys, add_to_keys):
add_to_keys({'key': 'babboon', 'value': 'Larry'})
add_to_keys({'key': 'bees', 'value': ['Ann', 'Joe', 'Dee']})
resp = client.get('/keys/bees', content_type='application/json')
assert resp.status_code == 200
resp_data = resp.get_json()
assert isinstance(resp_data, dict)
for k in ('key', 'http_url', 'value'):
assert k in resp_data
assert resp_data['key'] == 'bees'
assert resp_data['http_url'][-10:] == '/keys/bees'
assert resp_data['value'] == ['Ann', 'Joe', 'Dee']
def test_get_nonexisting_key(client, keys):
resp = client.get('/keys/bees', content_type='application/json')
assert resp.status_code == 404
def test_post_on_a_key_not_allowed(client):
resp = client.post('/keys/bees', content_type='application/json')
assert resp.status_code == 405
# 'create a key' tests
def test_create_new_key(client, keys):
new_doc = {'key': 'oscillator', 'value': 'Colpitts'}
resp = client.post(
'/keys',
json=new_doc,
content_type='application/json'
)
assert resp.status_code == 201
resp_data = resp.get_json()
assert isinstance(resp_data, dict)
for k in ('key', 'http_url', 'value'):
assert k in resp_data
assert resp_data['key'] == new_doc['key']
assert resp_data['value'] == new_doc['value']
assert resp_data['http_url'][-16:] == '/keys/oscillator'
def test_create_duplicate_key(client, keys, add_to_keys):
new_doc = {'key': 'oscillator', 'value': 'Colpitts'}
add_to_keys(new_doc.copy())
resp = client.post(
'/keys',
json=new_doc,
content_type='application/json'
)
assert resp.status_code == 400
resp_data = resp.get_json()
assert 'error' in resp_data
assert resp_data['error'] == "Can't create duplicate key (oscillator)."
def test_create_new_key_missing_key(client, keys):
new_doc = {'value': 'Colpitts'}
resp = client.post(
'/keys',
json=new_doc,
content_type='application/json'
)
assert resp.status_code == 400
resp_data = resp.get_json()
assert 'error' in resp_data
assert resp_data['error'] == 'Please provide the missing "key" parameter!'
def test_create_new_key_missing_value(client, keys):
new_doc = {'key': 'oscillator'}
resp = client.post(
'/keys',
json=new_doc,
content_type='application/json'
)
assert resp.status_code == 400
resp_data = resp.get_json()
assert 'error' in resp_data
assert resp_data['error'] == 'Please provide the missing "value" ' \
'parameter!'
# 'update a key' tests
def test_update_a_key_existing(client, keys, add_to_keys):
add_to_keys({'key': 'oscillator', 'value': 'Colpitts'})
update_value = {'value': ['Pierce', 'Hartley']}
resp = client.put(
'/keys/oscillator',
json=update_value,
content_type='application/json'
)
assert resp.status_code == 204
def test_update_a_key_nonexisting(client, keys, add_to_keys):
add_to_keys({'key': 'oscillator', 'value': 'Colpitts'})
update_value = {'value': ['Pierce', 'Hartley']}
resp = client.put(
'/keys/gadget',
json=update_value,
content_type='application/json'
)
assert resp.status_code == 400
resp_data = resp.get_json()
assert 'error' in resp_data
assert resp_data['error'] == 'Update failed.'
# 'delete a key' tests
def test_delete_a_key_existing(client, keys, add_to_keys):
add_to_keys({'key': 'oscillator', 'value': 'Colpitts'})
resp = client.delete(
'/keys/oscillator',
content_type='application/json'
)
assert resp.status_code == 204
def test_delete_a_key_nonexisting(client, keys):
resp = client.delete(
'/keys/oscillator',
content_type='application/json'
)
assert resp.status_code == 404
| [
1,
822,
1243,
29918,
3198,
29918,
28455,
537,
29898,
4645,
1125,
13,
1678,
4613,
353,
3132,
29889,
657,
11219,
28455,
537,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29900,
13,
1678,
4974,
525,
22509,
537,
1423,
4502,
6169,
1275,
4613,
29889,
1272,
29889,
13808,
580,
13,
13,
13,
29937,
525,
1761,
16250,
29915,
6987,
13,
1753,
1243,
29918,
657,
29918,
2754,
29918,
4632,
29898,
4645,
1125,
13,
1678,
4613,
353,
3132,
29889,
657,
11219,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
525,
8149,
29918,
2271,
29915,
297,
4613,
29918,
1272,
13,
1678,
4974,
7431,
29898,
13713,
29918,
1272,
29897,
1275,
29871,
29896,
13,
1678,
4974,
4613,
29918,
1272,
1839,
8149,
29918,
2271,
2033,
14352,
29945,
17531,
1275,
8207,
8149,
29915,
13,
13,
13,
1753,
1243,
29918,
8143,
29918,
2754,
29918,
4632,
29918,
1333,
29918,
24622,
29898,
4645,
1125,
13,
1678,
4613,
353,
3132,
29889,
8143,
11219,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29945,
13,
13,
13,
29937,
525,
1761,
6611,
29915,
6987,
13,
1753,
1243,
29918,
657,
29918,
6310,
29918,
8149,
29918,
1761,
29898,
4645,
1125,
13,
1678,
4613,
353,
3132,
29889,
657,
11219,
8149,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
7431,
29898,
13713,
29918,
1272,
29897,
1275,
29871,
29900,
13,
13,
13,
1753,
1243,
29918,
657,
29918,
5464,
6310,
29918,
8149,
29918,
1761,
29898,
4645,
29892,
6611,
29892,
788,
29918,
517,
29918,
8149,
1125,
13,
1678,
788,
29918,
517,
29918,
8149,
3319,
29915,
1989,
2396,
525,
29890,
370,
833,
265,
742,
525,
1767,
2396,
525,
24105,
719,
29915,
1800,
13,
1678,
788,
29918,
517,
29918,
8149,
3319,
29915,
1989,
2396,
525,
915,
267,
742,
525,
1767,
2396,
6024,
2744,
29876,
742,
525,
29967,
7297,
742,
525,
2772,
29872,
2033,
1800,
13,
13,
1678,
4613,
353,
3132,
29889,
657,
11219,
8149,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
338,
8758,
29898,
13713,
29918,
1272,
29892,
1051,
29897,
13,
1678,
4974,
7431,
29898,
13713,
29918,
1272,
29897,
1275,
29871,
29906,
13,
1678,
363,
1574,
29918,
13140,
297,
313,
29900,
29892,
29871,
29896,
1125,
13,
4706,
363,
413,
297,
6702,
1989,
742,
525,
1124,
29918,
2271,
29374,
13,
9651,
4974,
413,
297,
4613,
29918,
1272,
29961,
1514,
29918,
13140,
29962,
13,
4706,
565,
4613,
29918,
1272,
29961,
1514,
29918,
13140,
22322,
1989,
2033,
1275,
525,
29890,
370,
833,
265,
2396,
13,
9651,
4974,
4613,
29918,
1272,
29961,
1514,
29918,
13140,
22322,
1124,
29918,
2271,
2033,
14352,
29896,
29941,
17531,
1275,
8207,
8149,
29914,
29890,
370,
833,
265,
29915,
13,
4706,
1683,
29901,
13,
9651,
4974,
4613,
29918,
1272,
29961,
1514,
29918,
13140,
22322,
1124,
29918,
2271,
2033,
14352,
29896,
29900,
17531,
1275,
8207,
8149,
29914,
915,
267,
29915,
13,
13,
13,
1753,
1243,
29918,
8143,
29918,
265,
29918,
8149,
29918,
1333,
29918,
24622,
29898,
4645,
1125,
13,
1678,
4613,
353,
3132,
29889,
8143,
11219,
8149,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29945,
13,
13,
13,
29937,
525,
657,
263,
1820,
29915,
6987,
13,
1753,
1243,
29918,
657,
29918,
735,
15423,
29918,
1989,
29898,
4645,
29892,
6611,
29892,
788,
29918,
517,
29918,
8149,
1125,
13,
1678,
788,
29918,
517,
29918,
8149,
3319,
29915,
1989,
2396,
525,
29890,
370,
833,
265,
742,
525,
1767,
2396,
525,
24105,
719,
29915,
1800,
13,
1678,
788,
29918,
517,
29918,
8149,
3319,
29915,
1989,
2396,
525,
915,
267,
742,
525,
1767,
2396,
6024,
2744,
29876,
742,
525,
29967,
7297,
742,
525,
2772,
29872,
2033,
1800,
13,
13,
1678,
4613,
353,
3132,
29889,
657,
11219,
8149,
29914,
915,
267,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
338,
8758,
29898,
13713,
29918,
1272,
29892,
9657,
29897,
13,
1678,
363,
413,
297,
6702,
1989,
742,
525,
1124,
29918,
2271,
742,
525,
1767,
29374,
13,
4706,
4974,
413,
297,
4613,
29918,
1272,
13,
1678,
4974,
4613,
29918,
1272,
1839,
1989,
2033,
1275,
525,
915,
267,
29915,
13,
1678,
4974,
4613,
29918,
1272,
1839,
1124,
29918,
2271,
2033,
14352,
29896,
29900,
17531,
1275,
8207,
8149,
29914,
915,
267,
29915,
13,
1678,
4974,
4613,
29918,
1272,
1839,
1767,
2033,
1275,
6024,
2744,
29876,
742,
525,
29967,
7297,
742,
525,
2772,
29872,
2033,
13,
13,
13,
1753,
1243,
29918,
657,
29918,
9290,
29916,
15423,
29918,
1989,
29898,
4645,
29892,
6611,
1125,
13,
1678,
4613,
353,
3132,
29889,
657,
11219,
8149,
29914,
915,
267,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29946,
13,
13,
13,
1753,
1243,
29918,
2490,
29918,
265,
29918,
29874,
29918,
1989,
29918,
1333,
29918,
24622,
29898,
4645,
1125,
13,
1678,
4613,
353,
3132,
29889,
2490,
11219,
8149,
29914,
915,
267,
742,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
1495,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29945,
13,
13,
13,
29937,
525,
3258,
263,
1820,
29915,
6987,
13,
1753,
1243,
29918,
3258,
29918,
1482,
29918,
1989,
29898,
4645,
29892,
6611,
1125,
13,
1678,
716,
29918,
1514,
353,
11117,
1989,
2396,
525,
14174,
453,
1061,
742,
525,
1767,
2396,
525,
1625,
29886,
986,
29879,
10827,
13,
1678,
4613,
353,
3132,
29889,
2490,
29898,
13,
4706,
8207,
8149,
742,
13,
4706,
4390,
29922,
1482,
29918,
1514,
29892,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29896,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
338,
8758,
29898,
13713,
29918,
1272,
29892,
9657,
29897,
13,
1678,
363,
413,
297,
6702,
1989,
742,
525,
1124,
29918,
2271,
742,
525,
1767,
29374,
13,
4706,
4974,
413,
297,
4613,
29918,
1272,
13,
1678,
4974,
4613,
29918,
1272,
1839,
1989,
2033,
1275,
716,
29918,
1514,
1839,
1989,
2033,
13,
1678,
4974,
4613,
29918,
1272,
1839,
1767,
2033,
1275,
716,
29918,
1514,
1839,
1767,
2033,
13,
1678,
4974,
4613,
29918,
1272,
1839,
1124,
29918,
2271,
2033,
14352,
29896,
29953,
17531,
1275,
8207,
8149,
29914,
14174,
453,
1061,
29915,
13,
13,
13,
1753,
1243,
29918,
3258,
29918,
20908,
5926,
29918,
1989,
29898,
4645,
29892,
6611,
29892,
788,
29918,
517,
29918,
8149,
1125,
13,
1678,
716,
29918,
1514,
353,
11117,
1989,
2396,
525,
14174,
453,
1061,
742,
525,
1767,
2396,
525,
1625,
29886,
986,
29879,
10827,
13,
1678,
788,
29918,
517,
29918,
8149,
29898,
1482,
29918,
1514,
29889,
8552,
3101,
13,
1678,
4613,
353,
3132,
29889,
2490,
29898,
13,
4706,
8207,
8149,
742,
13,
4706,
4390,
29922,
1482,
29918,
1514,
29892,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
525,
2704,
29915,
297,
4613,
29918,
1272,
13,
1678,
4974,
4613,
29918,
1272,
1839,
2704,
2033,
1275,
376,
6028,
29915,
29873,
1653,
7929,
1820,
313,
14174,
453,
1061,
467,
29908,
13,
13,
13,
1753,
1243,
29918,
3258,
29918,
1482,
29918,
1989,
29918,
27259,
29918,
1989,
29898,
4645,
29892,
6611,
1125,
13,
1678,
716,
29918,
1514,
353,
11117,
1767,
2396,
525,
1625,
29886,
986,
29879,
10827,
13,
1678,
4613,
353,
3132,
29889,
2490,
29898,
13,
4706,
8207,
8149,
742,
13,
4706,
4390,
29922,
1482,
29918,
1514,
29892,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
525,
2704,
29915,
297,
4613,
29918,
1272,
13,
1678,
4974,
4613,
29918,
1272,
1839,
2704,
2033,
1275,
525,
12148,
3867,
278,
4567,
376,
1989,
29908,
3443,
20714,
13,
13,
13,
1753,
1243,
29918,
3258,
29918,
1482,
29918,
1989,
29918,
27259,
29918,
1767,
29898,
4645,
29892,
6611,
1125,
13,
1678,
716,
29918,
1514,
353,
11117,
1989,
2396,
525,
14174,
453,
1061,
10827,
13,
1678,
4613,
353,
3132,
29889,
2490,
29898,
13,
4706,
8207,
8149,
742,
13,
4706,
4390,
29922,
1482,
29918,
1514,
29892,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
525,
2704,
29915,
297,
4613,
29918,
1272,
13,
1678,
4974,
4613,
29918,
1272,
1839,
2704,
2033,
1275,
525,
12148,
3867,
278,
4567,
376,
1767,
29908,
525,
320,
13,
462,
462,
525,
15501,
20714,
13,
13,
13,
29937,
525,
5504,
263,
1820,
29915,
6987,
13,
1753,
1243,
29918,
5504,
29918,
29874,
29918,
1989,
29918,
735,
15423,
29898,
4645,
29892,
6611,
29892,
788,
29918,
517,
29918,
8149,
1125,
13,
1678,
788,
29918,
517,
29918,
8149,
3319,
29915,
1989,
2396,
525,
14174,
453,
1061,
742,
525,
1767,
2396,
525,
1625,
29886,
986,
29879,
29915,
1800,
13,
1678,
2767,
29918,
1767,
353,
11117,
1767,
2396,
6024,
29925,
631,
346,
742,
525,
29950,
442,
2330,
2033,
29913,
13,
1678,
4613,
353,
3132,
29889,
649,
29898,
13,
4706,
8207,
8149,
29914,
14174,
453,
1061,
742,
13,
4706,
4390,
29922,
5504,
29918,
1767,
29892,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29946,
13,
13,
13,
1753,
1243,
29918,
5504,
29918,
29874,
29918,
1989,
29918,
9290,
29916,
15423,
29898,
4645,
29892,
6611,
29892,
788,
29918,
517,
29918,
8149,
1125,
13,
1678,
788,
29918,
517,
29918,
8149,
3319,
29915,
1989,
2396,
525,
14174,
453,
1061,
742,
525,
1767,
2396,
525,
1625,
29886,
986,
29879,
29915,
1800,
13,
1678,
2767,
29918,
1767,
353,
11117,
1767,
2396,
6024,
29925,
631,
346,
742,
525,
29950,
442,
2330,
2033,
29913,
13,
1678,
4613,
353,
3132,
29889,
649,
29898,
13,
4706,
8207,
8149,
29914,
29887,
328,
657,
742,
13,
4706,
4390,
29922,
5504,
29918,
1767,
29892,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29900,
13,
1678,
4613,
29918,
1272,
353,
4613,
29889,
657,
29918,
3126,
580,
13,
1678,
4974,
525,
2704,
29915,
297,
4613,
29918,
1272,
13,
1678,
4974,
4613,
29918,
1272,
1839,
2704,
2033,
1275,
525,
6422,
5229,
6169,
13,
13,
13,
29937,
525,
8143,
263,
1820,
29915,
6987,
13,
1753,
1243,
29918,
8143,
29918,
29874,
29918,
1989,
29918,
735,
15423,
29898,
4645,
29892,
6611,
29892,
788,
29918,
517,
29918,
8149,
1125,
13,
1678,
788,
29918,
517,
29918,
8149,
3319,
29915,
1989,
2396,
525,
14174,
453,
1061,
742,
525,
1767,
2396,
525,
1625,
29886,
986,
29879,
29915,
1800,
13,
1678,
4613,
353,
3132,
29889,
8143,
29898,
13,
4706,
8207,
8149,
29914,
14174,
453,
1061,
742,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29906,
29900,
29946,
13,
13,
13,
1753,
1243,
29918,
8143,
29918,
29874,
29918,
1989,
29918,
9290,
29916,
15423,
29898,
4645,
29892,
6611,
1125,
13,
1678,
4613,
353,
3132,
29889,
8143,
29898,
13,
4706,
8207,
8149,
29914,
14174,
453,
1061,
742,
13,
4706,
2793,
29918,
1853,
2433,
6214,
29914,
3126,
29915,
13,
1678,
1723,
13,
1678,
4974,
4613,
29889,
4882,
29918,
401,
1275,
29871,
29946,
29900,
29946,
13,
2
] |
TSNE/clustering.py | KatherLab/Pathology_Adversarial | 0 | 114995 | <reponame>KatherLab/Pathology_Adversarial
# -*- coding: utf-8 -*-
"""
Created on Tue Jul 13 2021
@author: dcifci
"""
import numpy as np
import seaborn as sns
import pandas as pd
import matplotlib.pyplot as plt
import matplotlib as mpl
from sklearn.manifold import TSNE
from dataclasses import dataclass
from sklearn.decomposition import PCA
@dataclass
class DataClustering():
"""A class for holding clustering objects"""
name_project: str
npy_feature_vectors: str
npy_labels: str
ss_im_names: str
def load_data(self):
self.df = pd.read_csv(self.ss_im_names)
self.X = np.load(self.npy_feature_vectors)
self.y = np.load(self.npy_labels)
def cluster_tSNE(self):
self.load_data()
tsne = TSNE(n_components=2)
X_2d = tsne.fit_transform(self.X)
self.df["labels"] = self.y.T.reshape(-1)
self.df["comp-1"] = X_2d[:,0]
self.df["comp-2"] = X_2d[:,1]
def cluster_PCA_tSNE(self):
self.load_data()
pca = PCA(n_components=50)
pca_result = pca.fit_transform(self.X)
tsne = TSNE(n_components=2, perplexity=5)
X_2d = tsne.fit_transform(pca_result)
self.df["labels"] = self.y.T.reshape(-1)
self.df["comp-1"] = X_2d[:,0]
self.df["comp-2"] = X_2d[:,1]
def plot_scatter(self):
plt.figure(figsize=(16,10))
n_classes = len(self.df["labels"].unique())
sns.scatterplot(x="comp-1", y="comp-2", hue=self.df.labels.tolist(),
palette=sns.color_palette("hls", n_classes),
data=self.df).set(title="T-SNE projection")
#plt.show()
plt.savefig("./out_visuals/out_scatter_dots_" + self.name_project + ".png")
def plot_imgs(self):
fig, ax = plt.subplots()
plt.figure(figsize=(16,10))
x_min = int(self.df["comp-1"].min())
x_max = int(self.df["comp-1"].max())
y_min = int(self.df["comp-2"].min())
y_max = int(self.df["comp-2"].max())
for im in self.df["im_names"]:
with mpl.cbook.get_sample_data(im) as file:
arr_image = plt.imread(file)
ax.set_xlim([x_min-30, x_max+30])
ax.set_ylim([y_min-30, y_max+30])
ax.set_title("t-SNE projection with images")
ax.set_xlabel('comp-1')
ax.set_ylabel('comp-2')
ax.lines = []
#ax.axis("off")
#ax.set_visible(False)
idx = self.df[self.df["im_names"] == im].index.values[0]
x = self.df["comp-1"][idx]
y = self.df["comp-2"][idx]
axin = ax.inset_axes([x,y,2,2],transform=ax.transData)
axin.imshow(arr_image, cmap="gray")
axin.axis("off")
#plt.show()
# fig.set_size_inches(20, 20)
fig.savefig("./out_visuals/out_imgs_" + self.name_project + ".tiff", format="tiff", dpi=1000)
| [
1,
529,
276,
1112,
420,
29958,
29968,
1624,
28632,
29914,
2605,
3002,
29918,
3253,
874,
27521,
13,
29937,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
13,
15945,
29908,
13,
20399,
373,
323,
434,
2739,
29871,
29896,
29941,
29871,
29906,
29900,
29906,
29896,
13,
13,
29992,
8921,
29901,
270,
29883,
361,
455,
13,
15945,
29908,
13,
13,
5215,
12655,
408,
7442,
13,
5215,
409,
370,
1398,
408,
269,
1983,
29871,
13,
5215,
11701,
408,
10518,
13,
5215,
22889,
29889,
2272,
5317,
408,
14770,
13,
5215,
22889,
408,
286,
572,
13,
3166,
2071,
19668,
29889,
1171,
361,
1025,
1053,
323,
29903,
8186,
13,
3166,
848,
13203,
1053,
848,
1990,
13,
3166,
2071,
19668,
29889,
311,
510,
3283,
1053,
349,
5454,
13,
13,
29992,
1272,
1990,
13,
1990,
3630,
6821,
504,
3241,
7295,
13,
1678,
9995,
29909,
770,
363,
13587,
16993,
3241,
3618,
15945,
29908,
13,
1678,
1024,
29918,
4836,
29901,
851,
29871,
13,
1678,
302,
2272,
29918,
14394,
29918,
345,
14359,
29901,
851,
29871,
13,
1678,
302,
2272,
29918,
21134,
29901,
851,
29871,
13,
1678,
17971,
29918,
326,
29918,
7039,
29901,
851,
29871,
13,
268,
13,
268,
13,
1678,
822,
2254,
29918,
1272,
29898,
1311,
1125,
13,
4706,
1583,
29889,
2176,
353,
10518,
29889,
949,
29918,
7638,
29898,
1311,
29889,
893,
29918,
326,
29918,
7039,
29897,
13,
4706,
1583,
29889,
29990,
353,
7442,
29889,
1359,
29898,
1311,
29889,
29876,
2272,
29918,
14394,
29918,
345,
14359,
29897,
13,
4706,
1583,
29889,
29891,
353,
7442,
29889,
1359,
29898,
1311,
29889,
29876,
2272,
29918,
21134,
29897,
13,
268,
13,
1678,
822,
9867,
29918,
29873,
29903,
8186,
29898,
1311,
1125,
13,
4706,
1583,
29889,
1359,
29918,
1272,
580,
13,
4706,
18696,
484,
353,
323,
29903,
8186,
29898,
29876,
29918,
14036,
29922,
29906,
29897,
13,
4706,
1060,
29918,
29906,
29881,
353,
18696,
484,
29889,
9202,
29918,
9067,
29898,
1311,
29889,
29990,
29897,
13,
4706,
1583,
29889,
2176,
3366,
21134,
3108,
353,
1583,
29889,
29891,
29889,
29911,
29889,
690,
14443,
6278,
29896,
29897,
13,
4706,
1583,
29889,
2176,
3366,
2388,
29899,
29896,
3108,
353,
1060,
29918,
29906,
29881,
7503,
29892,
29900,
29962,
13,
4706,
1583,
29889,
2176,
3366,
2388,
29899,
29906,
3108,
353,
1060,
29918,
29906,
29881,
7503,
29892,
29896,
29962,
13,
308,
13,
1678,
822,
9867,
29918,
29925,
5454,
29918,
29873,
29903,
8186,
29898,
1311,
1125,
13,
4706,
1583,
29889,
1359,
29918,
1272,
580,
13,
308,
13,
4706,
282,
1113,
353,
349,
5454,
29898,
29876,
29918,
14036,
29922,
29945,
29900,
29897,
13,
4706,
282,
1113,
29918,
2914,
353,
282,
1113,
29889,
9202,
29918,
9067,
29898,
1311,
29889,
29990,
29897,
13,
308,
13,
4706,
18696,
484,
353,
323,
29903,
8186,
29898,
29876,
29918,
14036,
29922,
29906,
29892,
639,
10709,
537,
29922,
29945,
29897,
13,
4706,
1060,
29918,
29906,
29881,
353,
18696,
484,
29889,
9202,
29918,
9067,
29898,
29886,
1113,
29918,
2914,
29897,
13,
4706,
1583,
29889,
2176,
3366,
21134,
3108,
353,
1583,
29889,
29891,
29889,
29911,
29889,
690,
14443,
6278,
29896,
29897,
13,
4706,
1583,
29889,
2176,
3366,
2388,
29899,
29896,
3108,
353,
1060,
29918,
29906,
29881,
7503,
29892,
29900,
29962,
13,
4706,
1583,
29889,
2176,
3366,
2388,
29899,
29906,
3108,
353,
1060,
29918,
29906,
29881,
7503,
29892,
29896,
29962,
13,
308,
13,
1678,
822,
6492,
29918,
1557,
2620,
29898,
1311,
1125,
13,
4706,
14770,
29889,
4532,
29898,
1003,
2311,
7607,
29896,
29953,
29892,
29896,
29900,
876,
29871,
13,
4706,
302,
29918,
13203,
353,
7431,
29898,
1311,
29889,
2176,
3366,
21134,
16862,
13092,
3101,
13,
4706,
269,
1983,
29889,
1557,
2620,
5317,
29898,
29916,
543,
2388,
29899,
29896,
613,
343,
543,
2388,
29899,
29906,
613,
298,
434,
29922,
1311,
29889,
2176,
29889,
21134,
29889,
25027,
391,
3285,
29871,
13,
462,
4706,
282,
26456,
29922,
29879,
1983,
29889,
2780,
29918,
29886,
26456,
703,
29882,
3137,
613,
302,
29918,
13203,
511,
29871,
13,
462,
4706,
848,
29922,
1311,
29889,
2176,
467,
842,
29898,
3257,
543,
29911,
29899,
29903,
8186,
18246,
1159,
13,
4706,
396,
572,
29873,
29889,
4294,
580,
13,
4706,
14770,
29889,
7620,
1003,
703,
6904,
449,
29918,
20119,
29879,
29914,
449,
29918,
1557,
2620,
29918,
7778,
27508,
718,
1583,
29889,
978,
29918,
4836,
718,
11393,
2732,
1159,
13,
308,
13,
1678,
822,
6492,
29918,
2492,
29879,
29898,
1311,
1125,
13,
4706,
2537,
29892,
4853,
353,
14770,
29889,
1491,
26762,
580,
13,
4706,
14770,
29889,
4532,
29898,
1003,
2311,
7607,
29896,
29953,
29892,
29896,
29900,
876,
13,
4706,
921,
29918,
1195,
353,
938,
29898,
1311,
29889,
2176,
3366,
2388,
29899,
29896,
16862,
1195,
3101,
13,
4706,
921,
29918,
3317,
353,
938,
29898,
1311,
29889,
2176,
3366,
2388,
29899,
29896,
16862,
3317,
3101,
13,
4706,
343,
29918,
1195,
353,
938,
29898,
1311,
29889,
2176,
3366,
2388,
29899,
29906,
16862,
1195,
3101,
13,
4706,
343,
29918,
3317,
353,
938,
29898,
1311,
29889,
2176,
3366,
2388,
29899,
29906,
16862,
3317,
3101,
13,
308,
13,
4706,
363,
527,
297,
1583,
29889,
2176,
3366,
326,
29918,
7039,
3108,
29901,
13,
9651,
411,
286,
572,
29889,
29883,
2909,
29889,
657,
29918,
11249,
29918,
1272,
29898,
326,
29897,
408,
934,
29901,
29871,
13,
18884,
3948,
29918,
3027,
353,
14770,
29889,
326,
949,
29898,
1445,
29897,
13,
632,
13,
9651,
4853,
29889,
842,
29918,
29916,
2576,
4197,
29916,
29918,
1195,
29899,
29941,
29900,
29892,
921,
29918,
3317,
29974,
29941,
29900,
2314,
13,
9651,
4853,
29889,
842,
29918,
29891,
2576,
4197,
29891,
29918,
1195,
29899,
29941,
29900,
29892,
343,
29918,
3317,
29974,
29941,
29900,
2314,
13,
9651,
4853,
29889,
842,
29918,
3257,
703,
29873,
29899,
29903,
8186,
18246,
411,
4558,
1159,
13,
9651,
4853,
29889,
842,
29918,
29916,
1643,
877,
2388,
29899,
29896,
1495,
13,
9651,
4853,
29889,
842,
29918,
29891,
1643,
877,
2388,
29899,
29906,
1495,
29871,
13,
9651,
4853,
29889,
9012,
353,
5159,
29871,
13,
9651,
396,
1165,
29889,
8990,
703,
2696,
1159,
29871,
13,
9651,
396,
1165,
29889,
842,
29918,
12872,
29898,
8824,
29897,
13,
9651,
22645,
353,
1583,
29889,
2176,
29961,
1311,
29889,
2176,
3366,
326,
29918,
7039,
3108,
1275,
527,
1822,
2248,
29889,
5975,
29961,
29900,
29962,
29871,
13,
9651,
921,
353,
1583,
29889,
2176,
3366,
2388,
29899,
29896,
3108,
29961,
13140,
29962,
29871,
13,
9651,
343,
353,
1583,
29889,
2176,
3366,
2388,
29899,
29906,
3108,
29961,
13140,
29962,
29871,
13,
9651,
4853,
262,
353,
4853,
29889,
262,
842,
29918,
1165,
267,
4197,
29916,
29892,
29891,
29892,
29906,
29892,
29906,
1402,
9067,
29922,
1165,
29889,
3286,
1469,
29897,
29871,
13,
9651,
4853,
262,
29889,
326,
4294,
29898,
2749,
29918,
3027,
29892,
274,
1958,
543,
21012,
1159,
29871,
13,
9651,
4853,
262,
29889,
8990,
703,
2696,
1159,
13,
4706,
396,
572,
29873,
29889,
4294,
580,
13,
308,
13,
4706,
396,
2537,
29889,
842,
29918,
2311,
29918,
262,
6609,
29898,
29906,
29900,
29892,
29871,
29906,
29900,
29897,
13,
4706,
2537,
29889,
7620,
1003,
703,
6904,
449,
29918,
20119,
29879,
29914,
449,
29918,
2492,
29879,
27508,
718,
1583,
29889,
978,
29918,
4836,
718,
11393,
29873,
2593,
613,
3402,
543,
29873,
2593,
613,
270,
1631,
29922,
29896,
29900,
29900,
29900,
29897,
13,
308,
13,
268,
2
] |
src/citycode.py | masaminh/weatherapi | 0 | 170616 | """市町村コード関係の関数群."""
from collections import namedtuple
Urls = namedtuple('Urls', 'hourly')
def get_cityname(code):
"""市町村名を取得する.
Arguments:
code {str} -- 市町村コード
Returns:
str -- 市町村名
"""
if code != '01101':
return None
return "札幌市中央区"
def get_tenkijp_urls(code):
"""tenki.jpのurlを取得する.
Arguments:
code {str} -- 市町村コード
Returns:
Urls -- tenki.jpのURL情報
"""
if code != '01101':
return None
urls = Urls(
hourly='https://tenki.jp/forecast/1/2/1400/1101/1hour.html')
return urls
def get_weathernews_urls(code):
"""weathernewsのurlを取得する.
Arguments:
code {str} -- 市町村コード
Returns:
Urls -- weathernewsのURL情報
"""
if code != '01101':
return None
urls = Urls(
hourly='https://weathernews.jp/onebox/tenki/hokkaido/01101/')
return urls
| [
1,
9995,
30461,
30829,
30402,
30459,
30185,
30335,
31606,
231,
194,
133,
30199,
31606,
30354,
31829,
1213,
15945,
13,
13,
3166,
16250,
1053,
4257,
23583,
13,
13,
5983,
29879,
353,
4257,
23583,
877,
5983,
29879,
742,
525,
18721,
368,
1495,
13,
13,
13,
1753,
679,
29918,
12690,
978,
29898,
401,
1125,
13,
1678,
9995,
30461,
30829,
30402,
30548,
30396,
30683,
31050,
30427,
30332,
29889,
13,
13,
1678,
11842,
9331,
29901,
13,
4706,
775,
426,
710,
29913,
1192,
29871,
30461,
30829,
30402,
30459,
30185,
30335,
13,
13,
1678,
16969,
29901,
13,
4706,
851,
1192,
29871,
30461,
30829,
30402,
30548,
13,
13,
1678,
9995,
13,
1678,
565,
775,
2804,
525,
29900,
29896,
29896,
29900,
29896,
2396,
13,
4706,
736,
6213,
13,
13,
1678,
736,
376,
233,
159,
176,
232,
188,
143,
30461,
30275,
232,
167,
177,
30467,
29908,
13,
13,
13,
1753,
679,
29918,
841,
29895,
823,
29886,
29918,
26045,
29898,
401,
1125,
13,
1678,
9995,
841,
1984,
29889,
16865,
30199,
2271,
30396,
30683,
31050,
30427,
30332,
29889,
13,
13,
1678,
11842,
9331,
29901,
13,
4706,
775,
426,
710,
29913,
1192,
29871,
30461,
30829,
30402,
30459,
30185,
30335,
13,
13,
1678,
16969,
29901,
13,
4706,
501,
2096,
29879,
1192,
3006,
1984,
29889,
16865,
30199,
4219,
30993,
31519,
13,
13,
1678,
9995,
13,
1678,
565,
775,
2804,
525,
29900,
29896,
29896,
29900,
29896,
2396,
13,
4706,
736,
6213,
13,
13,
1678,
23942,
353,
501,
2096,
29879,
29898,
13,
4706,
7234,
368,
2433,
991,
597,
841,
1984,
29889,
16865,
29914,
1079,
4384,
29914,
29896,
29914,
29906,
29914,
29896,
29946,
29900,
29900,
29914,
29896,
29896,
29900,
29896,
29914,
29896,
18721,
29889,
1420,
1495,
13,
1678,
736,
23942,
13,
13,
13,
1753,
679,
29918,
705,
1624,
15753,
29918,
26045,
29898,
401,
1125,
13,
1678,
9995,
705,
1624,
15753,
30199,
2271,
30396,
30683,
31050,
30427,
30332,
29889,
13,
13,
1678,
11842,
9331,
29901,
13,
4706,
775,
426,
710,
29913,
1192,
29871,
30461,
30829,
30402,
30459,
30185,
30335,
13,
13,
1678,
16969,
29901,
13,
4706,
501,
2096,
29879,
1192,
14826,
15753,
30199,
4219,
30993,
31519,
13,
13,
1678,
9995,
13,
1678,
565,
775,
2804,
525,
29900,
29896,
29896,
29900,
29896,
2396,
13,
4706,
736,
6213,
13,
13,
1678,
23942,
353,
501,
2096,
29879,
29898,
13,
4706,
7234,
368,
2433,
991,
597,
705,
1624,
15753,
29889,
16865,
29914,
650,
1884,
29914,
841,
1984,
29914,
29882,
554,
1335,
1941,
29914,
29900,
29896,
29896,
29900,
29896,
29914,
1495,
13,
1678,
736,
23942,
13,
2
] |
main.py | chillum1718/EffcientNetV2 | 0 | 3054 | <filename>main.py
import argparse
import csv
import os
import torch
import tqdm
from torch import distributed
from torch.utils import data
from torchvision import datasets
from torchvision import transforms
from nets import nn
from utils import util
data_dir = os.path.join('..', 'Dataset', 'IMAGENET')
def batch(images, target, model, criterion=None):
images = images.cuda()
target = target.cuda()
if criterion:
with torch.cuda.amp.autocast():
loss = criterion(model(images), target)
return loss
else:
return util.accuracy(model(images), target, top_k=(1, 5))
def train(args):
epochs = 350
batch_size = 288
util.set_seeds(args.rank)
model = nn.EfficientNet().cuda()
lr = batch_size * torch.cuda.device_count() * 0.256 / 4096
optimizer = nn.RMSprop(util.add_weight_decay(model), lr, 0.9, 1e-3, momentum=0.9)
ema = nn.EMA(model)
if args.distributed:
model = torch.nn.parallel.DistributedDataParallel(model, device_ids=[args.local_rank])
else:
model = torch.nn.DataParallel(model)
criterion = nn.CrossEntropyLoss().cuda()
normalize = transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225])
dataset = datasets.ImageFolder(os.path.join(data_dir, 'train'),
transforms.Compose([util.RandomResize(),
transforms.ColorJitter(0.4, 0.4, 0.4),
transforms.RandomHorizontalFlip(),
util.RandomAugment(),
transforms.ToTensor(), normalize]))
if args.distributed:
sampler = torch.utils.data.distributed.DistributedSampler(dataset)
else:
sampler = None
loader = data.DataLoader(dataset, batch_size, sampler=sampler, num_workers=8, pin_memory=True)
scheduler = nn.StepLR(optimizer)
amp_scale = torch.cuda.amp.GradScaler()
with open(f'weights/{scheduler.__str__()}.csv', 'w') as f:
if args.local_rank == 0:
writer = csv.DictWriter(f, fieldnames=['epoch', 'acc@1', 'acc@5'])
writer.writeheader()
best_acc1 = 0
for epoch in range(0, epochs):
if args.distributed:
sampler.set_epoch(epoch)
if args.local_rank == 0:
print(('\n' + '%10s' * 2) % ('epoch', 'loss'))
bar = tqdm.tqdm(loader, total=len(loader))
else:
bar = loader
model.train()
for images, target in bar:
loss = batch(images, target, model, criterion)
optimizer.zero_grad()
amp_scale.scale(loss).backward()
amp_scale.step(optimizer)
amp_scale.update()
ema.update(model)
torch.cuda.synchronize()
if args.local_rank == 0:
bar.set_description(('%10s' + '%10.4g') % ('%g/%g' % (epoch + 1, epochs), loss))
scheduler.step(epoch + 1)
if args.local_rank == 0:
acc1, acc5 = test(ema.model.eval())
writer.writerow({'acc@1': str(f'{acc1:.3f}'),
'acc@5': str(f'{acc5:.3f}'),
'epoch': str(epoch + 1).zfill(3)})
util.save_checkpoint({'state_dict': ema.model.state_dict()}, acc1 > best_acc1)
best_acc1 = max(acc1, best_acc1)
if args.distributed:
torch.distributed.destroy_process_group()
torch.cuda.empty_cache()
def test(model=None):
if model is None:
model = nn.EfficientNet()
model.load_state_dict(torch.load('weights/best.pt', 'cpu')['state_dict'])
model = model.cuda()
model.eval()
normalize = transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225])
dataset = datasets.ImageFolder(os.path.join(data_dir, 'val'),
transforms.Compose([transforms.Resize(416),
transforms.CenterCrop(384),
transforms.ToTensor(), normalize]))
loader = data.DataLoader(dataset, 48, num_workers=os.cpu_count(), pin_memory=True)
top1 = util.AverageMeter()
top5 = util.AverageMeter()
with torch.no_grad():
for images, target in tqdm.tqdm(loader, ('%10s' * 2) % ('acc@1', 'acc@5')):
acc1, acc5 = batch(images, target, model)
torch.cuda.synchronize()
top1.update(acc1.item(), images.size(0))
top5.update(acc5.item(), images.size(0))
acc1, acc5 = top1.avg, top5.avg
print('%10.3g' * 2 % (acc1, acc5))
if model is None:
torch.cuda.empty_cache()
else:
return acc1, acc5
def print_parameters():
model = nn.EfficientNet().eval()
_ = model(torch.zeros(1, 3, 224, 224))
params = sum(p.numel() for p in model.parameters())
print(f'Number of parameters: {int(params)}')
def benchmark():
shape = (1, 3, 384, 384)
util.torch2onnx(nn.EfficientNet().export().eval(), shape)
util.onnx2caffe()
util.print_benchmark(shape)
def main():
# python -m torch.distributed.launch --nproc_per_node=3 main.py --train
parser = argparse.ArgumentParser()
parser.add_argument("--local_rank", default=0, type=int)
parser.add_argument('--benchmark', action='store_true')
parser.add_argument('--train', action='store_true')
parser.add_argument('--test', action='store_true')
args = parser.parse_args()
args.distributed = False
args.rank = 0
if 'WORLD_SIZE' in os.environ:
args.distributed = int(os.environ['WORLD_SIZE']) > 1
if args.distributed:
torch.cuda.set_device(args.local_rank)
torch.distributed.init_process_group(backend='nccl', init_method='env://')
args.rank = torch.distributed.get_rank()
if args.local_rank == 0:
if not os.path.exists('weights'):
os.makedirs('weights')
if args.local_rank == 0:
print_parameters()
if args.benchmark:
benchmark()
if args.train:
train(args)
if args.test:
test()
if __name__ == '__main__':
main()
| [
1,
529,
9507,
29958,
3396,
29889,
2272,
13,
5215,
1852,
5510,
13,
5215,
11799,
13,
5215,
2897,
13,
13,
5215,
4842,
305,
13,
5215,
260,
29939,
18933,
13,
3166,
4842,
305,
1053,
13235,
13,
3166,
4842,
305,
29889,
13239,
1053,
848,
13,
3166,
4842,
305,
4924,
1053,
20035,
13,
3166,
4842,
305,
4924,
1053,
4327,
29879,
13,
13,
3166,
302,
1691,
1053,
302,
29876,
13,
3166,
3667,
29879,
1053,
3667,
13,
13,
1272,
29918,
3972,
353,
2897,
29889,
2084,
29889,
7122,
877,
636,
742,
525,
16390,
24541,
742,
525,
2260,
24647,
2544,
1495,
13,
13,
13,
1753,
9853,
29898,
8346,
29892,
3646,
29892,
1904,
29892,
28770,
291,
29922,
8516,
1125,
13,
1678,
4558,
353,
4558,
29889,
29883,
6191,
580,
13,
1678,
3646,
353,
3646,
29889,
29883,
6191,
580,
13,
1678,
565,
28770,
291,
29901,
13,
4706,
411,
4842,
305,
29889,
29883,
6191,
29889,
1160,
29889,
1300,
542,
579,
7295,
13,
9651,
6410,
353,
28770,
291,
29898,
4299,
29898,
8346,
511,
3646,
29897,
13,
4706,
736,
6410,
13,
1678,
1683,
29901,
13,
4706,
736,
3667,
29889,
562,
2764,
4135,
29898,
4299,
29898,
8346,
511,
3646,
29892,
2246,
29918,
29895,
7607,
29896,
29892,
29871,
29945,
876,
13,
13,
13,
1753,
7945,
29898,
5085,
1125,
13,
1678,
21502,
12168,
353,
29871,
29941,
29945,
29900,
13,
1678,
9853,
29918,
2311,
353,
29871,
29906,
29947,
29947,
13,
1678,
3667,
29889,
842,
29918,
344,
5779,
29898,
5085,
29889,
10003,
29897,
13,
1678,
1904,
353,
302,
29876,
29889,
29923,
4543,
6779,
2141,
29883,
6191,
580,
13,
1678,
301,
29878,
353,
9853,
29918,
2311,
334,
4842,
305,
29889,
29883,
6191,
29889,
10141,
29918,
2798,
580,
334,
29871,
29900,
29889,
29906,
29945,
29953,
847,
29871,
29946,
29900,
29929,
29953,
13,
1678,
5994,
3950,
353,
302,
29876,
29889,
29934,
4345,
7728,
29898,
4422,
29889,
1202,
29918,
7915,
29918,
7099,
388,
29898,
4299,
511,
301,
29878,
29892,
29871,
29900,
29889,
29929,
29892,
29871,
29896,
29872,
29899,
29941,
29892,
19399,
29922,
29900,
29889,
29929,
29897,
13,
1678,
321,
655,
353,
302,
29876,
29889,
26862,
29898,
4299,
29897,
13,
13,
1678,
565,
6389,
29889,
5721,
7541,
29901,
13,
4706,
1904,
353,
4842,
305,
29889,
15755,
29889,
23482,
29889,
13398,
7541,
1469,
2177,
6553,
29898,
4299,
29892,
4742,
29918,
4841,
11759,
5085,
29889,
2997,
29918,
10003,
2314,
13,
1678,
1683,
29901,
13,
4706,
1904,
353,
4842,
305,
29889,
15755,
29889,
1469,
2177,
6553,
29898,
4299,
29897,
13,
1678,
28770,
291,
353,
302,
29876,
29889,
29907,
2124,
5292,
14441,
29931,
2209,
2141,
29883,
6191,
580,
13,
1678,
4226,
675,
353,
4327,
29879,
29889,
19077,
675,
29898,
12676,
11759,
29900,
29889,
29946,
29947,
29945,
29892,
29871,
29900,
29889,
29946,
29945,
29953,
29892,
29871,
29900,
29889,
29946,
29900,
29953,
1402,
3659,
11759,
29900,
29889,
29906,
29906,
29929,
29892,
29871,
29900,
29889,
29906,
29906,
29946,
29892,
29871,
29900,
29889,
29906,
29906,
29945,
2314,
13,
13,
1678,
8783,
353,
20035,
29889,
2940,
12924,
29898,
359,
29889,
2084,
29889,
7122,
29898,
1272,
29918,
3972,
29892,
525,
14968,
5477,
13,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
4422,
29889,
17875,
1666,
675,
3285,
13,
462,
462,
462,
539,
4327,
29879,
29889,
3306,
29967,
5171,
29898,
29900,
29889,
29946,
29892,
29871,
29900,
29889,
29946,
29892,
29871,
29900,
29889,
29946,
511,
13,
462,
462,
462,
539,
4327,
29879,
29889,
17875,
24932,
29943,
3466,
3285,
13,
462,
462,
462,
539,
3667,
29889,
17875,
29909,
688,
358,
3285,
13,
462,
462,
462,
539,
4327,
29879,
29889,
1762,
29911,
6073,
3285,
4226,
675,
12622,
13,
1678,
565,
6389,
29889,
5721,
7541,
29901,
13,
4706,
3514,
20069,
353,
4842,
305,
29889,
13239,
29889,
1272,
29889,
5721,
7541,
29889,
13398,
7541,
22966,
20069,
29898,
24713,
29897,
13,
1678,
1683,
29901,
13,
4706,
3514,
20069,
353,
6213,
13,
13,
1678,
23466,
353,
848,
29889,
1469,
10036,
29898,
24713,
29892,
9853,
29918,
2311,
29892,
3514,
20069,
29922,
13445,
20069,
29892,
954,
29918,
1287,
414,
29922,
29947,
29892,
12534,
29918,
14834,
29922,
5574,
29897,
13,
13,
1678,
1364,
14952,
353,
302,
29876,
29889,
14448,
29519,
29898,
20640,
3950,
29897,
13,
1678,
21332,
29918,
7052,
353,
4842,
305,
29889,
29883,
6191,
29889,
1160,
29889,
25584,
29636,
261,
580,
13,
1678,
411,
1722,
29898,
29888,
29915,
705,
5861,
19248,
816,
14952,
17255,
710,
1649,
580,
1836,
7638,
742,
525,
29893,
1495,
408,
285,
29901,
13,
4706,
565,
6389,
29889,
2997,
29918,
10003,
1275,
29871,
29900,
29901,
13,
9651,
9227,
353,
11799,
29889,
21533,
10507,
29898,
29888,
29892,
1746,
7039,
29922,
1839,
1022,
2878,
742,
525,
5753,
29992,
29896,
742,
525,
5753,
29992,
29945,
11287,
13,
9651,
9227,
29889,
3539,
6672,
580,
13,
4706,
1900,
29918,
5753,
29896,
353,
29871,
29900,
13,
4706,
363,
21502,
305,
297,
3464,
29898,
29900,
29892,
21502,
12168,
1125,
13,
9651,
565,
6389,
29889,
5721,
7541,
29901,
13,
18884,
3514,
20069,
29889,
842,
29918,
1022,
2878,
29898,
1022,
2878,
29897,
13,
9651,
565,
6389,
29889,
2997,
29918,
10003,
1275,
29871,
29900,
29901,
13,
18884,
1596,
29898,
28909,
29876,
29915,
718,
14210,
29896,
29900,
29879,
29915,
334,
29871,
29906,
29897,
1273,
6702,
1022,
2878,
742,
525,
6758,
8785,
13,
18884,
2594,
353,
260,
29939,
18933,
29889,
29873,
29939,
18933,
29898,
12657,
29892,
3001,
29922,
2435,
29898,
12657,
876,
13,
9651,
1683,
29901,
13,
18884,
2594,
353,
23466,
13,
9651,
1904,
29889,
14968,
580,
13,
9651,
363,
4558,
29892,
3646,
297,
2594,
29901,
13,
18884,
6410,
353,
9853,
29898,
8346,
29892,
3646,
29892,
1904,
29892,
28770,
291,
29897,
13,
18884,
5994,
3950,
29889,
9171,
29918,
5105,
580,
13,
18884,
21332,
29918,
7052,
29889,
7052,
29898,
6758,
467,
1627,
1328,
580,
13,
18884,
21332,
29918,
7052,
29889,
10568,
29898,
20640,
3950,
29897,
13,
18884,
21332,
29918,
7052,
29889,
5504,
580,
13,
13,
18884,
321,
655,
29889,
5504,
29898,
4299,
29897,
13,
18884,
4842,
305,
29889,
29883,
6191,
29889,
29879,
9524,
675,
580,
13,
18884,
565,
6389,
29889,
2997,
29918,
10003,
1275,
29871,
29900,
29901,
13,
462,
1678,
2594,
29889,
842,
29918,
8216,
29898,
877,
29995,
29896,
29900,
29879,
29915,
718,
14210,
29896,
29900,
29889,
29946,
29887,
1495,
1273,
6702,
29995,
29887,
22584,
29887,
29915,
1273,
313,
1022,
2878,
718,
29871,
29896,
29892,
21502,
12168,
511,
6410,
876,
13,
13,
9651,
1364,
14952,
29889,
10568,
29898,
1022,
2878,
718,
29871,
29896,
29897,
13,
9651,
565,
6389,
29889,
2997,
29918,
10003,
1275,
29871,
29900,
29901,
13,
18884,
1035,
29896,
29892,
1035,
29945,
353,
1243,
29898,
2603,
29889,
4299,
29889,
14513,
3101,
13,
18884,
9227,
29889,
13236,
340,
3319,
29915,
5753,
29992,
29896,
2396,
851,
29898,
29888,
29915,
29912,
5753,
29896,
29901,
29889,
29941,
29888,
29913,
5477,
13,
462,
462,
525,
5753,
29992,
29945,
2396,
851,
29898,
29888,
29915,
29912,
5753,
29945,
29901,
29889,
29941,
29888,
29913,
5477,
13,
462,
462,
525,
1022,
2878,
2396,
851,
29898,
1022,
2878,
718,
29871,
29896,
467,
29920,
5589,
29898,
29941,
26972,
13,
18884,
3667,
29889,
7620,
29918,
3198,
3149,
3319,
29915,
3859,
29918,
8977,
2396,
321,
655,
29889,
4299,
29889,
3859,
29918,
8977,
580,
1118,
1035,
29896,
1405,
1900,
29918,
5753,
29896,
29897,
13,
18884,
1900,
29918,
5753,
29896,
353,
4236,
29898,
5753,
29896,
29892,
1900,
29918,
5753,
29896,
29897,
13,
1678,
565,
6389,
29889,
5721,
7541,
29901,
13,
4706,
4842,
305,
29889,
5721,
7541,
29889,
20524,
29918,
5014,
29918,
2972,
580,
13,
1678,
4842,
305,
29889,
29883,
6191,
29889,
6310,
29918,
8173,
580,
13,
13,
13,
1753,
1243,
29898,
4299,
29922,
8516,
1125,
13,
1678,
565,
1904,
338,
6213,
29901,
13,
4706,
1904,
353,
302,
29876,
29889,
29923,
4543,
6779,
580,
13,
4706,
1904,
29889,
1359,
29918,
3859,
29918,
8977,
29898,
7345,
305,
29889,
1359,
877,
705,
5861,
29914,
13318,
29889,
415,
742,
525,
21970,
1495,
1839,
3859,
29918,
8977,
11287,
13,
4706,
1904,
353,
1904,
29889,
29883,
6191,
580,
13,
4706,
1904,
29889,
14513,
580,
13,
13,
1678,
4226,
675,
353,
4327,
29879,
29889,
19077,
675,
29898,
12676,
11759,
29900,
29889,
29946,
29947,
29945,
29892,
29871,
29900,
29889,
29946,
29945,
29953,
29892,
29871,
29900,
29889,
29946,
29900,
29953,
1402,
3659,
11759,
29900,
29889,
29906,
29906,
29929,
29892,
29871,
29900,
29889,
29906,
29906,
29946,
29892,
29871,
29900,
29889,
29906,
29906,
29945,
2314,
13,
13,
1678,
8783,
353,
20035,
29889,
2940,
12924,
29898,
359,
29889,
2084,
29889,
7122,
29898,
1272,
29918,
3972,
29892,
525,
791,
5477,
13,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9067,
29879,
29889,
1666,
675,
29898,
29946,
29896,
29953,
511,
13,
462,
462,
462,
539,
4327,
29879,
29889,
13409,
29907,
1336,
29898,
29941,
29947,
29946,
511,
13,
462,
462,
462,
539,
4327,
29879,
29889,
1762,
29911,
6073,
3285,
4226,
675,
12622,
13,
13,
1678,
23466,
353,
848,
29889,
1469,
10036,
29898,
24713,
29892,
29871,
29946,
29947,
29892,
954,
29918,
1287,
414,
29922,
359,
29889,
21970,
29918,
2798,
3285,
12534,
29918,
14834,
29922,
5574,
29897,
13,
1678,
2246,
29896,
353,
3667,
29889,
29909,
19698,
29924,
1308,
580,
13,
1678,
2246,
29945,
353,
3667,
29889,
29909,
19698,
29924,
1308,
580,
13,
1678,
411,
4842,
305,
29889,
1217,
29918,
5105,
7295,
13,
4706,
363,
4558,
29892,
3646,
297,
260,
29939,
18933,
29889,
29873,
29939,
18933,
29898,
12657,
29892,
6702,
29995,
29896,
29900,
29879,
29915,
334,
29871,
29906,
29897,
1273,
6702,
5753,
29992,
29896,
742,
525,
5753,
29992,
29945,
8785,
29901,
13,
9651,
1035,
29896,
29892,
1035,
29945,
353,
9853,
29898,
8346,
29892,
3646,
29892,
1904,
29897,
13,
9651,
4842,
305,
29889,
29883,
6191,
29889,
29879,
9524,
675,
580,
13,
9651,
2246,
29896,
29889,
5504,
29898,
5753,
29896,
29889,
667,
3285,
4558,
29889,
2311,
29898,
29900,
876,
13,
9651,
2246,
29945,
29889,
5504,
29898,
5753,
29945,
29889,
667,
3285,
4558,
29889,
2311,
29898,
29900,
876,
13,
4706,
1035,
29896,
29892,
1035,
29945,
353,
2246,
29896,
29889,
485,
29887,
29892,
2246,
29945,
29889,
485,
29887,
13,
4706,
1596,
877,
29995,
29896,
29900,
29889,
29941,
29887,
29915,
334,
29871,
29906,
1273,
313,
5753,
29896,
29892,
1035,
29945,
876,
13,
1678,
565,
1904,
338,
6213,
29901,
13,
4706,
4842,
305,
29889,
29883,
6191,
29889,
6310,
29918,
8173,
580,
13,
1678,
1683,
29901,
13,
4706,
736,
1035,
29896,
29892,
1035,
29945,
13,
13,
13,
1753,
1596,
29918,
16744,
7295,
13,
1678,
1904,
353,
302,
29876,
29889,
29923,
4543,
6779,
2141,
14513,
580,
13,
1678,
903,
353,
1904,
29898,
7345,
305,
29889,
3298,
359,
29898,
29896,
29892,
29871,
29941,
29892,
29871,
29906,
29906,
29946,
29892,
29871,
29906,
29906,
29946,
876,
13,
1678,
8636,
353,
2533,
29898,
29886,
29889,
1949,
295,
580,
363,
282,
297,
1904,
29889,
16744,
3101,
13,
1678,
1596,
29898,
29888,
29915,
4557,
310,
4128,
29901,
426,
524,
29898,
7529,
2915,
1495,
13,
13,
13,
1753,
23513,
7295,
13,
1678,
8267,
353,
313,
29896,
29892,
29871,
29941,
29892,
29871,
29941,
29947,
29946,
29892,
29871,
29941,
29947,
29946,
29897,
13,
1678,
3667,
29889,
7345,
305,
29906,
3409,
29916,
29898,
15755,
29889,
29923,
4543,
6779,
2141,
15843,
2141,
14513,
3285,
8267,
29897,
13,
1678,
3667,
29889,
3409,
29916,
29906,
1113,
17615,
580,
13,
1678,
3667,
29889,
2158,
29918,
1785,
16580,
29898,
12181,
29897,
13,
13,
13,
1753,
1667,
7295,
13,
1678,
396,
3017,
448,
29885,
4842,
305,
29889,
5721,
7541,
29889,
15343,
1192,
29876,
15439,
29918,
546,
29918,
3177,
29922,
29941,
1667,
29889,
2272,
1192,
14968,
13,
1678,
13812,
353,
1852,
5510,
29889,
15730,
11726,
580,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
489,
2997,
29918,
10003,
613,
2322,
29922,
29900,
29892,
1134,
29922,
524,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
489,
1785,
16580,
742,
3158,
2433,
8899,
29918,
3009,
1495,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
489,
14968,
742,
3158,
2433,
8899,
29918,
3009,
1495,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
489,
1688,
742,
3158,
2433,
8899,
29918,
3009,
1495,
13,
13,
1678,
6389,
353,
13812,
29889,
5510,
29918,
5085,
580,
13,
1678,
6389,
29889,
5721,
7541,
353,
7700,
13,
1678,
6389,
29889,
10003,
353,
29871,
29900,
13,
1678,
565,
525,
11686,
10249,
29918,
14226,
29915,
297,
2897,
29889,
21813,
29901,
13,
4706,
6389,
29889,
5721,
7541,
353,
938,
29898,
359,
29889,
21813,
1839,
11686,
10249,
29918,
14226,
11287,
1405,
29871,
29896,
13,
1678,
565,
6389,
29889,
5721,
7541,
29901,
13,
4706,
4842,
305,
29889,
29883,
6191,
29889,
842,
29918,
10141,
29898,
5085,
29889,
2997,
29918,
10003,
29897,
13,
4706,
4842,
305,
29889,
5721,
7541,
29889,
2344,
29918,
5014,
29918,
2972,
29898,
27852,
2433,
29876,
617,
29880,
742,
2069,
29918,
5696,
2433,
6272,
597,
1495,
13,
4706,
6389,
29889,
10003,
353,
4842,
305,
29889,
5721,
7541,
29889,
657,
29918,
10003,
580,
13,
1678,
565,
6389,
29889,
2997,
29918,
10003,
1275,
29871,
29900,
29901,
13,
4706,
565,
451,
2897,
29889,
2084,
29889,
9933,
877,
705,
5861,
29374,
13,
9651,
2897,
29889,
29885,
12535,
12935,
877,
705,
5861,
1495,
13,
1678,
565,
6389,
29889,
2997,
29918,
10003,
1275,
29871,
29900,
29901,
13,
4706,
1596,
29918,
16744,
580,
13,
1678,
565,
6389,
29889,
1785,
16580,
29901,
13,
4706,
23513,
580,
13,
1678,
565,
6389,
29889,
14968,
29901,
13,
4706,
7945,
29898,
5085,
29897,
13,
1678,
565,
6389,
29889,
1688,
29901,
13,
4706,
1243,
580,
13,
13,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
13,
1678,
1667,
580,
13,
2
] |
test/functional/test-framework/storage_devices/disk.py | josehu07/open-cas-linux-mf | 2 | 85835 | <filename>test/functional/test-framework/storage_devices/disk.py
#
# Copyright(c) 2019-2020 Intel Corporation
# SPDX-License-Identifier: BSD-3-Clause-Clear
#
import itertools
from enum import IntEnum
from test_utils import disk_finder
from test_utils.output import CmdException
from test_utils.size import Unit
from test_tools import disk_utils, fs_utils
from storage_devices.device import Device
from datetime import timedelta
from test_utils.os_utils import wait
from core.test_run import TestRun
import json
import re
class DiskType(IntEnum):
hdd = 0
hdd4k = 1
sata = 2
nand = 3
optane = 4
class DiskTypeSetBase:
def resolved(self):
raise NotImplementedError()
def types(self):
raise NotImplementedError()
def json(self):
return json.dumps({
"type": "set",
"values": [t.name for t in self.types()]
})
def __lt__(self, other):
return min(self.types()) < min(other.types())
def __le__(self, other):
return min(self.types()) <= min(other.types())
def __eq__(self, other):
return min(self.types()) == min(other.types())
def __ne__(self, other):
return min(self.types()) != min(other.types())
def __gt__(self, other):
return min(self.types()) > min(other.types())
def __ge__(self, other):
return min(self.types()) >= min(other.types())
class DiskTypeSet(DiskTypeSetBase):
def __init__(self, *args):
self.__types = set(*args)
def resolved(self):
return True
def types(self):
return self.__types
class DiskTypeLowerThan(DiskTypeSetBase):
def __init__(self, disk_name):
self.__disk_name = disk_name
def resolved(self):
return self.__disk_name in TestRun.disks
def types(self):
if not self.resolved():
raise LookupError("Disk type not resolved!")
disk_type = TestRun.disks[self.__disk_name].disk_type
return set(filter(lambda d: d < disk_type, [*DiskType]))
def json(self):
return json.dumps({
"type": "operator",
"name": "lt",
"args": [self.__disk_name]
})
class Disk(Device):
def __init__(
self,
path,
disk_type: DiskType,
serial_number,
block_size,
):
Device.__init__(self, path)
self.device_name = path.split('/')[-1]
self.serial_number = serial_number
self.block_size = Unit(block_size)
self.disk_type = disk_type
self.partitions = []
def create_partitions(
self,
sizes: [],
partition_table_type=disk_utils.PartitionTable.gpt):
disk_utils.create_partitions(self, sizes, partition_table_type)
def umount_all_partitions(self):
TestRun.LOGGER.info(
f"Umounting all partitions from: {self.system_path}")
cmd = f'umount -l {self.system_path}*?'
TestRun.executor.run(cmd)
def remove_partitions(self):
for part in self.partitions:
if part.is_mounted():
part.unmount()
if disk_utils.remove_partitions(self):
self.partitions.clear()
def is_detected(self):
if self.serial_number:
serial_numbers = disk_finder.get_all_serial_numbers()
if self.serial_number not in serial_numbers:
return False
else:
self.device_name = serial_numbers[self.serial_number]
self.system_path = f"/dev/{self.device_name}"
for part in self.partitions:
part.system_path = disk_utils.get_partition_path(
part.parent_device.system_path, part.number)
return True
elif self.system_path:
output = fs_utils.ls_item(f"{self.system_path}")
return fs_utils.parse_ls_output(output)[0] is not None
raise Exception("Couldn't check if device is detected by the system")
def wait_for_plug_status(self, should_be_visible):
if not wait(lambda: should_be_visible == self.is_detected(),
timedelta(minutes=1),
timedelta(seconds=1)):
raise Exception(f"Timeout occurred while tying to "
f"{'plug' if should_be_visible else 'unplug'} disk.")
def plug(self):
if self.is_detected():
return
self.execute_plug_command()
self.wait_for_plug_status(True)
def unplug(self):
if not self.is_detected():
return
if not self.device_name:
raise Exception("Couldn't unplug disk without disk id in /dev/.")
self.execute_unplug_command()
self.wait_for_plug_status(False)
if self.serial_number:
self.device_name = None
@staticmethod
def plug_all_disks():
TestRun.executor.run_expect_success(NvmeDisk.plug_all_command)
TestRun.executor.run_expect_success(SataDisk.plug_all_command)
def __str__(self):
disk_str = f'system path: {self.system_path}, type: {self.disk_type}, ' \
f'serial: {self.serial_number}, size: {self.size}, ' \
f'block size: {self.block_size}, partitions:\n'
for part in self.partitions:
disk_str += f'\t{part}'
return disk_str
@staticmethod
def create_disk(path,
disk_type: DiskType,
serial_number,
block_size):
if disk_type is DiskType.nand or disk_type is DiskType.optane:
return NvmeDisk(path, disk_type, serial_number, block_size)
else:
return SataDisk(path, disk_type, serial_number, block_size)
class NvmeDisk(Disk):
plug_all_command = "echo 1 > /sys/bus/pci/rescan"
def __init__(self, path, disk_type, serial_number, block_size):
Disk.__init__(self, path, disk_type, serial_number, block_size)
def execute_plug_command(self):
TestRun.executor.run_expect_success(NvmeDisk.plug_all_command)
def execute_unplug_command(self):
if TestRun.executor.run(
f"echo 1 > /sys/block/{self.device_name}/device/remove").exit_code != 0:
output = TestRun.executor.run(
f"echo 1 > /sys/block/{self.device_name}/device/device/remove")
if output.exit_code != 0:
raise CmdException(f"Failed to unplug PCI disk using sysfs.", output)
class SataDisk(Disk):
plug_all_command = "for i in $(find -H /sys/devices/ -path '*/scsi_host/*/scan' -type f); " \
"do echo '- - -' > $i; done;"
def __init__(self, path, disk_type, serial_number, block_size):
self.plug_command = SataDisk.plug_all_command
Disk.__init__(self, path, disk_type, serial_number, block_size)
def execute_plug_command(self):
TestRun.executor.run_expect_success(self.plug_command)
def execute_unplug_command(self):
TestRun.executor.run_expect_success(
f"echo 1 > {self.get_sysfs_properties(self.device_name).full_path}/device/delete")
def get_sysfs_properties(self, device_name):
ls_command = f"$(find -H /sys/devices/ -name {device_name} -type d)"
output = fs_utils.ls_item(f"{ls_command}")
sysfs_addr = fs_utils.parse_ls_output(output)[0]
if not sysfs_addr:
raise Exception(f"Failed to find sysfs address: ls -l {ls_command}")
dirs = sysfs_addr.full_path.split('/')
scsi_address = dirs[-3]
matches = re.search(
r"^(?P<controller>\d+)[-:](?P<port>\d+)[-:](?P<target>\d+)[-:](?P<lun>\d+)$",
scsi_address)
controller_id = matches["controller"]
port_id = matches["port"]
target_id = matches["target"]
lun = matches["lun"]
host_path = "/".join(itertools.takewhile(lambda x: not x.startswith("host"), dirs))
self.plug_command = f"echo '{port_id} {target_id} {lun}' > " \
f"{host_path}/host{controller_id}/scsi_host/host{controller_id}/scan"
return sysfs_addr
| [
1,
529,
9507,
29958,
1688,
29914,
2220,
284,
29914,
1688,
29899,
4468,
29914,
12925,
29918,
3359,
1575,
29914,
20960,
29889,
2272,
13,
29937,
13,
29937,
14187,
1266,
29898,
29883,
29897,
29871,
29906,
29900,
29896,
29929,
29899,
29906,
29900,
29906,
29900,
18555,
15025,
13,
29937,
10937,
29928,
29990,
29899,
29931,
293,
1947,
29899,
12889,
29901,
350,
7230,
29899,
29941,
29899,
20216,
1509,
29899,
18759,
13,
29937,
13,
5215,
4256,
8504,
13,
3166,
14115,
1053,
3159,
16854,
13,
13,
3166,
1243,
29918,
13239,
1053,
8086,
29918,
2886,
261,
13,
3166,
1243,
29918,
13239,
29889,
4905,
1053,
315,
3487,
2451,
13,
3166,
1243,
29918,
13239,
29889,
2311,
1053,
13223,
13,
3166,
1243,
29918,
8504,
1053,
8086,
29918,
13239,
29892,
18920,
29918,
13239,
13,
3166,
8635,
29918,
3359,
1575,
29889,
10141,
1053,
21830,
13,
3166,
12865,
1053,
5335,
287,
2554,
13,
3166,
1243,
29918,
13239,
29889,
359,
29918,
13239,
1053,
4480,
13,
3166,
7136,
29889,
1688,
29918,
3389,
1053,
4321,
6558,
13,
5215,
4390,
13,
5215,
337,
13,
13,
13,
1990,
20579,
1542,
29898,
2928,
16854,
1125,
13,
1678,
298,
1289,
353,
29871,
29900,
13,
1678,
298,
1289,
29946,
29895,
353,
29871,
29896,
13,
1678,
269,
532,
353,
29871,
29906,
13,
1678,
302,
392,
353,
29871,
29941,
13,
1678,
3523,
1662,
353,
29871,
29946,
13,
13,
13,
1990,
20579,
1542,
2697,
5160,
29901,
13,
1678,
822,
11527,
29898,
1311,
1125,
13,
4706,
12020,
2216,
1888,
2037,
287,
2392,
580,
13,
13,
1678,
822,
4072,
29898,
1311,
1125,
13,
4706,
12020,
2216,
1888,
2037,
287,
2392,
580,
13,
13,
1678,
822,
4390,
29898,
1311,
1125,
13,
4706,
736,
4390,
29889,
29881,
17204,
3319,
13,
9651,
376,
1853,
1115,
376,
842,
613,
13,
9651,
376,
5975,
1115,
518,
29873,
29889,
978,
363,
260,
297,
1583,
29889,
8768,
580,
29962,
13,
4706,
5615,
13,
13,
1678,
822,
4770,
1896,
12035,
1311,
29892,
916,
1125,
13,
4706,
736,
1375,
29898,
1311,
29889,
8768,
3101,
529,
1375,
29898,
1228,
29889,
8768,
3101,
13,
13,
1678,
822,
4770,
280,
12035,
1311,
29892,
916,
1125,
13,
4706,
736,
1375,
29898,
1311,
29889,
8768,
3101,
5277,
1375,
29898,
1228,
29889,
8768,
3101,
13,
13,
1678,
822,
4770,
1837,
12035,
1311,
29892,
916,
1125,
13,
4706,
736,
1375,
29898,
1311,
29889,
8768,
3101,
1275,
1375,
29898,
1228,
29889,
8768,
3101,
13,
13,
1678,
822,
4770,
484,
12035,
1311,
29892,
916,
1125,
13,
4706,
736,
1375,
29898,
1311,
29889,
8768,
3101,
2804,
1375,
29898,
1228,
29889,
8768,
3101,
13,
13,
1678,
822,
4770,
4141,
12035,
1311,
29892,
916,
1125,
13,
4706,
736,
1375,
29898,
1311,
29889,
8768,
3101,
1405,
1375,
29898,
1228,
29889,
8768,
3101,
13,
13,
1678,
822,
4770,
479,
12035,
1311,
29892,
916,
1125,
13,
4706,
736,
1375,
29898,
1311,
29889,
8768,
3101,
6736,
1375,
29898,
1228,
29889,
8768,
3101,
13,
13,
13,
1990,
20579,
1542,
2697,
29898,
29928,
3873,
1542,
2697,
5160,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
334,
5085,
1125,
13,
4706,
1583,
17255,
8768,
353,
731,
10456,
5085,
29897,
13,
13,
1678,
822,
11527,
29898,
1311,
1125,
13,
4706,
736,
5852,
13,
13,
1678,
822,
4072,
29898,
1311,
1125,
13,
4706,
736,
1583,
17255,
8768,
13,
13,
13,
1990,
20579,
1542,
19357,
1349,
273,
29898,
29928,
3873,
1542,
2697,
5160,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
8086,
29918,
978,
1125,
13,
4706,
1583,
17255,
20960,
29918,
978,
353,
8086,
29918,
978,
13,
13,
1678,
822,
11527,
29898,
1311,
1125,
13,
4706,
736,
1583,
17255,
20960,
29918,
978,
297,
4321,
6558,
29889,
2218,
2039,
13,
13,
1678,
822,
4072,
29898,
1311,
1125,
13,
4706,
565,
451,
1583,
29889,
9778,
1490,
7295,
13,
9651,
12020,
7419,
786,
2392,
703,
29928,
3873,
1134,
451,
11527,
29991,
1159,
13,
4706,
8086,
29918,
1853,
353,
4321,
6558,
29889,
2218,
2039,
29961,
1311,
17255,
20960,
29918,
978,
1822,
20960,
29918,
1853,
13,
4706,
736,
731,
29898,
4572,
29898,
2892,
270,
29901,
270,
529,
8086,
29918,
1853,
29892,
518,
29930,
29928,
3873,
1542,
12622,
13,
13,
1678,
822,
4390,
29898,
1311,
1125,
13,
4706,
736,
4390,
29889,
29881,
17204,
3319,
13,
9651,
376,
1853,
1115,
376,
6891,
613,
13,
9651,
376,
978,
1115,
376,
1896,
613,
13,
9651,
376,
5085,
1115,
518,
1311,
17255,
20960,
29918,
978,
29962,
13,
4706,
5615,
13,
13,
13,
1990,
20579,
29898,
11501,
1125,
13,
1678,
822,
4770,
2344,
12035,
13,
4706,
1583,
29892,
13,
4706,
2224,
29892,
13,
4706,
8086,
29918,
1853,
29901,
20579,
1542,
29892,
13,
4706,
7797,
29918,
4537,
29892,
13,
4706,
2908,
29918,
2311,
29892,
13,
268,
1125,
13,
4706,
21830,
17255,
2344,
12035,
1311,
29892,
2224,
29897,
13,
4706,
1583,
29889,
10141,
29918,
978,
353,
2224,
29889,
5451,
11219,
1495,
14352,
29896,
29962,
13,
4706,
1583,
29889,
15550,
29918,
4537,
353,
7797,
29918,
4537,
13,
4706,
1583,
29889,
1271,
29918,
2311,
353,
13223,
29898,
1271,
29918,
2311,
29897,
13,
4706,
1583,
29889,
20960,
29918,
1853,
353,
8086,
29918,
1853,
13,
4706,
1583,
29889,
1595,
2187,
353,
5159,
13,
13,
1678,
822,
1653,
29918,
1595,
2187,
29898,
13,
9651,
1583,
29892,
13,
9651,
15786,
29901,
19997,
13,
9651,
8877,
29918,
2371,
29918,
1853,
29922,
20960,
29918,
13239,
29889,
7439,
654,
3562,
29889,
29887,
415,
1125,
13,
4706,
8086,
29918,
13239,
29889,
3258,
29918,
1595,
2187,
29898,
1311,
29892,
15786,
29892,
8877,
29918,
2371,
29918,
1853,
29897,
13,
13,
1678,
822,
1922,
792,
29918,
497,
29918,
1595,
2187,
29898,
1311,
1125,
13,
4706,
4321,
6558,
29889,
14480,
17070,
29889,
3888,
29898,
13,
9651,
285,
29908,
29965,
16476,
292,
599,
23629,
515,
29901,
426,
1311,
29889,
5205,
29918,
2084,
27195,
13,
4706,
9920,
353,
285,
29915,
398,
792,
448,
29880,
426,
1311,
29889,
5205,
29918,
2084,
29913,
29930,
17901,
13,
4706,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29898,
9006,
29897,
13,
13,
1678,
822,
3349,
29918,
1595,
2187,
29898,
1311,
1125,
13,
4706,
363,
760,
297,
1583,
29889,
1595,
2187,
29901,
13,
9651,
565,
760,
29889,
275,
29918,
16476,
287,
7295,
13,
18884,
760,
29889,
348,
16476,
580,
13,
4706,
565,
8086,
29918,
13239,
29889,
5992,
29918,
1595,
2187,
29898,
1311,
1125,
13,
9651,
1583,
29889,
1595,
2187,
29889,
8551,
580,
13,
13,
1678,
822,
338,
29918,
4801,
26458,
29898,
1311,
1125,
13,
4706,
565,
1583,
29889,
15550,
29918,
4537,
29901,
13,
9651,
7797,
29918,
20326,
353,
8086,
29918,
2886,
261,
29889,
657,
29918,
497,
29918,
15550,
29918,
20326,
580,
13,
9651,
565,
1583,
29889,
15550,
29918,
4537,
451,
297,
7797,
29918,
20326,
29901,
13,
18884,
736,
7700,
13,
9651,
1683,
29901,
13,
18884,
1583,
29889,
10141,
29918,
978,
353,
7797,
29918,
20326,
29961,
1311,
29889,
15550,
29918,
4537,
29962,
13,
18884,
1583,
29889,
5205,
29918,
2084,
353,
285,
23901,
3359,
19248,
1311,
29889,
10141,
29918,
978,
5038,
13,
18884,
363,
760,
297,
1583,
29889,
1595,
2187,
29901,
13,
462,
1678,
760,
29889,
5205,
29918,
2084,
353,
8086,
29918,
13239,
29889,
657,
29918,
16707,
29918,
2084,
29898,
13,
462,
4706,
760,
29889,
3560,
29918,
10141,
29889,
5205,
29918,
2084,
29892,
760,
29889,
4537,
29897,
13,
18884,
736,
5852,
13,
4706,
25342,
1583,
29889,
5205,
29918,
2084,
29901,
13,
9651,
1962,
353,
18920,
29918,
13239,
29889,
3137,
29918,
667,
29898,
29888,
29908,
29912,
1311,
29889,
5205,
29918,
2084,
27195,
13,
9651,
736,
18920,
29918,
13239,
29889,
5510,
29918,
3137,
29918,
4905,
29898,
4905,
9601,
29900,
29962,
338,
451,
6213,
13,
4706,
12020,
8960,
703,
23323,
29876,
29915,
29873,
1423,
565,
4742,
338,
17809,
491,
278,
1788,
1159,
13,
13,
1678,
822,
4480,
29918,
1454,
29918,
572,
688,
29918,
4882,
29898,
1311,
29892,
881,
29918,
915,
29918,
12872,
1125,
13,
4706,
565,
451,
4480,
29898,
2892,
29901,
881,
29918,
915,
29918,
12872,
1275,
1583,
29889,
275,
29918,
4801,
26458,
3285,
13,
462,
1678,
5335,
287,
2554,
29898,
1195,
2667,
29922,
29896,
511,
13,
462,
1678,
5335,
287,
2554,
29898,
23128,
29922,
29896,
22164,
13,
9651,
12020,
8960,
29898,
29888,
29908,
10851,
10761,
1550,
260,
5414,
304,
376,
13,
462,
9651,
285,
29908,
10998,
572,
688,
29915,
565,
881,
29918,
915,
29918,
12872,
1683,
525,
348,
572,
688,
10827,
8086,
23157,
13,
13,
1678,
822,
18665,
29898,
1311,
1125,
13,
4706,
565,
1583,
29889,
275,
29918,
4801,
26458,
7295,
13,
9651,
736,
13,
4706,
1583,
29889,
7978,
29918,
572,
688,
29918,
6519,
580,
13,
4706,
1583,
29889,
10685,
29918,
1454,
29918,
572,
688,
29918,
4882,
29898,
5574,
29897,
13,
13,
1678,
822,
443,
572,
688,
29898,
1311,
1125,
13,
4706,
565,
451,
1583,
29889,
275,
29918,
4801,
26458,
7295,
13,
9651,
736,
13,
4706,
565,
451,
1583,
29889,
10141,
29918,
978,
29901,
13,
9651,
12020,
8960,
703,
23323,
29876,
29915,
29873,
443,
572,
688,
8086,
1728,
8086,
1178,
297,
847,
3359,
6294,
1159,
13,
4706,
1583,
29889,
7978,
29918,
348,
572,
688,
29918,
6519,
580,
13,
4706,
1583,
29889,
10685,
29918,
1454,
29918,
572,
688,
29918,
4882,
29898,
8824,
29897,
13,
4706,
565,
1583,
29889,
15550,
29918,
4537,
29901,
13,
9651,
1583,
29889,
10141,
29918,
978,
353,
6213,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
18665,
29918,
497,
29918,
2218,
2039,
7295,
13,
4706,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29918,
17854,
29918,
8698,
29898,
29940,
29894,
1004,
29928,
3873,
29889,
572,
688,
29918,
497,
29918,
6519,
29897,
13,
4706,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29918,
17854,
29918,
8698,
29898,
29903,
532,
29928,
3873,
29889,
572,
688,
29918,
497,
29918,
6519,
29897,
13,
13,
1678,
822,
4770,
710,
12035,
1311,
1125,
13,
4706,
8086,
29918,
710,
353,
285,
29915,
5205,
2224,
29901,
426,
1311,
29889,
5205,
29918,
2084,
1118,
1134,
29901,
426,
1311,
29889,
20960,
29918,
1853,
1118,
525,
320,
13,
9651,
285,
29915,
15550,
29901,
426,
1311,
29889,
15550,
29918,
4537,
1118,
2159,
29901,
426,
1311,
29889,
2311,
1118,
525,
320,
13,
9651,
285,
29915,
1271,
2159,
29901,
426,
1311,
29889,
1271,
29918,
2311,
1118,
23629,
3583,
29876,
29915,
13,
4706,
363,
760,
297,
1583,
29889,
1595,
2187,
29901,
13,
9651,
8086,
29918,
710,
4619,
285,
12764,
29873,
29912,
1595,
10162,
13,
4706,
736,
8086,
29918,
710,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
1653,
29918,
20960,
29898,
2084,
29892,
13,
462,
1678,
8086,
29918,
1853,
29901,
20579,
1542,
29892,
13,
462,
1678,
7797,
29918,
4537,
29892,
13,
462,
1678,
2908,
29918,
2311,
1125,
13,
4706,
565,
8086,
29918,
1853,
338,
20579,
1542,
29889,
29876,
392,
470,
8086,
29918,
1853,
338,
20579,
1542,
29889,
3670,
1662,
29901,
13,
9651,
736,
405,
29894,
1004,
29928,
3873,
29898,
2084,
29892,
8086,
29918,
1853,
29892,
7797,
29918,
4537,
29892,
2908,
29918,
2311,
29897,
13,
4706,
1683,
29901,
13,
9651,
736,
317,
532,
29928,
3873,
29898,
2084,
29892,
8086,
29918,
1853,
29892,
7797,
29918,
4537,
29892,
2908,
29918,
2311,
29897,
13,
13,
13,
1990,
405,
29894,
1004,
29928,
3873,
29898,
29928,
3873,
1125,
13,
1678,
18665,
29918,
497,
29918,
6519,
353,
376,
8057,
29871,
29896,
1405,
847,
9675,
29914,
8262,
29914,
29886,
455,
29914,
690,
3068,
29908,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
2224,
29892,
8086,
29918,
1853,
29892,
7797,
29918,
4537,
29892,
2908,
29918,
2311,
1125,
13,
4706,
20579,
17255,
2344,
12035,
1311,
29892,
2224,
29892,
8086,
29918,
1853,
29892,
7797,
29918,
4537,
29892,
2908,
29918,
2311,
29897,
13,
13,
1678,
822,
6222,
29918,
572,
688,
29918,
6519,
29898,
1311,
1125,
13,
4706,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29918,
17854,
29918,
8698,
29898,
29940,
29894,
1004,
29928,
3873,
29889,
572,
688,
29918,
497,
29918,
6519,
29897,
13,
13,
1678,
822,
6222,
29918,
348,
572,
688,
29918,
6519,
29898,
1311,
1125,
13,
4706,
565,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29898,
13,
18884,
285,
29908,
8057,
29871,
29896,
1405,
847,
9675,
29914,
1271,
19248,
1311,
29889,
10141,
29918,
978,
6822,
10141,
29914,
5992,
2564,
13322,
29918,
401,
2804,
29871,
29900,
29901,
13,
9651,
1962,
353,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29898,
13,
18884,
285,
29908,
8057,
29871,
29896,
1405,
847,
9675,
29914,
1271,
19248,
1311,
29889,
10141,
29918,
978,
6822,
10141,
29914,
10141,
29914,
5992,
1159,
13,
9651,
565,
1962,
29889,
13322,
29918,
401,
2804,
29871,
29900,
29901,
13,
18884,
12020,
315,
3487,
2451,
29898,
29888,
29908,
17776,
304,
443,
572,
688,
349,
8426,
8086,
773,
10876,
5847,
19602,
1962,
29897,
13,
13,
13,
1990,
317,
532,
29928,
3873,
29898,
29928,
3873,
1125,
13,
1678,
18665,
29918,
497,
29918,
6519,
353,
376,
1454,
474,
297,
2427,
2886,
448,
29950,
847,
9675,
29914,
3359,
1575,
29914,
448,
2084,
525,
3877,
1557,
1039,
29918,
3069,
29914,
3877,
16192,
29915,
448,
1853,
285,
416,
376,
320,
13,
462,
539,
376,
1867,
2916,
17411,
448,
448,
29915,
1405,
395,
29875,
29936,
2309,
15458,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
2224,
29892,
8086,
29918,
1853,
29892,
7797,
29918,
4537,
29892,
2908,
29918,
2311,
1125,
13,
4706,
1583,
29889,
572,
688,
29918,
6519,
353,
317,
532,
29928,
3873,
29889,
572,
688,
29918,
497,
29918,
6519,
13,
4706,
20579,
17255,
2344,
12035,
1311,
29892,
2224,
29892,
8086,
29918,
1853,
29892,
7797,
29918,
4537,
29892,
2908,
29918,
2311,
29897,
13,
13,
1678,
822,
6222,
29918,
572,
688,
29918,
6519,
29898,
1311,
1125,
13,
4706,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29918,
17854,
29918,
8698,
29898,
1311,
29889,
572,
688,
29918,
6519,
29897,
13,
13,
1678,
822,
6222,
29918,
348,
572,
688,
29918,
6519,
29898,
1311,
1125,
13,
4706,
4321,
6558,
29889,
4258,
3406,
29889,
3389,
29918,
17854,
29918,
8698,
29898,
13,
9651,
285,
29908,
8057,
29871,
29896,
1405,
426,
1311,
29889,
657,
29918,
9675,
5847,
29918,
11330,
29898,
1311,
29889,
10141,
29918,
978,
467,
8159,
29918,
2084,
6822,
10141,
29914,
8143,
1159,
13,
13,
1678,
822,
679,
29918,
9675,
5847,
29918,
11330,
29898,
1311,
29892,
4742,
29918,
978,
1125,
13,
4706,
19375,
29918,
6519,
353,
285,
29908,
12330,
2886,
448,
29950,
847,
9675,
29914,
3359,
1575,
29914,
448,
978,
426,
10141,
29918,
978,
29913,
448,
1853,
270,
5513,
13,
4706,
1962,
353,
18920,
29918,
13239,
29889,
3137,
29918,
667,
29898,
29888,
29908,
29912,
3137,
29918,
6519,
27195,
13,
4706,
10876,
5847,
29918,
10030,
353,
18920,
29918,
13239,
29889,
5510,
29918,
3137,
29918,
4905,
29898,
4905,
9601,
29900,
29962,
13,
4706,
565,
451,
10876,
5847,
29918,
10030,
29901,
13,
9651,
12020,
8960,
29898,
29888,
29908,
17776,
304,
1284,
10876,
5847,
3211,
29901,
19375,
448,
29880,
426,
3137,
29918,
6519,
27195,
13,
4706,
4516,
29879,
353,
10876,
5847,
29918,
10030,
29889,
8159,
29918,
2084,
29889,
5451,
11219,
1495,
13,
4706,
885,
1039,
29918,
7328,
353,
4516,
29879,
14352,
29941,
29962,
13,
4706,
7087,
353,
337,
29889,
4478,
29898,
13,
9651,
364,
29908,
29985,
10780,
29925,
29966,
8299,
14247,
29881,
29974,
9601,
29899,
29901,
850,
29973,
29925,
29966,
637,
14247,
29881,
29974,
9601,
29899,
29901,
850,
29973,
29925,
29966,
5182,
14247,
29881,
29974,
9601,
29899,
29901,
850,
29973,
29925,
29966,
29880,
348,
14247,
29881,
29974,
1262,
613,
13,
9651,
885,
1039,
29918,
7328,
29897,
13,
4706,
4701,
29918,
333,
353,
7087,
3366,
8299,
3108,
13,
4706,
2011,
29918,
333,
353,
7087,
3366,
637,
3108,
13,
4706,
3646,
29918,
333,
353,
7087,
3366,
5182,
3108,
13,
4706,
25081,
353,
7087,
3366,
29880,
348,
3108,
13,
13,
4706,
3495,
29918,
2084,
353,
5591,
1642,
7122,
29898,
1524,
8504,
29889,
19730,
8000,
29898,
2892,
921,
29901,
451,
921,
29889,
27382,
2541,
703,
3069,
4968,
4516,
29879,
876,
13,
4706,
1583,
29889,
572,
688,
29918,
6519,
353,
285,
29908,
8057,
22372,
637,
29918,
333,
29913,
426,
5182,
29918,
333,
29913,
426,
29880,
348,
10162,
1405,
376,
320,
13,
9651,
285,
29908,
29912,
3069,
29918,
2084,
6822,
3069,
29912,
8299,
29918,
333,
6822,
1557,
1039,
29918,
3069,
29914,
3069,
29912,
8299,
29918,
333,
6822,
16192,
29908,
13,
4706,
736,
10876,
5847,
29918,
10030,
13,
2
] |
Python3/0947-Most-Stones-Removed-with-Same-Row-or-Column/soln.py | wyaadarsh/LeetCode-Solutions | 5 | 1608142 | class Solution:
def removeStones(self, stones):
"""
:type stones: List[List[int]]
:rtype: int
"""
parent = {}
def find(x):
if x != parent[x]:
parent[x] = find(parent[x])
return parent[x]
def union(x, y):
parent.setdefault(x, x)
parent.setdefault(y, y)
parent[find(x)] = find(y)
for x, y in stones:
union(x, ~y)
return len(stones) - len({find(x) for x in parent}) | [
1,
770,
24380,
29901,
13,
1678,
822,
3349,
855,
2873,
29898,
1311,
29892,
25702,
1125,
13,
4706,
9995,
13,
4706,
584,
1853,
25702,
29901,
2391,
29961,
1293,
29961,
524,
5262,
13,
4706,
584,
29878,
1853,
29901,
938,
13,
4706,
9995,
13,
4706,
3847,
353,
6571,
13,
4706,
822,
1284,
29898,
29916,
1125,
13,
9651,
565,
921,
2804,
3847,
29961,
29916,
5387,
13,
18884,
3847,
29961,
29916,
29962,
353,
1284,
29898,
3560,
29961,
29916,
2314,
13,
9651,
736,
3847,
29961,
29916,
29962,
13,
4706,
822,
9833,
29898,
29916,
29892,
343,
1125,
13,
9651,
3847,
29889,
842,
4381,
29898,
29916,
29892,
921,
29897,
13,
9651,
3847,
29889,
842,
4381,
29898,
29891,
29892,
343,
29897,
13,
9651,
3847,
29961,
2886,
29898,
29916,
4638,
353,
1284,
29898,
29891,
29897,
13,
4706,
363,
921,
29892,
343,
297,
25702,
29901,
13,
9651,
9833,
29898,
29916,
29892,
3695,
29891,
29897,
13,
4706,
736,
7431,
29898,
303,
2873,
29897,
448,
7431,
3319,
2886,
29898,
29916,
29897,
363,
921,
297,
3847,
1800,
2
] |
clearfile.py | redcapattitide/Python | 0 | 134225 |
f = open('C:/Users/Tom/Documents/Python/Bot/Receptura/Recept/Recept/bin/Release/moves_info.txt','w',encoding='UTF-8')
f.close()
| [
1,
29871,
13,
29888,
353,
1722,
877,
29907,
8419,
5959,
29914,
21599,
29914,
20128,
29914,
11980,
29914,
29933,
327,
29914,
1123,
1547,
2002,
29914,
1123,
1547,
29914,
1123,
1547,
29914,
2109,
29914,
19729,
29914,
13529,
267,
29918,
3888,
29889,
3945,
3788,
29893,
742,
22331,
2433,
10496,
29899,
29947,
1495,
13,
29888,
29889,
5358,
580,
13,
2
] |
pgmpy/factors/base.py | Stoffle/pgmpy | 0 | 135871 | from abc import abstractmethod
from pgmpy.extern.six.moves import reduce
class BaseFactor(object):
"""
Base class for Factors. Any Factor implementation should inherit this class.
"""
def __init__(self, *args, **kwargs):
pass
@abstractmethod
def is_valid_cpd(self):
pass
def factor_product(*args):
"""
Returns factor product over `args`.
Parameters
----------
args: `BaseFactor` instances.
factors to be multiplied
Returns
-------
BaseFactor: `BaseFactor` representing factor product over all the `BaseFactor` instances in args.
Examples
--------
>>> from pgmpy.factors.discrete import DiscreteFactor
>>> from pgmpy.factors import factor_product
>>> phi1 = DiscreteFactor(['x1', 'x2', 'x3'], [2, 3, 2], range(12))
>>> phi2 = DiscreteFactor(['x3', 'x4', 'x1'], [2, 2, 2], range(8))
>>> phi = factor_product(phi1, phi2)
>>> phi.variables
['x1', 'x2', 'x3', 'x4']
>>> phi.cardinality
array([2, 3, 2, 2])
>>> phi.values
array([[[[ 0, 0],
[ 4, 6]],
[[ 0, 4],
[12, 18]],
[[ 0, 8],
[20, 30]]],
[[[ 6, 18],
[35, 49]],
[[ 8, 24],
[45, 63]],
[[10, 30],
[55, 77]]]])
"""
if not all(isinstance(phi, BaseFactor) for phi in args):
raise TypeError("Arguments must be factors")
# Check if all of the arguments are of the same type
elif len(set(map(type, args))) != 1:
raise NotImplementedError(
"All the args are expected to ", "be instances of the same factor class."
)
return reduce(lambda phi1, phi2: phi1 * phi2, args)
def factor_divide(phi1, phi2):
"""
Returns `DiscreteFactor` representing `phi1 / phi2`.
Parameters
----------
phi1: Factor
The Dividend.
phi2: Factor
The Divisor.
Returns
-------
DiscreteFactor: `DiscreteFactor` representing factor division `phi1 / phi2`.
Examples
--------
>>> from pgmpy.factors.discrete import DiscreteFactor
>>> from pgmpy.factors import factor_product
>>> phi1 = DiscreteFactor(['x1', 'x2', 'x3'], [2, 3, 2], range(12))
>>> phi2 = DiscreteFactor(['x3', 'x1'], [2, 2], range(1, 5))
>>> phi = factor_divide(phi1, phi2)
>>> phi.variables
['x1', 'x2', 'x3']
>>> phi.cardinality
array([2, 3, 2])
>>> phi.values
array([[[ 0. , 0.33333333],
[ 2. , 1. ],
[ 4. , 1.66666667]],
[[ 3. , 1.75 ],
[ 4. , 2.25 ],
[ 5. , 2.75 ]]])
"""
if not isinstance(phi1, BaseFactor) or not isinstance(phi2, BaseFactor):
raise TypeError("phi1 and phi2 should be factors instances")
# Check if all of the arguments are of the same type
elif type(phi1) != type(phi2):
raise NotImplementedError(
"All the args are expected to be instances", "of the same factor class."
)
return phi1.divide(phi2, inplace=False)
| [
1,
515,
25638,
1053,
9846,
5696,
13,
13,
3166,
23822,
1526,
29891,
29889,
735,
725,
29889,
28319,
29889,
13529,
267,
1053,
10032,
13,
13,
13,
1990,
7399,
29943,
7168,
29898,
3318,
1125,
13,
1678,
9995,
13,
1678,
7399,
770,
363,
26748,
943,
29889,
3139,
383,
7168,
5314,
881,
13125,
445,
770,
29889,
13,
1678,
9995,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
334,
5085,
29892,
3579,
19290,
1125,
13,
4706,
1209,
13,
13,
1678,
732,
16595,
5696,
13,
1678,
822,
338,
29918,
3084,
29918,
6814,
29881,
29898,
1311,
1125,
13,
4706,
1209,
13,
13,
13,
1753,
7329,
29918,
4704,
10456,
5085,
1125,
13,
1678,
9995,
13,
1678,
16969,
7329,
3234,
975,
421,
5085,
1412,
13,
13,
1678,
12662,
2699,
13,
1678,
448,
1378,
29899,
13,
1678,
6389,
29901,
421,
5160,
29943,
7168,
29952,
8871,
29889,
13,
4706,
13879,
304,
367,
6674,
2957,
13,
13,
1678,
16969,
13,
1678,
448,
22158,
13,
1678,
7399,
29943,
7168,
29901,
421,
5160,
29943,
7168,
29952,
15783,
7329,
3234,
975,
599,
278,
421,
5160,
29943,
7168,
29952,
8871,
297,
6389,
29889,
13,
13,
1678,
1222,
9422,
13,
1678,
448,
26589,
13,
1678,
8653,
515,
23822,
1526,
29891,
29889,
17028,
943,
29889,
2218,
9084,
1053,
3295,
9084,
29943,
7168,
13,
1678,
8653,
515,
23822,
1526,
29891,
29889,
17028,
943,
1053,
7329,
29918,
4704,
13,
1678,
8653,
1374,
29875,
29896,
353,
3295,
9084,
29943,
7168,
18959,
29916,
29896,
742,
525,
29916,
29906,
742,
525,
29916,
29941,
7464,
518,
29906,
29892,
29871,
29941,
29892,
29871,
29906,
1402,
3464,
29898,
29896,
29906,
876,
13,
1678,
8653,
1374,
29875,
29906,
353,
3295,
9084,
29943,
7168,
18959,
29916,
29941,
742,
525,
29916,
29946,
742,
525,
29916,
29896,
7464,
518,
29906,
29892,
29871,
29906,
29892,
29871,
29906,
1402,
3464,
29898,
29947,
876,
13,
1678,
8653,
1374,
29875,
353,
7329,
29918,
4704,
29898,
2876,
29896,
29892,
1374,
29875,
29906,
29897,
13,
1678,
8653,
1374,
29875,
29889,
20897,
13,
1678,
6024,
29916,
29896,
742,
525,
29916,
29906,
742,
525,
29916,
29941,
742,
525,
29916,
29946,
2033,
13,
1678,
8653,
1374,
29875,
29889,
7543,
979,
537,
13,
1678,
1409,
4197,
29906,
29892,
29871,
29941,
29892,
29871,
29906,
29892,
29871,
29906,
2314,
13,
1678,
8653,
1374,
29875,
29889,
5975,
13,
1678,
1409,
4197,
8999,
29961,
29871,
29900,
29892,
259,
29900,
1402,
13,
632,
518,
29871,
29946,
29892,
259,
29953,
20526,
13,
13,
9651,
5519,
29871,
29900,
29892,
259,
29946,
1402,
13,
632,
518,
29896,
29906,
29892,
29871,
29896,
29947,
20526,
13,
13,
9651,
5519,
29871,
29900,
29892,
259,
29947,
1402,
13,
632,
518,
29906,
29900,
29892,
29871,
29941,
29900,
5262,
1402,
13,
13,
13,
965,
5519,
29961,
29871,
29953,
29892,
29871,
29896,
29947,
1402,
13,
632,
518,
29941,
29945,
29892,
29871,
29946,
29929,
20526,
13,
13,
9651,
5519,
29871,
29947,
29892,
29871,
29906,
29946,
1402,
13,
632,
518,
29946,
29945,
29892,
29871,
29953,
29941,
20526,
13,
13,
9651,
5519,
29896,
29900,
29892,
29871,
29941,
29900,
1402,
13,
632,
518,
29945,
29945,
29892,
29871,
29955,
29955,
5262,
24960,
13,
1678,
9995,
13,
1678,
565,
451,
599,
29898,
275,
8758,
29898,
2876,
29892,
7399,
29943,
7168,
29897,
363,
1374,
29875,
297,
6389,
1125,
13,
4706,
12020,
20948,
703,
26915,
1818,
367,
13879,
1159,
13,
1678,
396,
5399,
565,
599,
310,
278,
6273,
526,
310,
278,
1021,
1134,
13,
1678,
25342,
7431,
29898,
842,
29898,
1958,
29898,
1853,
29892,
6389,
4961,
2804,
29871,
29896,
29901,
13,
4706,
12020,
2216,
1888,
2037,
287,
2392,
29898,
13,
9651,
376,
3596,
278,
6389,
526,
3806,
304,
9162,
376,
915,
8871,
310,
278,
1021,
7329,
770,
1213,
13,
4706,
1723,
13,
13,
1678,
736,
10032,
29898,
2892,
1374,
29875,
29896,
29892,
1374,
29875,
29906,
29901,
1374,
29875,
29896,
334,
1374,
29875,
29906,
29892,
6389,
29897,
13,
13,
13,
1753,
7329,
29918,
4563,
680,
29898,
2876,
29896,
29892,
1374,
29875,
29906,
1125,
13,
1678,
9995,
13,
1678,
16969,
421,
4205,
9084,
29943,
7168,
29952,
15783,
421,
2876,
29896,
847,
1374,
29875,
29906,
1412,
13,
13,
1678,
12662,
2699,
13,
1678,
448,
1378,
29899,
13,
1678,
1374,
29875,
29896,
29901,
383,
7168,
13,
4706,
450,
360,
3640,
355,
29889,
13,
13,
1678,
1374,
29875,
29906,
29901,
383,
7168,
13,
4706,
450,
4910,
275,
272,
29889,
13,
13,
1678,
16969,
13,
1678,
448,
22158,
13,
1678,
3295,
9084,
29943,
7168,
29901,
421,
4205,
9084,
29943,
7168,
29952,
15783,
7329,
8542,
421,
2876,
29896,
847,
1374,
29875,
29906,
1412,
13,
13,
1678,
1222,
9422,
13,
1678,
448,
26589,
13,
1678,
8653,
515,
23822,
1526,
29891,
29889,
17028,
943,
29889,
2218,
9084,
1053,
3295,
9084,
29943,
7168,
13,
1678,
8653,
515,
23822,
1526,
29891,
29889,
17028,
943,
1053,
7329,
29918,
4704,
13,
1678,
8653,
1374,
29875,
29896,
353,
3295,
9084,
29943,
7168,
18959,
29916,
29896,
742,
525,
29916,
29906,
742,
525,
29916,
29941,
7464,
518,
29906,
29892,
29871,
29941,
29892,
29871,
29906,
1402,
3464,
29898,
29896,
29906,
876,
13,
1678,
8653,
1374,
29875,
29906,
353,
3295,
9084,
29943,
7168,
18959,
29916,
29941,
742,
525,
29916,
29896,
7464,
518,
29906,
29892,
29871,
29906,
1402,
3464,
29898,
29896,
29892,
29871,
29945,
876,
13,
1678,
8653,
1374,
29875,
353,
7329,
29918,
4563,
680,
29898,
2876,
29896,
29892,
1374,
29875,
29906,
29897,
13,
1678,
8653,
1374,
29875,
29889,
20897,
13,
1678,
6024,
29916,
29896,
742,
525,
29916,
29906,
742,
525,
29916,
29941,
2033,
13,
1678,
8653,
1374,
29875,
29889,
7543,
979,
537,
13,
1678,
1409,
4197,
29906,
29892,
29871,
29941,
29892,
29871,
29906,
2314,
13,
1678,
8653,
1374,
29875,
29889,
5975,
13,
1678,
1409,
4197,
8999,
29871,
29900,
29889,
4706,
1919,
259,
29900,
29889,
29941,
29941,
29941,
29941,
29941,
29941,
29941,
29941,
1402,
13,
9651,
518,
29871,
29906,
29889,
4706,
1919,
259,
29896,
29889,
4706,
21251,
13,
9651,
518,
29871,
29946,
29889,
4706,
1919,
259,
29896,
29889,
29953,
29953,
29953,
29953,
29953,
29953,
29953,
29955,
20526,
13,
13,
965,
5519,
29871,
29941,
29889,
4706,
1919,
259,
29896,
29889,
29955,
29945,
418,
21251,
13,
9651,
518,
29871,
29946,
29889,
4706,
1919,
259,
29906,
29889,
29906,
29945,
418,
21251,
13,
9651,
518,
29871,
29945,
29889,
4706,
1919,
259,
29906,
29889,
29955,
29945,
418,
4514,
24960,
13,
1678,
9995,
13,
1678,
565,
451,
338,
8758,
29898,
2876,
29896,
29892,
7399,
29943,
7168,
29897,
470,
451,
338,
8758,
29898,
2876,
29906,
29892,
7399,
29943,
7168,
1125,
13,
4706,
12020,
20948,
703,
2876,
29896,
322,
1374,
29875,
29906,
881,
367,
13879,
8871,
1159,
13,
13,
1678,
396,
5399,
565,
599,
310,
278,
6273,
526,
310,
278,
1021,
1134,
13,
1678,
25342,
1134,
29898,
2876,
29896,
29897,
2804,
1134,
29898,
2876,
29906,
1125,
13,
4706,
12020,
2216,
1888,
2037,
287,
2392,
29898,
13,
9651,
376,
3596,
278,
6389,
526,
3806,
304,
367,
8871,
613,
376,
974,
278,
1021,
7329,
770,
1213,
13,
4706,
1723,
13,
13,
1678,
736,
1374,
29875,
29896,
29889,
4563,
680,
29898,
2876,
29906,
29892,
297,
6689,
29922,
8824,
29897,
13,
2
] |
src/utils.py | headout/dagen-airflow | 2 | 147251 | <filename>src/utils.py
__loader = None
def get_template_loader():
from dagen.loader import TemplateLoader # Avoid circular imports
global __loader
if __loader is None:
__loader = TemplateLoader()
return __loader
def get_managed_dags():
loader = get_template_loader()
if not loader.template_classes:
loader.load_templates()
return loader.get_managed_dags()
def refresh_dagen_templates():
loader = get_template_loader()
loader.load_templates(only_if_updated=False)
| [
1,
529,
9507,
29958,
4351,
29914,
13239,
29889,
2272,
13,
1649,
12657,
353,
6213,
13,
13,
13,
1753,
679,
29918,
6886,
29918,
12657,
7295,
13,
1678,
515,
270,
5370,
29889,
12657,
1053,
25663,
10036,
29871,
396,
319,
5405,
19308,
24802,
13,
13,
1678,
5534,
4770,
12657,
13,
1678,
565,
4770,
12657,
338,
6213,
29901,
13,
4706,
4770,
12657,
353,
25663,
10036,
580,
13,
1678,
736,
4770,
12657,
13,
13,
13,
1753,
679,
29918,
25240,
29918,
29881,
810,
7295,
13,
1678,
23466,
353,
679,
29918,
6886,
29918,
12657,
580,
13,
1678,
565,
451,
23466,
29889,
6886,
29918,
13203,
29901,
13,
4706,
23466,
29889,
1359,
29918,
20943,
580,
13,
1678,
736,
23466,
29889,
657,
29918,
25240,
29918,
29881,
810,
580,
13,
13,
13,
1753,
11086,
29918,
29881,
5370,
29918,
20943,
7295,
13,
1678,
23466,
353,
679,
29918,
6886,
29918,
12657,
580,
13,
1678,
23466,
29889,
1359,
29918,
20943,
29898,
6194,
29918,
361,
29918,
21402,
29922,
8824,
29897,
13,
2
] |
tess_exoplanet_search/jobs.py | jbcurtin/bert-etl-tess-exoplanet-search | 0 | 68329 | from bert import binding, utils, constants
@binding.follow('noop')
def create_data():
work_queue, done_queue, ologger = utils.comm_binders(create_data)
for idx in range(0, 100):
done_queue.put({
'idx': idx
})
@binding.follow(create_data, pipeline_type=constants.PipelineType.CONCURRENT)
def calculate_data():
import math
work_queue, done_queue, ologger = utils.comm_binders(calculate_data)
for details in work_queue:
details['calculated-result'] = math.pow(details['idx'], 2)
done_queue.put(details)
@binding.follow(calculate_data, pipeline_type=constants.PipelineType.CONCURRENT)
def variation():
work_queue, done_queue, ologger = utils.comm_binders(variation)
for details in work_queue:
for key, value in details.items():
ologger.info(f'Key[{key}], Value[{value}], Alteration[{value % 5}]')
| [
1,
515,
289,
814,
1053,
9956,
29892,
3667,
29879,
29892,
17727,
13,
13,
29992,
19672,
29889,
23031,
877,
1217,
459,
1495,
13,
1753,
1653,
29918,
1272,
7295,
13,
1678,
664,
29918,
9990,
29892,
2309,
29918,
9990,
29892,
288,
21707,
353,
3667,
29879,
29889,
2055,
29918,
5355,
414,
29898,
3258,
29918,
1272,
29897,
13,
13,
1678,
363,
22645,
297,
3464,
29898,
29900,
29892,
29871,
29896,
29900,
29900,
1125,
13,
4706,
2309,
29918,
9990,
29889,
649,
3319,
13,
9651,
525,
13140,
2396,
22645,
13,
4706,
5615,
13,
13,
29992,
19672,
29889,
23031,
29898,
3258,
29918,
1272,
29892,
16439,
29918,
1853,
29922,
3075,
1934,
29889,
29925,
23828,
1542,
29889,
6007,
22484,
29450,
29897,
13,
1753,
8147,
29918,
1272,
7295,
13,
1678,
1053,
5844,
13,
13,
1678,
664,
29918,
9990,
29892,
2309,
29918,
9990,
29892,
288,
21707,
353,
3667,
29879,
29889,
2055,
29918,
5355,
414,
29898,
15807,
403,
29918,
1272,
29897,
13,
13,
1678,
363,
4902,
297,
664,
29918,
9990,
29901,
13,
4706,
4902,
1839,
15807,
630,
29899,
2914,
2033,
353,
5844,
29889,
12248,
29898,
14144,
1839,
13140,
7464,
29871,
29906,
29897,
13,
4706,
2309,
29918,
9990,
29889,
649,
29898,
14144,
29897,
13,
13,
29992,
19672,
29889,
23031,
29898,
15807,
403,
29918,
1272,
29892,
16439,
29918,
1853,
29922,
3075,
1934,
29889,
29925,
23828,
1542,
29889,
6007,
22484,
29450,
29897,
13,
1753,
19262,
7295,
13,
1678,
664,
29918,
9990,
29892,
2309,
29918,
9990,
29892,
288,
21707,
353,
3667,
29879,
29889,
2055,
29918,
5355,
414,
29898,
5927,
362,
29897,
13,
13,
1678,
363,
4902,
297,
664,
29918,
9990,
29901,
13,
4706,
363,
1820,
29892,
995,
297,
4902,
29889,
7076,
7295,
13,
9651,
288,
21707,
29889,
3888,
29898,
29888,
29915,
2558,
19660,
1989,
29913,
1402,
7865,
19660,
1767,
29913,
1402,
20561,
362,
19660,
1767,
1273,
29871,
29945,
6525,
1495,
13,
13,
2
] |
api/beers/migrations/0031_matchfilter.py | haavardnk/Vinmonopolet-x-Untappd | 0 | 178631 | <filename>api/beers/migrations/0031_matchfilter.py<gh_stars>0
# Generated by Django 3.1.4 on 2020-12-11 07:30
from django.db import migrations, models
class Migration(migrations.Migration):
dependencies = [
('beers', '0030_beer_match_manually'),
]
operations = [
migrations.CreateModel(
name='MatchFilter',
fields=[
('id', models.AutoField(auto_created=True, primary_key=True, serialize=False, verbose_name='ID')),
('name', models.CharField(max_length=50)),
],
),
]
| [
1,
529,
9507,
29958,
2754,
29914,
915,
414,
29914,
26983,
800,
29914,
29900,
29900,
29941,
29896,
29918,
4352,
4572,
29889,
2272,
29966,
12443,
29918,
303,
1503,
29958,
29900,
13,
29937,
3251,
630,
491,
15337,
29871,
29941,
29889,
29896,
29889,
29946,
373,
29871,
29906,
29900,
29906,
29900,
29899,
29896,
29906,
29899,
29896,
29896,
29871,
29900,
29955,
29901,
29941,
29900,
30004,
13,
30004,
13,
3166,
9557,
29889,
2585,
1053,
9725,
800,
29892,
4733,
30004,
13,
30004,
13,
30004,
13,
1990,
341,
16783,
29898,
26983,
800,
29889,
29924,
16783,
1125,
30004,
13,
30004,
13,
1678,
9962,
353,
518,
30004,
13,
4706,
6702,
915,
414,
742,
525,
29900,
29900,
29941,
29900,
29918,
915,
261,
29918,
4352,
29918,
1171,
1474,
5477,
30004,
13,
1678,
4514,
30004,
13,
30004,
13,
1678,
6931,
353,
518,
30004,
13,
4706,
9725,
800,
29889,
4391,
3195,
29898,
30004,
13,
9651,
1024,
2433,
9652,
5072,
23592,
13,
9651,
4235,
11759,
30004,
13,
18884,
6702,
333,
742,
4733,
29889,
12300,
3073,
29898,
6921,
29918,
11600,
29922,
5574,
29892,
7601,
29918,
1989,
29922,
5574,
29892,
28755,
29922,
8824,
29892,
26952,
29918,
978,
2433,
1367,
1495,
511,
30004,
13,
18884,
6702,
978,
742,
4733,
29889,
27890,
29898,
3317,
29918,
2848,
29922,
29945,
29900,
8243,
30004,
13,
9651,
21251,
30004,
13,
4706,
10353,
30004,
13,
1678,
4514,
30004,
13,
2
] |
migrations/versions/e1c435b9e9dc_.py | vipshae/todo-lister | 0 | 20381 | <reponame>vipshae/todo-lister
"""empty message
Revision ID: e1c435b9e9dc
Revises: <PASSWORD>
Create Date: 2020-06-11 14:22:00.453626
"""
from alembic import op
import sqlalchemy as sa
# revision identifiers, used by Alembic.
revision = 'e1c435b9e9dc'
down_revision = '<PASSWORD>'
branch_labels = None
depends_on = None
def upgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.alter_column('todolists', 'completed',
existing_type=sa.BOOLEAN(),
nullable=False)
# ### end Alembic commands ###
def downgrade():
# ### commands auto generated by Alembic - please adjust! ###
op.alter_column('todolists', 'completed',
existing_type=sa.BOOLEAN(),
nullable=True)
# ### end Alembic commands ###
| [
1,
529,
276,
1112,
420,
29958,
1403,
567,
2350,
29872,
29914,
29873,
8144,
29899,
29880,
1531,
13,
15945,
29908,
6310,
2643,
13,
13,
1123,
4924,
3553,
29901,
321,
29896,
29883,
29946,
29941,
29945,
29890,
29929,
29872,
29929,
13891,
13,
1123,
1730,
267,
29901,
529,
25711,
17013,
29958,
13,
4391,
4712,
29901,
29871,
29906,
29900,
29906,
29900,
29899,
29900,
29953,
29899,
29896,
29896,
29871,
29896,
29946,
29901,
29906,
29906,
29901,
29900,
29900,
29889,
29946,
29945,
29941,
29953,
29906,
29953,
13,
13,
15945,
29908,
13,
3166,
20712,
29890,
293,
1053,
1015,
13,
5215,
4576,
284,
305,
6764,
408,
872,
13,
13,
13,
29937,
26554,
2893,
14903,
29892,
1304,
491,
319,
2409,
29890,
293,
29889,
13,
276,
4924,
353,
525,
29872,
29896,
29883,
29946,
29941,
29945,
29890,
29929,
29872,
29929,
13891,
29915,
13,
3204,
29918,
276,
4924,
353,
12801,
25711,
17013,
16299,
13,
17519,
29918,
21134,
353,
6213,
13,
2716,
1975,
29918,
265,
353,
6213,
13,
13,
13,
1753,
14955,
7295,
13,
1678,
396,
835,
8260,
4469,
5759,
491,
319,
2409,
29890,
293,
448,
3113,
10365,
29991,
835,
13,
1678,
1015,
29889,
13794,
29918,
4914,
877,
20034,
324,
2879,
742,
525,
5729,
9446,
742,
13,
1669,
5923,
29918,
1853,
29922,
4977,
29889,
8456,
29949,
1307,
2190,
3285,
13,
1669,
1870,
519,
29922,
8824,
29897,
13,
1678,
396,
835,
1095,
319,
2409,
29890,
293,
8260,
835,
13,
13,
13,
1753,
1623,
8228,
7295,
13,
1678,
396,
835,
8260,
4469,
5759,
491,
319,
2409,
29890,
293,
448,
3113,
10365,
29991,
835,
13,
1678,
1015,
29889,
13794,
29918,
4914,
877,
20034,
324,
2879,
742,
525,
5729,
9446,
742,
13,
1669,
5923,
29918,
1853,
29922,
4977,
29889,
8456,
29949,
1307,
2190,
3285,
13,
1669,
1870,
519,
29922,
5574,
29897,
13,
1678,
396,
835,
1095,
319,
2409,
29890,
293,
8260,
835,
13,
2
] |
starbursts/plots/mpl.sr_fe_5Gyr_burst.py | rcooke-ast/VICE | 22 | 124896 |
import visuals
import matplotlib.pyplot as plt
import vice
import sys
def plot_sr_fe_tracks(ax):
plot_track(ax, "../../simulations/sudden_5Gyr_5e9Msun", "sr", "crimson", '-')
plot_track(ax, "../../simulations/sudden_5Gyr_5e9Msun", "fe", "black", ':')
plot_track(ax, "../../simulations/sudden_5Gyr_5e9Msun_riaexp", "fe",
"black", '--')
plot_legend(ax)
def plot_track(ax, name, ref, color, linestyle):
"""
Plots [O/X]-[X/H] tracks on a matplotlib subplot
Args:
=====
ax: The name of the subplot
name: The name of the VICE output
ref: The symbol for the reference element
color: The color of the line
linestyle: The linestyle to use
"""
out = vice.output(name)
ax.plot(out.history["[%s/h]" % (ref)], out.history["[o/%s]" % (ref)],
c = visuals.colors()[color], linestyle = linestyle)
def plot_legend(ax):
lines = 3 * [None]
linestyles = ['-', ':', '--']
colors = ["red", "black", "black"]
labels = ["Sr", r"Fe; $R_\text{Ia}\propto t^{-1.1}$",
r"Fe; $R_\text{Ia}\propto e^{-t/\tau_\text{Ia}}$"]
for i in range(3):
lines[i] = ax.plot([1, 2], [1, 2], c = visuals.colors()[colors[i]],
linestyle = linestyles[i], label = labels[i])[0]
leg = ax.legend(loc = visuals.mpl_loc()["lower left"], ncol = 1,
bbox_to_anchor = (0.01, 0.01), frameon = False)
for i in range(3):
lines[i].remove()
if __name__ == "__main__":
ax = visuals.subplots(1, 1)
ax.set_xlabel("[X/H]")
ax.set_ylabel("[O/X]")
plot_sr_fe_tracks(ax)
ax.set_xlim([-1.7, 0.1])
ax.set_ylim([0., 0.6])
plt.tight_layout()
plt.savefig(sys.argv[1])
plt.clf()
| [
1,
29871,
13,
5215,
7604,
29879,
13,
5215,
22889,
29889,
2272,
5317,
408,
14770,
13,
5215,
11289,
13,
5215,
10876,
13,
13,
1753,
6492,
29918,
21935,
29918,
1725,
29918,
3018,
4684,
29898,
1165,
1125,
13,
12,
5317,
29918,
11294,
29898,
1165,
29892,
376,
21546,
3601,
8250,
29914,
29879,
566,
1145,
29918,
29945,
29954,
4316,
29918,
29945,
29872,
29929,
29924,
11445,
613,
376,
21935,
613,
376,
29883,
5632,
1100,
613,
17411,
1495,
13,
12,
5317,
29918,
11294,
29898,
1165,
29892,
376,
21546,
3601,
8250,
29914,
29879,
566,
1145,
29918,
29945,
29954,
4316,
29918,
29945,
29872,
29929,
29924,
11445,
613,
376,
1725,
613,
376,
8517,
613,
525,
29901,
1495,
13,
12,
5317,
29918,
11294,
29898,
1165,
29892,
376,
21546,
3601,
8250,
29914,
29879,
566,
1145,
29918,
29945,
29954,
4316,
29918,
29945,
29872,
29929,
29924,
11445,
29918,
2849,
4548,
613,
376,
1725,
613,
13,
12,
12,
29908,
8517,
613,
525,
489,
1495,
13,
12,
5317,
29918,
26172,
29898,
1165,
29897,
13,
13,
1753,
6492,
29918,
11294,
29898,
1165,
29892,
1024,
29892,
2143,
29892,
2927,
29892,
6276,
342,
1508,
1125,
13,
12,
15945,
29908,
13,
12,
3247,
1862,
518,
29949,
29914,
29990,
29962,
29899,
29961,
29990,
29914,
29950,
29962,
16257,
373,
263,
22889,
1014,
5317,
13,
13,
12,
7883,
29901,
13,
12,
2751,
29922,
13,
12,
1165,
29901,
12,
12,
12,
12,
1576,
1024,
310,
278,
1014,
5317,
13,
12,
978,
29901,
29871,
12,
12,
12,
1576,
1024,
310,
278,
478,
12107,
1962,
13,
12,
999,
29901,
29871,
12,
12,
12,
1576,
5829,
363,
278,
3407,
1543,
13,
12,
2780,
29901,
29871,
12,
12,
12,
1576,
2927,
310,
278,
1196,
13,
12,
1915,
342,
1508,
29901,
29871,
12,
12,
1576,
6276,
342,
1508,
304,
671,
13,
12,
15945,
29908,
13,
12,
449,
353,
11289,
29889,
4905,
29898,
978,
29897,
13,
12,
1165,
29889,
5317,
29898,
449,
29889,
18434,
3366,
29961,
29995,
29879,
29914,
29882,
18017,
1273,
313,
999,
29897,
1402,
714,
29889,
18434,
3366,
29961,
29877,
22584,
29879,
18017,
1273,
313,
999,
29897,
1402,
13,
12,
12,
29883,
353,
7604,
29879,
29889,
27703,
580,
29961,
2780,
1402,
6276,
342,
1508,
353,
6276,
342,
1508,
29897,
13,
13,
1753,
6492,
29918,
26172,
29898,
1165,
1125,
13,
12,
9012,
353,
29871,
29941,
334,
518,
8516,
29962,
13,
12,
1915,
342,
5577,
353,
6024,
29899,
742,
525,
29901,
742,
525,
489,
2033,
13,
12,
27703,
353,
6796,
1127,
613,
376,
8517,
613,
376,
8517,
3108,
13,
12,
21134,
353,
6796,
29903,
29878,
613,
364,
29908,
8263,
29936,
395,
29934,
3187,
726,
29912,
29902,
29874,
1012,
771,
24070,
260,
3426,
29896,
29889,
29896,
1042,
613,
13,
12,
12,
29878,
29908,
8263,
29936,
395,
29934,
3187,
726,
29912,
29902,
29874,
1012,
771,
24070,
321,
3426,
29873,
7998,
4722,
3187,
726,
29912,
29902,
29874,
7920,
3108,
13,
12,
1454,
474,
297,
3464,
29898,
29941,
1125,
13,
12,
12,
9012,
29961,
29875,
29962,
353,
4853,
29889,
5317,
4197,
29896,
29892,
29871,
29906,
1402,
518,
29896,
29892,
29871,
29906,
1402,
274,
353,
7604,
29879,
29889,
27703,
580,
29961,
27703,
29961,
29875,
20526,
13,
12,
12,
12,
1915,
342,
1508,
353,
6276,
342,
5577,
29961,
29875,
1402,
3858,
353,
11073,
29961,
29875,
2314,
29961,
29900,
29962,
13,
12,
1397,
353,
4853,
29889,
26172,
29898,
2029,
353,
7604,
29879,
29889,
29885,
572,
29918,
2029,
580,
3366,
13609,
2175,
12436,
302,
1054,
353,
29871,
29896,
29892,
13,
12,
12,
29890,
1884,
29918,
517,
29918,
25367,
353,
313,
29900,
29889,
29900,
29896,
29892,
29871,
29900,
29889,
29900,
29896,
511,
3515,
265,
353,
7700,
29897,
13,
12,
1454,
474,
297,
3464,
29898,
29941,
1125,
13,
12,
12,
9012,
29961,
29875,
1822,
5992,
580,
13,
13,
361,
4770,
978,
1649,
1275,
376,
1649,
3396,
1649,
1115,
13,
12,
1165,
353,
7604,
29879,
29889,
1491,
26762,
29898,
29896,
29892,
29871,
29896,
29897,
13,
12,
1165,
29889,
842,
29918,
29916,
1643,
703,
29961,
29990,
29914,
29950,
29962,
1159,
13,
12,
1165,
29889,
842,
29918,
29891,
1643,
703,
29961,
29949,
29914,
29990,
29962,
1159,
13,
12,
5317,
29918,
21935,
29918,
1725,
29918,
3018,
4684,
29898,
1165,
29897,
13,
12,
1165,
29889,
842,
29918,
29916,
2576,
4197,
29899,
29896,
29889,
29955,
29892,
29871,
29900,
29889,
29896,
2314,
13,
12,
1165,
29889,
842,
29918,
29891,
2576,
4197,
29900,
1696,
29871,
29900,
29889,
29953,
2314,
13,
12,
572,
29873,
29889,
29873,
523,
29918,
2680,
580,
13,
12,
572,
29873,
29889,
7620,
1003,
29898,
9675,
29889,
19218,
29961,
29896,
2314,
13,
12,
572,
29873,
29889,
695,
29888,
580,
13,
13,
13,
2
] |
treebuilder/spinn_cnn/model.py | NLP-Discourse-SoochowU/cdtb_dp2018 | 6 | 134603 | <reponame>NLP-Discourse-SoochowU/cdtb_dp2018
# -*- coding: utf-8 -*-
"""
@Author: oisc <<EMAIL>>
@Date: 2018/5/4
@Description: SPINN shift reduce model
Ref: <NAME>, <NAME>, <NAME>, et al. A fast unified model for parsing and sentence understanding[J]. 2016.
"""
from collections import deque
import torch
import torch.nn as nn
import torch.nn.functional as nnfunc
import numpy as np
UNK = "<UNK>"
PAD = "<PAD>"
class SPINNState:
def __init__(self, stack, buffer, tracking):
self.stack = stack
self.buffer = buffer
self.tracking = tracking
def __copy__(self):
stack = [(hs.clone(), cs.clone()) for hs, cs in self.stack]
buffer = deque([(hb.clone(), cb.clone()) for hb, cb in self.buffer])
h, c = self.tracking
tracking = h.clone(), c.clone()
return SPINNState(stack, buffer, tracking)
class Reducer(nn.Module):
def __init__(self, hidden_size):
nn.Module.__init__(self)
self.hidden_size = hidden_size
self.comp = nn.Linear(self.hidden_size * 3, self.hidden_size * 5)
def forward(self, state):
(h1, c1), (h2, c2) = state.stack[-2], state.stack[-1]
tracking = state.tracking[0].view(-1)
a, i, f1, f2, o = self.comp(torch.cat([h1, h2, tracking])).chunk(5)
c = a.tanh() * i.sigmoid() + f1.sigmoid() * c1 + f2.sigmoid() * c2
h = o.sigmoid() * c.tanh()
return h, c
class Tracker(nn.Module):
def __init__(self, hidden_size):
nn.Module.__init__(self)
self.hidden_size = hidden_size
self.rnn = nn.LSTMCell(3 * self.hidden_size, hidden_size)
def init_state(self):
return tuple(torch.zeros(self.hidden_size).view(1, -1) for _ in range(2))
def forward(self, state):
stack, buffer, tracking = state.stack, state.buffer, state.tracking
(s2h, _), (s1h, _) = stack[-2], stack[-1]
b1h, _ = buffer[0]
cell_input = torch.cat([s2h, s1h, b1h]).view(1, -1)
tracking = self.rnn(cell_input, tracking)
return tracking
class MLP(nn.Module):
def __init__(self, hidden_size, num_layers, dropout_p, num_classes):
nn.Module.__init__(self)
self.linears = nn.ModuleList([nn.Linear(hidden_size, hidden_size) for _ in range(num_layers-1)])
self.activations = nn.ModuleList([nn.ReLU() for _ in range(num_layers - 1)])
self.dropouts = nn.ModuleList([nn.Dropout(p=dropout_p) for _ in range(num_layers - 1)])
self.logits = nn.Linear(hidden_size, num_classes)
def forward(self, hidden):
for linear, dropout, activation in zip(self.linears, self.dropouts, self.activations):
hidden = linear(hidden)
hidden = activation(hidden)
hidden = dropout(hidden)
return self.logits(hidden)
class SPINN(nn.Module):
def __init__(self, hidden_size, proj_dropout, mlp_layers, mlp_dropout,
edu_cutoff, position_embedding_size, unigram_filter_num, bigram_filter_num, trigram_filter_num,
pos_vocab, pos_embedding_size, word_vocab, word_embedding, labels):
nn.Module.__init__(self)
self.hidden_size = hidden_size
# build word vocab and initialize embedding
word2idx = {UNK: 0, PAD: 1}
for word in word_vocab:
word2idx[word] = len(word2idx)
self.word2idx = word2idx
self.wordemb_size = word_embedding.shape[1]
word_embedding = np.vstack([
np.random.normal(word_embedding.std(), word_embedding.var(), (2, self.wordemb_size)),
word_embedding])
self.wordemb = nn.Embedding.from_pretrained(torch.FloatTensor(word_embedding), freeze=False)
# build pos vocab and initialize embedding
pos2idx = {UNK: 0, PAD: 1}
for pos in pos_vocab:
pos2idx[pos] = len(pos2idx)
self.pos2idx = pos2idx
self.posemb = nn.Embedding(len(self.pos2idx), pos_embedding_size)
# word position embedding
self.edu_cutoff = edu_cutoff
self.position_embedding_size = position_embedding_size
self.positionemb = nn.Embedding(edu_cutoff + 1, position_embedding_size)
# convolution layer
cnn_input_width = self.wordemb_size + pos_embedding_size + position_embedding_size
self.edu_unigram_cnn = nn.Conv2d(1, unigram_filter_num, (1, cnn_input_width), padding=(0, 0))
self.edu_bigram_cnn = nn.Conv2d(1, bigram_filter_num, (2, cnn_input_width), padding=(1, 0))
self.edu_trigram_cnn = nn.Conv2d(1, trigram_filter_num, (3, cnn_input_width), padding=(2, 0))
# build label index
self.label_size = len(labels)
self.labels = list(labels)
self.label2idx = {label: i for i, label in enumerate(self.labels)}
self.dumb = nn.Parameter(torch.randn(self.hidden_size * 2))
self.dumb.requires_grad = True
self.tracker = Tracker(self.hidden_size)
self.reducer = Reducer(self.hidden_size)
self.proj = nn.Linear(self.wordemb_size * 2 + pos_embedding_size +
unigram_filter_num + bigram_filter_num + trigram_filter_num, self.hidden_size * 2)
self.proj_dropout = nn.Dropout(proj_dropout)
self.mlp = MLP(hidden_size, mlp_layers, mlp_dropout, self.label_size)
def new_state(self, conf):
stack = [self.dumb.chunk(2), self.dumb.chunk(2)]
buffer = deque()
for idx in conf.buffer:
buffer.append(self.node_encode(conf.discourse, idx))
buffer.append(self.dumb.chunk(2))
tracker_init_state = self.tracker.init_state()
state = SPINNState(stack, buffer, tracker_init_state)
state = self.update_tracking(state)
return state
def forward(self, state):
tracking_h = state.tracking[0].view(-1)
return self.mlp(tracking_h)
def score(self, state):
label_score = nnfunc.softmax(self(state), dim=0).tolist()
return dict(zip(self.labels, label_score))
def shift(self, state):
state.stack.append(state.buffer.popleft())
return self.update_tracking(state)
def reduce(self, state):
reduced = self.reducer(state)
state.stack.pop()
state.stack.pop()
state.stack.append(reduced)
return self.update_tracking(state)
def update_tracking(self, state):
tracking = self.tracker(state)
state.tracking = tracking
return state
def edu_cnn_encode(self, word_emb, tags_emb, position_emb):
cnn_input = torch.cat([word_emb, tags_emb, position_emb], dim=1)
# convolution input size (batch, in_chanel, seq_len, features_size)
cnn_input = cnn_input.view(1, 1, cnn_input.size(0), cnn_input.size(1))
# convolution output size (batch, filter_num, seq_strip_times)
unigram_output = nnfunc.relu(self.edu_unigram_cnn(cnn_input)).squeeze(-1)
bigram_output = nnfunc.relu(self.edu_bigram_cnn(cnn_input)).squeeze(-1)
trigram_output = nnfunc.relu(self.edu_trigram_cnn(cnn_input)).squeeze(-1)
# max pooling
unigram_feats = nnfunc.max_pool1d(unigram_output, kernel_size=unigram_output.size(2)).view(-1)
bigram_feats = nnfunc.max_pool1d(bigram_output, kernel_size=bigram_output.size(2)).view(-1)
trigram_feats = nnfunc.max_pool1d(trigram_output, kernel_size=trigram_output.size(2)).view(-1)
return torch.cat([unigram_feats, bigram_feats, trigram_feats], dim=0)
def node_encode(self, discourse, node_index):
node = discourse[node_index]
words = [word if word in self.word2idx else UNK for tag, word in discourse.tags(node.span)] or [PAD]
tags = [tag if tag in self.pos2idx else UNK for tag, word in discourse.tags(node.span)] or [PAD]
positions = [i + 1 if i < self.edu_cutoff else self.edu_cutoff
for i, word in enumerate(discourse.words(node.span))] or [0]
word_emb = self.wordemb(torch.Tensor([self.word2idx[word] for word in words]).long())
tags_emb = self.posemb(torch.Tensor([self.pos2idx[tag] for tag in tags]).long())
position_emb = self.positionemb(torch.Tensor(positions).long())
w1 = word_emb[0]
w2 = word_emb[-1]
t1 = tags_emb[0]
cnn_emb = self.edu_cnn_encode(word_emb, tags_emb, position_emb)
edu_emb = torch.cat([w1, w2, t1, cnn_emb])
proj = self.proj(edu_emb)
proj_dropout = self.proj_dropout(proj)
return proj_dropout.chunk(2)
| [
1,
529,
276,
1112,
420,
29958,
29940,
13208,
29899,
4205,
15775,
29899,
6295,
2878,
340,
29965,
29914,
2252,
22625,
29918,
6099,
29906,
29900,
29896,
29947,
13,
29937,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
13,
13,
15945,
29908,
13,
29992,
13720,
29901,
288,
10669,
3532,
26862,
6227,
6778,
13,
29992,
2539,
29901,
29871,
29906,
29900,
29896,
29947,
29914,
29945,
29914,
29946,
13,
29992,
9868,
29901,
10937,
1177,
29940,
9500,
10032,
1904,
13,
5620,
29901,
529,
5813,
10202,
529,
5813,
10202,
529,
5813,
10202,
634,
394,
29889,
319,
5172,
443,
2164,
1904,
363,
13755,
322,
10541,
8004,
29961,
29967,
1822,
29871,
29906,
29900,
29896,
29953,
29889,
13,
15945,
29908,
13,
3166,
16250,
1053,
316,
802,
13,
5215,
4842,
305,
13,
5215,
4842,
305,
29889,
15755,
408,
302,
29876,
13,
5215,
4842,
305,
29889,
15755,
29889,
2220,
284,
408,
302,
29876,
9891,
13,
5215,
12655,
408,
7442,
13,
13,
13,
3904,
29968,
353,
9872,
3904,
29968,
11903,
13,
29925,
3035,
353,
9872,
29925,
3035,
11903,
13,
13,
13,
1990,
10937,
1177,
29940,
2792,
29901,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
5096,
29892,
6835,
29892,
23110,
1125,
13,
4706,
1583,
29889,
1429,
353,
5096,
13,
4706,
1583,
29889,
9040,
353,
6835,
13,
4706,
1583,
29889,
11294,
292,
353,
23110,
13,
13,
1678,
822,
4770,
8552,
12035,
1311,
1125,
13,
4706,
5096,
353,
17288,
9499,
29889,
16513,
3285,
5939,
29889,
16513,
3101,
363,
298,
29879,
29892,
5939,
297,
1583,
29889,
1429,
29962,
13,
4706,
6835,
353,
316,
802,
4197,
29898,
29882,
29890,
29889,
16513,
3285,
26324,
29889,
16513,
3101,
363,
298,
29890,
29892,
26324,
297,
1583,
29889,
9040,
2314,
13,
4706,
298,
29892,
274,
353,
1583,
29889,
11294,
292,
13,
4706,
23110,
353,
298,
29889,
16513,
3285,
274,
29889,
16513,
580,
13,
4706,
736,
10937,
1177,
29940,
2792,
29898,
1429,
29892,
6835,
29892,
23110,
29897,
13,
13,
13,
1990,
4367,
1682,
261,
29898,
15755,
29889,
7355,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
7934,
29918,
2311,
1125,
13,
4706,
302,
29876,
29889,
7355,
17255,
2344,
12035,
1311,
29897,
13,
4706,
1583,
29889,
10892,
29918,
2311,
353,
7934,
29918,
2311,
13,
4706,
1583,
29889,
2388,
353,
302,
29876,
29889,
12697,
29898,
1311,
29889,
10892,
29918,
2311,
334,
29871,
29941,
29892,
1583,
29889,
10892,
29918,
2311,
334,
29871,
29945,
29897,
13,
13,
1678,
822,
6375,
29898,
1311,
29892,
2106,
1125,
13,
4706,
313,
29882,
29896,
29892,
274,
29896,
511,
313,
29882,
29906,
29892,
274,
29906,
29897,
353,
2106,
29889,
1429,
14352,
29906,
1402,
2106,
29889,
1429,
14352,
29896,
29962,
13,
4706,
23110,
353,
2106,
29889,
11294,
292,
29961,
29900,
1822,
1493,
6278,
29896,
29897,
13,
4706,
263,
29892,
474,
29892,
285,
29896,
29892,
285,
29906,
29892,
288,
353,
1583,
29889,
2388,
29898,
7345,
305,
29889,
4117,
4197,
29882,
29896,
29892,
298,
29906,
29892,
23110,
2314,
467,
29812,
29898,
29945,
29897,
13,
4706,
274,
353,
263,
29889,
13161,
29882,
580,
334,
474,
29889,
18816,
29885,
3398,
580,
718,
285,
29896,
29889,
18816,
29885,
3398,
580,
334,
274,
29896,
718,
285,
29906,
29889,
18816,
29885,
3398,
580,
334,
274,
29906,
13,
4706,
298,
353,
288,
29889,
18816,
29885,
3398,
580,
334,
274,
29889,
13161,
29882,
580,
13,
4706,
736,
298,
29892,
274,
13,
13,
13,
1990,
3201,
4937,
29898,
15755,
29889,
7355,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
7934,
29918,
2311,
1125,
13,
4706,
302,
29876,
29889,
7355,
17255,
2344,
12035,
1311,
29897,
13,
4706,
1583,
29889,
10892,
29918,
2311,
353,
7934,
29918,
2311,
13,
4706,
1583,
29889,
29878,
15755,
353,
302,
29876,
29889,
29931,
1254,
29924,
4617,
29898,
29941,
334,
1583,
29889,
10892,
29918,
2311,
29892,
7934,
29918,
2311,
29897,
13,
13,
1678,
822,
2069,
29918,
3859,
29898,
1311,
1125,
13,
4706,
736,
18761,
29898,
7345,
305,
29889,
3298,
359,
29898,
1311,
29889,
10892,
29918,
2311,
467,
1493,
29898,
29896,
29892,
448,
29896,
29897,
363,
903,
297,
3464,
29898,
29906,
876,
13,
13,
1678,
822,
6375,
29898,
1311,
29892,
2106,
1125,
13,
4706,
5096,
29892,
6835,
29892,
23110,
353,
2106,
29889,
1429,
29892,
2106,
29889,
9040,
29892,
2106,
29889,
11294,
292,
13,
4706,
313,
29879,
29906,
29882,
29892,
903,
511,
313,
29879,
29896,
29882,
29892,
24459,
353,
5096,
14352,
29906,
1402,
5096,
14352,
29896,
29962,
13,
4706,
289,
29896,
29882,
29892,
903,
353,
6835,
29961,
29900,
29962,
13,
4706,
3038,
29918,
2080,
353,
4842,
305,
29889,
4117,
4197,
29879,
29906,
29882,
29892,
269,
29896,
29882,
29892,
289,
29896,
29882,
14664,
1493,
29898,
29896,
29892,
448,
29896,
29897,
13,
4706,
23110,
353,
1583,
29889,
29878,
15755,
29898,
3729,
29918,
2080,
29892,
23110,
29897,
13,
4706,
736,
23110,
13,
13,
13,
1990,
341,
13208,
29898,
15755,
29889,
7355,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
7934,
29918,
2311,
29892,
954,
29918,
29277,
29892,
5768,
449,
29918,
29886,
29892,
954,
29918,
13203,
1125,
13,
4706,
302,
29876,
29889,
7355,
17255,
2344,
12035,
1311,
29897,
13,
4706,
1583,
29889,
1220,
1503,
353,
302,
29876,
29889,
7355,
1293,
4197,
15755,
29889,
12697,
29898,
10892,
29918,
2311,
29892,
7934,
29918,
2311,
29897,
363,
903,
297,
3464,
29898,
1949,
29918,
29277,
29899,
29896,
29897,
2314,
13,
4706,
1583,
29889,
11236,
800,
353,
302,
29876,
29889,
7355,
1293,
4197,
15755,
29889,
1123,
29931,
29965,
580,
363,
903,
297,
3464,
29898,
1949,
29918,
29277,
448,
29871,
29896,
29897,
2314,
13,
4706,
1583,
29889,
8865,
17718,
353,
302,
29876,
29889,
7355,
1293,
4197,
15755,
29889,
15063,
449,
29898,
29886,
29922,
8865,
449,
29918,
29886,
29897,
363,
903,
297,
3464,
29898,
1949,
29918,
29277,
448,
29871,
29896,
29897,
2314,
13,
4706,
1583,
29889,
1188,
1169,
353,
302,
29876,
29889,
12697,
29898,
10892,
29918,
2311,
29892,
954,
29918,
13203,
29897,
13,
13,
1678,
822,
6375,
29898,
1311,
29892,
7934,
1125,
13,
4706,
363,
5608,
29892,
5768,
449,
29892,
26229,
297,
14319,
29898,
1311,
29889,
1220,
1503,
29892,
1583,
29889,
8865,
17718,
29892,
1583,
29889,
11236,
800,
1125,
13,
9651,
7934,
353,
5608,
29898,
10892,
29897,
13,
9651,
7934,
353,
26229,
29898,
10892,
29897,
13,
9651,
7934,
353,
5768,
449,
29898,
10892,
29897,
13,
4706,
736,
1583,
29889,
1188,
1169,
29898,
10892,
29897,
13,
13,
13,
1990,
10937,
1177,
29940,
29898,
15755,
29889,
7355,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
7934,
29918,
2311,
29892,
410,
29926,
29918,
8865,
449,
29892,
286,
22833,
29918,
29277,
29892,
286,
22833,
29918,
8865,
449,
29892,
13,
462,
1226,
29884,
29918,
7582,
2696,
29892,
2602,
29918,
17987,
8497,
29918,
2311,
29892,
443,
335,
2572,
29918,
4572,
29918,
1949,
29892,
4802,
2572,
29918,
4572,
29918,
1949,
29892,
16222,
2572,
29918,
4572,
29918,
1949,
29892,
13,
462,
926,
29918,
29894,
542,
370,
29892,
926,
29918,
17987,
8497,
29918,
2311,
29892,
1734,
29918,
29894,
542,
370,
29892,
1734,
29918,
17987,
8497,
29892,
11073,
1125,
13,
4706,
302,
29876,
29889,
7355,
17255,
2344,
12035,
1311,
29897,
13,
4706,
1583,
29889,
10892,
29918,
2311,
353,
7934,
29918,
2311,
13,
13,
4706,
396,
2048,
1734,
7931,
370,
322,
11905,
23655,
13,
4706,
1734,
29906,
13140,
353,
426,
3904,
29968,
29901,
29871,
29900,
29892,
349,
3035,
29901,
29871,
29896,
29913,
13,
4706,
363,
1734,
297,
1734,
29918,
29894,
542,
370,
29901,
13,
9651,
1734,
29906,
13140,
29961,
1742,
29962,
353,
7431,
29898,
1742,
29906,
13140,
29897,
13,
4706,
1583,
29889,
1742,
29906,
13140,
353,
1734,
29906,
13140,
13,
4706,
1583,
29889,
13762,
2310,
29890,
29918,
2311,
353,
1734,
29918,
17987,
8497,
29889,
12181,
29961,
29896,
29962,
13,
4706,
1734,
29918,
17987,
8497,
353,
7442,
29889,
29894,
1429,
4197,
13,
9651,
7442,
29889,
8172,
29889,
8945,
29898,
1742,
29918,
17987,
8497,
29889,
4172,
3285,
1734,
29918,
17987,
8497,
29889,
1707,
3285,
313,
29906,
29892,
1583,
29889,
13762,
2310,
29890,
29918,
2311,
8243,
13,
9651,
1734,
29918,
17987,
8497,
2314,
13,
4706,
1583,
29889,
13762,
2310,
29890,
353,
302,
29876,
29889,
6026,
2580,
8497,
29889,
3166,
29918,
1457,
3018,
1312,
29898,
7345,
305,
29889,
11031,
29911,
6073,
29898,
1742,
29918,
17987,
8497,
511,
3889,
911,
29922,
8824,
29897,
13,
13,
4706,
396,
2048,
926,
7931,
370,
322,
11905,
23655,
13,
4706,
926,
29906,
13140,
353,
426,
3904,
29968,
29901,
29871,
29900,
29892,
349,
3035,
29901,
29871,
29896,
29913,
13,
4706,
363,
926,
297,
926,
29918,
29894,
542,
370,
29901,
13,
9651,
926,
29906,
13140,
29961,
1066,
29962,
353,
7431,
29898,
1066,
29906,
13140,
29897,
13,
4706,
1583,
29889,
1066,
29906,
13140,
353,
926,
29906,
13140,
13,
4706,
1583,
29889,
1066,
1590,
353,
302,
29876,
29889,
6026,
2580,
8497,
29898,
2435,
29898,
1311,
29889,
1066,
29906,
13140,
511,
926,
29918,
17987,
8497,
29918,
2311,
29897,
13,
13,
4706,
396,
1734,
2602,
23655,
13,
4706,
1583,
29889,
6085,
29918,
7582,
2696,
353,
1226,
29884,
29918,
7582,
2696,
13,
4706,
1583,
29889,
3283,
29918,
17987,
8497,
29918,
2311,
353,
2602,
29918,
17987,
8497,
29918,
2311,
13,
4706,
1583,
29889,
3283,
1590,
353,
302,
29876,
29889,
6026,
2580,
8497,
29898,
6085,
29918,
7582,
2696,
718,
29871,
29896,
29892,
2602,
29918,
17987,
8497,
29918,
2311,
29897,
13,
13,
4706,
396,
26851,
7546,
13,
4706,
274,
15755,
29918,
2080,
29918,
2103,
353,
1583,
29889,
13762,
2310,
29890,
29918,
2311,
718,
926,
29918,
17987,
8497,
29918,
2311,
718,
2602,
29918,
17987,
8497,
29918,
2311,
13,
4706,
1583,
29889,
6085,
29918,
348,
335,
2572,
29918,
29883,
15755,
353,
302,
29876,
29889,
1168,
29894,
29906,
29881,
29898,
29896,
29892,
443,
335,
2572,
29918,
4572,
29918,
1949,
29892,
313,
29896,
29892,
274,
15755,
29918,
2080,
29918,
2103,
511,
7164,
7607,
29900,
29892,
29871,
29900,
876,
13,
4706,
1583,
29889,
6085,
29918,
3752,
2572,
29918,
29883,
15755,
353,
302,
29876,
29889,
1168,
29894,
29906,
29881,
29898,
29896,
29892,
4802,
2572,
29918,
4572,
29918,
1949,
29892,
313,
29906,
29892,
274,
15755,
29918,
2080,
29918,
2103,
511,
7164,
7607,
29896,
29892,
29871,
29900,
876,
13,
4706,
1583,
29889,
6085,
29918,
509,
335,
2572,
29918,
29883,
15755,
353,
302,
29876,
29889,
1168,
29894,
29906,
29881,
29898,
29896,
29892,
16222,
2572,
29918,
4572,
29918,
1949,
29892,
313,
29941,
29892,
274,
15755,
29918,
2080,
29918,
2103,
511,
7164,
7607,
29906,
29892,
29871,
29900,
876,
13,
13,
4706,
396,
2048,
3858,
2380,
13,
4706,
1583,
29889,
1643,
29918,
2311,
353,
7431,
29898,
21134,
29897,
13,
4706,
1583,
29889,
21134,
353,
1051,
29898,
21134,
29897,
13,
4706,
1583,
29889,
1643,
29906,
13140,
353,
426,
1643,
29901,
474,
363,
474,
29892,
3858,
297,
26985,
29898,
1311,
29889,
21134,
2915,
13,
13,
4706,
1583,
29889,
29881,
3774,
353,
302,
29876,
29889,
9329,
29898,
7345,
305,
29889,
9502,
29876,
29898,
1311,
29889,
10892,
29918,
2311,
334,
29871,
29906,
876,
13,
4706,
1583,
29889,
29881,
3774,
29889,
276,
339,
2658,
29918,
5105,
353,
5852,
13,
4706,
1583,
29889,
3018,
4937,
353,
3201,
4937,
29898,
1311,
29889,
10892,
29918,
2311,
29897,
13,
4706,
1583,
29889,
9313,
2265,
353,
4367,
1682,
261,
29898,
1311,
29889,
10892,
29918,
2311,
29897,
13,
4706,
1583,
29889,
20865,
353,
302,
29876,
29889,
12697,
29898,
1311,
29889,
13762,
2310,
29890,
29918,
2311,
334,
29871,
29906,
718,
926,
29918,
17987,
8497,
29918,
2311,
718,
13,
462,
795,
443,
335,
2572,
29918,
4572,
29918,
1949,
718,
4802,
2572,
29918,
4572,
29918,
1949,
718,
16222,
2572,
29918,
4572,
29918,
1949,
29892,
1583,
29889,
10892,
29918,
2311,
334,
29871,
29906,
29897,
13,
4706,
1583,
29889,
20865,
29918,
8865,
449,
353,
302,
29876,
29889,
15063,
449,
29898,
20865,
29918,
8865,
449,
29897,
13,
4706,
1583,
29889,
828,
29886,
353,
341,
13208,
29898,
10892,
29918,
2311,
29892,
286,
22833,
29918,
29277,
29892,
286,
22833,
29918,
8865,
449,
29892,
1583,
29889,
1643,
29918,
2311,
29897,
13,
13,
1678,
822,
716,
29918,
3859,
29898,
1311,
29892,
1970,
1125,
13,
4706,
5096,
353,
518,
1311,
29889,
29881,
3774,
29889,
29812,
29898,
29906,
511,
1583,
29889,
29881,
3774,
29889,
29812,
29898,
29906,
4638,
13,
4706,
6835,
353,
316,
802,
580,
13,
4706,
363,
22645,
297,
1970,
29889,
9040,
29901,
13,
9651,
6835,
29889,
4397,
29898,
1311,
29889,
3177,
29918,
12508,
29898,
5527,
29889,
2218,
15775,
29892,
22645,
876,
13,
4706,
6835,
29889,
4397,
29898,
1311,
29889,
29881,
3774,
29889,
29812,
29898,
29906,
876,
13,
4706,
1020,
4937,
29918,
2344,
29918,
3859,
353,
1583,
29889,
3018,
4937,
29889,
2344,
29918,
3859,
580,
13,
4706,
2106,
353,
10937,
1177,
29940,
2792,
29898,
1429,
29892,
6835,
29892,
1020,
4937,
29918,
2344,
29918,
3859,
29897,
13,
4706,
2106,
353,
1583,
29889,
5504,
29918,
11294,
292,
29898,
3859,
29897,
13,
4706,
736,
2106,
13,
13,
1678,
822,
6375,
29898,
1311,
29892,
2106,
1125,
13,
4706,
23110,
29918,
29882,
353,
2106,
29889,
11294,
292,
29961,
29900,
1822,
1493,
6278,
29896,
29897,
13,
4706,
736,
1583,
29889,
828,
29886,
29898,
11294,
292,
29918,
29882,
29897,
13,
13,
1678,
822,
8158,
29898,
1311,
29892,
2106,
1125,
13,
4706,
3858,
29918,
13628,
353,
302,
29876,
9891,
29889,
2695,
3317,
29898,
1311,
29898,
3859,
511,
3964,
29922,
29900,
467,
25027,
391,
580,
13,
4706,
736,
9657,
29898,
7554,
29898,
1311,
29889,
21134,
29892,
3858,
29918,
13628,
876,
13,
13,
1678,
822,
9500,
29898,
1311,
29892,
2106,
1125,
13,
4706,
2106,
29889,
1429,
29889,
4397,
29898,
3859,
29889,
9040,
29889,
7323,
1563,
3101,
13,
4706,
736,
1583,
29889,
5504,
29918,
11294,
292,
29898,
3859,
29897,
13,
13,
1678,
822,
10032,
29898,
1311,
29892,
2106,
1125,
13,
4706,
12212,
353,
1583,
29889,
9313,
2265,
29898,
3859,
29897,
13,
4706,
2106,
29889,
1429,
29889,
7323,
580,
13,
4706,
2106,
29889,
1429,
29889,
7323,
580,
13,
4706,
2106,
29889,
1429,
29889,
4397,
29898,
9313,
1133,
29897,
13,
4706,
736,
1583,
29889,
5504,
29918,
11294,
292,
29898,
3859,
29897,
13,
13,
1678,
822,
2767,
29918,
11294,
292,
29898,
1311,
29892,
2106,
1125,
13,
4706,
23110,
353,
1583,
29889,
3018,
4937,
29898,
3859,
29897,
13,
4706,
2106,
29889,
11294,
292,
353,
23110,
13,
4706,
736,
2106,
13,
13,
1678,
822,
1226,
29884,
29918,
29883,
15755,
29918,
12508,
29898,
1311,
29892,
1734,
29918,
1590,
29892,
8282,
29918,
1590,
29892,
2602,
29918,
1590,
1125,
13,
4706,
274,
15755,
29918,
2080,
353,
4842,
305,
29889,
4117,
4197,
1742,
29918,
1590,
29892,
8282,
29918,
1590,
29892,
2602,
29918,
1590,
1402,
3964,
29922,
29896,
29897,
13,
4706,
396,
26851,
1881,
2159,
313,
16175,
29892,
297,
29918,
305,
3870,
29892,
19359,
29918,
2435,
29892,
5680,
29918,
2311,
29897,
13,
4706,
274,
15755,
29918,
2080,
353,
274,
15755,
29918,
2080,
29889,
1493,
29898,
29896,
29892,
29871,
29896,
29892,
274,
15755,
29918,
2080,
29889,
2311,
29898,
29900,
511,
274,
15755,
29918,
2080,
29889,
2311,
29898,
29896,
876,
13,
4706,
396,
26851,
1962,
2159,
313,
16175,
29892,
4175,
29918,
1949,
29892,
19359,
29918,
17010,
29918,
3706,
29897,
13,
4706,
443,
335,
2572,
29918,
4905,
353,
302,
29876,
9891,
29889,
2674,
29884,
29898,
1311,
29889,
6085,
29918,
348,
335,
2572,
29918,
29883,
15755,
29898,
29883,
15755,
29918,
2080,
8106,
29879,
802,
29872,
911,
6278,
29896,
29897,
13,
4706,
4802,
2572,
29918,
4905,
353,
302,
29876,
9891,
29889,
2674,
29884,
29898,
1311,
29889,
6085,
29918,
3752,
2572,
29918,
29883,
15755,
29898,
29883,
15755,
29918,
2080,
8106,
29879,
802,
29872,
911,
6278,
29896,
29897,
13,
4706,
16222,
2572,
29918,
4905,
353,
302,
29876,
9891,
29889,
2674,
29884,
29898,
1311,
29889,
6085,
29918,
509,
335,
2572,
29918,
29883,
15755,
29898,
29883,
15755,
29918,
2080,
8106,
29879,
802,
29872,
911,
6278,
29896,
29897,
13,
4706,
396,
4236,
11565,
292,
13,
4706,
443,
335,
2572,
29918,
1725,
1446,
353,
302,
29876,
9891,
29889,
3317,
29918,
10109,
29896,
29881,
29898,
348,
335,
2572,
29918,
4905,
29892,
8466,
29918,
2311,
29922,
348,
335,
2572,
29918,
4905,
29889,
2311,
29898,
29906,
8106,
1493,
6278,
29896,
29897,
13,
4706,
4802,
2572,
29918,
1725,
1446,
353,
302,
29876,
9891,
29889,
3317,
29918,
10109,
29896,
29881,
29898,
3752,
2572,
29918,
4905,
29892,
8466,
29918,
2311,
29922,
3752,
2572,
29918,
4905,
29889,
2311,
29898,
29906,
8106,
1493,
6278,
29896,
29897,
13,
4706,
16222,
2572,
29918,
1725,
1446,
353,
302,
29876,
9891,
29889,
3317,
29918,
10109,
29896,
29881,
29898,
509,
335,
2572,
29918,
4905,
29892,
8466,
29918,
2311,
29922,
509,
335,
2572,
29918,
4905,
29889,
2311,
29898,
29906,
8106,
1493,
6278,
29896,
29897,
13,
4706,
736,
4842,
305,
29889,
4117,
4197,
348,
335,
2572,
29918,
1725,
1446,
29892,
4802,
2572,
29918,
1725,
1446,
29892,
16222,
2572,
29918,
1725,
1446,
1402,
3964,
29922,
29900,
29897,
13,
13,
1678,
822,
2943,
29918,
12508,
29898,
1311,
29892,
2313,
10242,
29892,
2943,
29918,
2248,
1125,
13,
4706,
2943,
353,
2313,
10242,
29961,
3177,
29918,
2248,
29962,
13,
4706,
3838,
353,
518,
1742,
565,
1734,
297,
1583,
29889,
1742,
29906,
13140,
1683,
8291,
29968,
363,
4055,
29892,
1734,
297,
2313,
10242,
29889,
11338,
29898,
3177,
29889,
9653,
4638,
470,
518,
29925,
3035,
29962,
13,
4706,
8282,
353,
518,
4039,
565,
4055,
297,
1583,
29889,
1066,
29906,
13140,
1683,
8291,
29968,
363,
4055,
29892,
1734,
297,
2313,
10242,
29889,
11338,
29898,
3177,
29889,
9653,
4638,
470,
518,
29925,
3035,
29962,
13,
4706,
11909,
353,
518,
29875,
718,
29871,
29896,
565,
474,
529,
1583,
29889,
6085,
29918,
7582,
2696,
1683,
1583,
29889,
6085,
29918,
7582,
2696,
13,
462,
268,
363,
474,
29892,
1734,
297,
26985,
29898,
2218,
15775,
29889,
9303,
29898,
3177,
29889,
9653,
28166,
470,
518,
29900,
29962,
13,
4706,
1734,
29918,
1590,
353,
1583,
29889,
13762,
2310,
29890,
29898,
7345,
305,
29889,
29911,
6073,
4197,
1311,
29889,
1742,
29906,
13140,
29961,
1742,
29962,
363,
1734,
297,
3838,
14664,
5426,
3101,
13,
4706,
8282,
29918,
1590,
353,
1583,
29889,
1066,
1590,
29898,
7345,
305,
29889,
29911,
6073,
4197,
1311,
29889,
1066,
29906,
13140,
29961,
4039,
29962,
363,
4055,
297,
8282,
14664,
5426,
3101,
13,
4706,
2602,
29918,
1590,
353,
1583,
29889,
3283,
1590,
29898,
7345,
305,
29889,
29911,
6073,
29898,
1066,
2187,
467,
5426,
3101,
13,
13,
4706,
281,
29896,
353,
1734,
29918,
1590,
29961,
29900,
29962,
13,
4706,
281,
29906,
353,
1734,
29918,
1590,
14352,
29896,
29962,
13,
4706,
260,
29896,
353,
8282,
29918,
1590,
29961,
29900,
29962,
13,
4706,
274,
15755,
29918,
1590,
353,
1583,
29889,
6085,
29918,
29883,
15755,
29918,
12508,
29898,
1742,
29918,
1590,
29892,
8282,
29918,
1590,
29892,
2602,
29918,
1590,
29897,
13,
13,
4706,
1226,
29884,
29918,
1590,
353,
4842,
305,
29889,
4117,
4197,
29893,
29896,
29892,
281,
29906,
29892,
260,
29896,
29892,
274,
15755,
29918,
1590,
2314,
13,
4706,
410,
29926,
353,
1583,
29889,
20865,
29898,
6085,
29918,
1590,
29897,
13,
4706,
410,
29926,
29918,
8865,
449,
353,
1583,
29889,
20865,
29918,
8865,
449,
29898,
20865,
29897,
13,
4706,
736,
410,
29926,
29918,
8865,
449,
29889,
29812,
29898,
29906,
29897,
13,
2
] |
hug/__init__.py | zhwei820/aio_hug | 3 | 71893 | <filename>hug/__init__.py
"""hug/__init__.py
Everyone needs a hug every once in a while. Even API developers. Hug aims to make developing Python driven APIs as
simple as possible, but no simpler.
Hug's Design Objectives:
- Make developing a Python driven API as succint as a written definition.
- The framework should encourage code that self-documents.
- It should be fast. Never should a developer feel the need to look somewhere else for performance reasons.
- Writing tests for APIs written on-top of Hug should be easy and intuitive.
- Magic done once, in an API, is better then pushing the problem set to the user of the API.
- Be the basis for next generation Python APIs, embracing the latest technology.
Copyright (C) 2016 <NAME>
Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated
documentation files (the "Software"), to deal in the Software without restriction, including without limitation
the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and
to permit persons to whom the Software is furnished to do so, subject to the following conditions:
The above copyright notice and this permission notice shall be included in all copies or
substantial portions of the Software.
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED
TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL
THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF
CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR
OTHER DEALINGS IN THE SOFTWARE.
"""
from __future__ import absolute_import
from hug import (authentication, directives, exceptions, format, input_format, introspect,
middleware, output_format, redirect, route, transform, types, use, validate)
from hug._version import current
from hug.api import API
from hug.decorators import (default_input_format, default_output_format, directive, extend_api, middleware_class,
request_middleware, response_middleware, startup, wraps)
from hug.route import (call, connect, delete, exception, get, get_post, head, http,
not_found, object, options, patch, post, put, sink, static, trace)
from hug.types import create as type
from hug import development_runner # isort:skip
from hug import defaults # isort:skip - must be imported last for defaults to have access to all modules
try: # pragma: no cover - defaulting to uvloop if it is installed
import uvloop
import asyncio
asyncio.set_event_loop_policy(uvloop.EventLoopPolicy())
except (ImportError, AttributeError):
pass
__version__ = current
| [
1,
529,
9507,
29958,
29882,
688,
29914,
1649,
2344,
26914,
2272,
13,
15945,
29908,
29882,
688,
29914,
1649,
2344,
26914,
2272,
13,
13,
26526,
650,
4225,
263,
298,
688,
1432,
2748,
297,
263,
1550,
29889,
7753,
3450,
18777,
29889,
379,
688,
263,
9893,
304,
1207,
14338,
5132,
18225,
23649,
408,
13,
12857,
408,
1950,
29892,
541,
694,
13682,
29889,
13,
13,
29950,
688,
29915,
29879,
12037,
4669,
3145,
29901,
13,
13,
29899,
8561,
14338,
263,
5132,
18225,
3450,
408,
8348,
524,
408,
263,
3971,
5023,
29889,
13,
29899,
450,
6890,
881,
13731,
6617,
775,
393,
1583,
29899,
3225,
29879,
29889,
13,
29899,
739,
881,
367,
5172,
29889,
12391,
881,
263,
13897,
4459,
278,
817,
304,
1106,
9051,
1683,
363,
4180,
9590,
29889,
13,
29899,
28676,
6987,
363,
23649,
3971,
373,
29899,
3332,
310,
379,
688,
881,
367,
4780,
322,
27951,
573,
29889,
13,
29899,
26494,
2309,
2748,
29892,
297,
385,
3450,
29892,
338,
2253,
769,
27556,
278,
1108,
731,
304,
278,
1404,
310,
278,
3450,
29889,
13,
29899,
1522,
278,
8405,
363,
2446,
12623,
5132,
23649,
29892,
7232,
945,
292,
278,
9281,
15483,
29889,
13,
13,
11882,
1266,
313,
29907,
29897,
29871,
29906,
29900,
29896,
29953,
29871,
529,
5813,
29958,
13,
13,
27293,
338,
1244,
1609,
16896,
29892,
3889,
310,
8323,
29892,
304,
738,
2022,
4017,
292,
263,
3509,
310,
445,
7047,
322,
6942,
13,
12663,
2066,
313,
1552,
376,
6295,
14093,
4968,
304,
5376,
297,
278,
18540,
1728,
24345,
29892,
3704,
1728,
29485,
13,
1552,
10462,
304,
671,
29892,
3509,
29892,
6623,
29892,
10366,
29892,
9805,
29892,
1320,
2666,
29892,
269,
803,
1947,
29892,
322,
29914,
272,
19417,
14591,
310,
278,
18540,
29892,
322,
13,
517,
14257,
12407,
304,
6029,
278,
18540,
338,
15252,
3276,
304,
437,
577,
29892,
4967,
304,
278,
1494,
5855,
29901,
13,
13,
1576,
2038,
3509,
1266,
8369,
322,
445,
10751,
8369,
4091,
367,
5134,
297,
599,
14591,
470,
13,
22492,
424,
616,
2011,
1080,
310,
278,
18540,
29889,
13,
13,
28350,
7791,
7818,
12982,
1525,
8519,
13756,
13044,
3352,
376,
3289,
8519,
613,
399,
1806,
8187,
2692,
399,
1718,
29934,
13566,
29979,
8079,
13764,
29979,
476,
22255,
29892,
8528,
15094,
1799,
6323,
306,
3580,
5265,
3352,
29892,
2672,
6154,
15789,
4214,
350,
2692,
6058,
27848,
3352,
13,
4986,
6093,
399,
1718,
29934,
13566,
29059,
8079,
341,
1001,
3210,
13566,
2882,
6227,
11937,
29892,
383,
1806,
8186,
1799,
15842,
319,
349,
8322,
2965,
13309,
1718,
349,
4574,
13152,
1660,
5300,
405,
1164,
1177,
15860,
1177,
1692,
13780,
29889,
2672,
11698,
382,
29963,
3919,
24972,
9818,
13,
28350,
26524,
29950,
24125,
6323,
315,
4590,
29979,
22789,
3912,
379,
5607,
8032,
29903,
20700,
17705,
6181,
15842,
13764,
29979,
315,
4375,
7833,
29892,
21330,
1529,
1692,
29903,
6323,
438,
29911,
4448,
17705,
2882,
6227,
11937,
29892,
12317,
2544,
4448,
2672,
13764,
319,
9838,
8079,
13,
22412,
4717,
1783,
29892,
323,
8476,
6323,
438,
29911,
4448,
22119,
1660,
29892,
9033,
3235,
4214,
3895,
29892,
19474,
8079,
6323,
2672,
8707,
8186,
9838,
22659,
6093,
7791,
7818,
12982,
1525,
6323,
6093,
501,
1660,
6323,
13,
2891,
4448,
5012,
1964,
4214,
29903,
2672,
6093,
7791,
7818,
12982,
1525,
29889,
13,
13,
15945,
29908,
13,
3166,
4770,
29888,
9130,
1649,
1053,
8380,
29918,
5215,
13,
13,
3166,
298,
688,
1053,
313,
23055,
29892,
1513,
3145,
29892,
15283,
29892,
3402,
29892,
1881,
29918,
4830,
29892,
25956,
1103,
29892,
13,
462,
7256,
2519,
29892,
1962,
29918,
4830,
29892,
6684,
29892,
5782,
29892,
4327,
29892,
4072,
29892,
671,
29892,
12725,
29897,
13,
3166,
298,
688,
3032,
3259,
1053,
1857,
13,
3166,
298,
688,
29889,
2754,
1053,
3450,
13,
3166,
298,
688,
29889,
19557,
4097,
1053,
313,
4381,
29918,
2080,
29918,
4830,
29892,
2322,
29918,
4905,
29918,
4830,
29892,
17041,
29892,
10985,
29918,
2754,
29892,
7256,
2519,
29918,
1990,
29892,
13,
462,
9651,
2009,
29918,
17662,
2519,
29892,
2933,
29918,
17662,
2519,
29892,
20234,
29892,
11463,
567,
29897,
13,
3166,
298,
688,
29889,
13134,
1053,
313,
4804,
29892,
4511,
29892,
5217,
29892,
3682,
29892,
679,
29892,
679,
29918,
2490,
29892,
2343,
29892,
1732,
29892,
13,
462,
539,
451,
29918,
11940,
29892,
1203,
29892,
3987,
29892,
13261,
29892,
1400,
29892,
1925,
29892,
28169,
29892,
2294,
29892,
9637,
29897,
13,
3166,
298,
688,
29889,
8768,
1053,
1653,
408,
1134,
13,
13,
3166,
298,
688,
1053,
5849,
29918,
27492,
29871,
396,
338,
441,
29901,
11014,
13,
3166,
298,
688,
1053,
21274,
29871,
396,
338,
441,
29901,
11014,
448,
1818,
367,
19673,
1833,
363,
21274,
304,
505,
2130,
304,
599,
10585,
13,
13,
2202,
29901,
29871,
396,
282,
23929,
29901,
694,
4612,
448,
2322,
292,
304,
318,
29894,
7888,
565,
372,
338,
5130,
13,
1678,
1053,
318,
29894,
7888,
13,
1678,
1053,
408,
948,
3934,
13,
13,
1678,
408,
948,
3934,
29889,
842,
29918,
3696,
29918,
7888,
29918,
22197,
29898,
4090,
7888,
29889,
2624,
18405,
15644,
3101,
13,
19499,
313,
17518,
2392,
29892,
23833,
2392,
1125,
13,
1678,
1209,
13,
13,
1649,
3259,
1649,
353,
1857,
13,
2
] |
utils/hpelm/tests/unittest_elm.py | mohyunho/ENAS_ELM | 187 | 196435 | <gh_stars>100-1000
# -*- coding: utf-8 -*-
"""
Created on Tue Mar 15 22:04:41 2016
@author: akusok
"""
import os
import tempfile
from unittest import TestCase
import numpy as np
import sys
from hpelm import ELM
class TestCorrectness(TestCase):
def test_AddNeurons_WorksWithLongType(self):
if sys.version_info[0] == 2:
ltype = long
else:
ltype = int
model = ELM(3, 2)
L = ltype(10)
model.add_neurons(L, 'tanh')
def test_CrossValidation_ReturnsError(self):
model = ELM(5, 2)
model.add_neurons(10, 'tanh')
X = np.random.rand(100, 5)
T = np.random.rand(100, 2)
err = model.train(X, T, 'CV', k=3)
self.assertIsNotNone(err)
def test_ClassificationError_CorrectWithMultipleClasses(self):
T = np.zeros((100, 5))
T[:, 0] = 1
Y = np.zeros((100, 5))
Y[:, 1] = 1
model = ELM(1, 5, classification='c')
self.assertEqual(1, model.error(T, Y))
def test_MultilabelError_CorrectWithMultipleClasses(self):
T = np.zeros((100, 5))
T[:, 0] = 1
Y = np.zeros((100, 5))
Y[:, 1] = 1
model = ELM(1, 5, classification='ml')
self.assertEqual(0.4, model.error(T, Y))
def test_LOO_CanSelectMoreThanOneNeuron(self):
X = np.random.rand(100, 5)
T = np.random.rand(100, 2)
for _ in range(10):
model = ELM(5, 2)
model.add_neurons(5, 'lin')
model.train(X, T, 'LOO')
max1 = model.nnet.L
if max1 > 1:
break
self.assertGreater(max1, 1)
def test_LOOandOP_CanSelectMoreThanOneNeuron(self):
X = np.random.rand(100, 5)
T = np.random.rand(100, 2)
for _ in range(10):
model = ELM(5, 2)
model.add_neurons(5, 'lin')
model.train(X, T, 'LOO', 'OP')
max2 = model.nnet.L
if max2 > 1:
break
self.assertGreater(max2, 1)
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29896,
29900,
29900,
29899,
29896,
29900,
29900,
29900,
13,
29937,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
13,
15945,
29908,
13,
20399,
373,
323,
434,
1085,
29871,
29896,
29945,
29871,
29906,
29906,
29901,
29900,
29946,
29901,
29946,
29896,
29871,
29906,
29900,
29896,
29953,
13,
13,
29992,
8921,
29901,
11208,
375,
554,
13,
15945,
29908,
13,
13,
5215,
2897,
13,
5215,
5694,
1445,
13,
3166,
443,
27958,
1053,
4321,
8259,
13,
5215,
12655,
408,
7442,
13,
5215,
10876,
13,
3166,
298,
13111,
29885,
1053,
14845,
29924,
13,
13,
13,
1990,
4321,
12521,
1621,
2264,
29898,
3057,
8259,
1125,
13,
13,
1678,
822,
1243,
29918,
2528,
29940,
5411,
787,
29918,
5531,
29879,
3047,
8208,
1542,
29898,
1311,
1125,
13,
4706,
565,
10876,
29889,
3259,
29918,
3888,
29961,
29900,
29962,
1275,
29871,
29906,
29901,
13,
9651,
301,
1853,
353,
1472,
13,
4706,
1683,
29901,
13,
9651,
301,
1853,
353,
938,
13,
4706,
1904,
353,
14845,
29924,
29898,
29941,
29892,
29871,
29906,
29897,
13,
4706,
365,
353,
301,
1853,
29898,
29896,
29900,
29897,
13,
4706,
1904,
29889,
1202,
29918,
16115,
787,
29898,
29931,
29892,
525,
13161,
29882,
1495,
13,
13,
1678,
822,
1243,
29918,
29907,
2124,
19448,
29918,
11609,
29879,
2392,
29898,
1311,
1125,
13,
4706,
1904,
353,
14845,
29924,
29898,
29945,
29892,
29871,
29906,
29897,
13,
4706,
1904,
29889,
1202,
29918,
16115,
787,
29898,
29896,
29900,
29892,
525,
13161,
29882,
1495,
13,
4706,
1060,
353,
7442,
29889,
8172,
29889,
9502,
29898,
29896,
29900,
29900,
29892,
29871,
29945,
29897,
13,
4706,
323,
353,
7442,
29889,
8172,
29889,
9502,
29898,
29896,
29900,
29900,
29892,
29871,
29906,
29897,
13,
4706,
4589,
353,
1904,
29889,
14968,
29898,
29990,
29892,
323,
29892,
525,
15633,
742,
413,
29922,
29941,
29897,
13,
4706,
1583,
29889,
9294,
3624,
3664,
8516,
29898,
3127,
29897,
13,
13,
1678,
822,
1243,
29918,
2385,
2450,
2392,
29918,
12521,
1621,
3047,
15329,
552,
27403,
29898,
1311,
1125,
13,
4706,
323,
353,
7442,
29889,
3298,
359,
3552,
29896,
29900,
29900,
29892,
29871,
29945,
876,
13,
4706,
323,
7503,
29892,
29871,
29900,
29962,
353,
29871,
29896,
13,
4706,
612,
353,
7442,
29889,
3298,
359,
3552,
29896,
29900,
29900,
29892,
29871,
29945,
876,
13,
4706,
612,
7503,
29892,
29871,
29896,
29962,
353,
29871,
29896,
13,
4706,
1904,
353,
14845,
29924,
29898,
29896,
29892,
29871,
29945,
29892,
12965,
2433,
29883,
1495,
13,
4706,
1583,
29889,
9294,
9843,
29898,
29896,
29892,
1904,
29889,
2704,
29898,
29911,
29892,
612,
876,
13,
13,
1678,
822,
1243,
29918,
6857,
309,
1107,
2392,
29918,
12521,
1621,
3047,
15329,
552,
27403,
29898,
1311,
1125,
13,
4706,
323,
353,
7442,
29889,
3298,
359,
3552,
29896,
29900,
29900,
29892,
29871,
29945,
876,
13,
4706,
323,
7503,
29892,
29871,
29900,
29962,
353,
29871,
29896,
13,
4706,
612,
353,
7442,
29889,
3298,
359,
3552,
29896,
29900,
29900,
29892,
29871,
29945,
876,
13,
4706,
612,
7503,
29892,
29871,
29896,
29962,
353,
29871,
29896,
13,
4706,
1904,
353,
14845,
29924,
29898,
29896,
29892,
29871,
29945,
29892,
12965,
2433,
828,
1495,
13,
4706,
1583,
29889,
9294,
9843,
29898,
29900,
29889,
29946,
29892,
1904,
29889,
2704,
29898,
29911,
29892,
612,
876,
13,
13,
1678,
822,
1243,
29918,
3927,
29949,
29918,
6028,
3549,
20761,
1349,
273,
6716,
29940,
5411,
265,
29898,
1311,
1125,
13,
4706,
1060,
353,
7442,
29889,
8172,
29889,
9502,
29898,
29896,
29900,
29900,
29892,
29871,
29945,
29897,
13,
4706,
323,
353,
7442,
29889,
8172,
29889,
9502,
29898,
29896,
29900,
29900,
29892,
29871,
29906,
29897,
13,
4706,
363,
903,
297,
3464,
29898,
29896,
29900,
1125,
13,
9651,
1904,
353,
14845,
29924,
29898,
29945,
29892,
29871,
29906,
29897,
13,
9651,
1904,
29889,
1202,
29918,
16115,
787,
29898,
29945,
29892,
525,
1915,
1495,
13,
9651,
1904,
29889,
14968,
29898,
29990,
29892,
323,
29892,
525,
3927,
29949,
1495,
13,
9651,
4236,
29896,
353,
1904,
29889,
29876,
1212,
29889,
29931,
13,
9651,
565,
4236,
29896,
1405,
29871,
29896,
29901,
13,
18884,
2867,
13,
4706,
1583,
29889,
9294,
25120,
1008,
29898,
3317,
29896,
29892,
29871,
29896,
29897,
13,
13,
1678,
822,
1243,
29918,
3927,
29949,
392,
4590,
29918,
6028,
3549,
20761,
1349,
273,
6716,
29940,
5411,
265,
29898,
1311,
1125,
13,
4706,
1060,
353,
7442,
29889,
8172,
29889,
9502,
29898,
29896,
29900,
29900,
29892,
29871,
29945,
29897,
13,
4706,
323,
353,
7442,
29889,
8172,
29889,
9502,
29898,
29896,
29900,
29900,
29892,
29871,
29906,
29897,
13,
4706,
363,
903,
297,
3464,
29898,
29896,
29900,
1125,
13,
9651,
1904,
353,
14845,
29924,
29898,
29945,
29892,
29871,
29906,
29897,
13,
9651,
1904,
29889,
1202,
29918,
16115,
787,
29898,
29945,
29892,
525,
1915,
1495,
13,
9651,
1904,
29889,
14968,
29898,
29990,
29892,
323,
29892,
525,
3927,
29949,
742,
525,
4590,
1495,
13,
9651,
4236,
29906,
353,
1904,
29889,
29876,
1212,
29889,
29931,
13,
9651,
565,
4236,
29906,
1405,
29871,
29896,
29901,
13,
18884,
2867,
13,
4706,
1583,
29889,
9294,
25120,
1008,
29898,
3317,
29906,
29892,
29871,
29896,
29897,
13,
2
] |
dsmlbc5/eda/eda.py | tahayasindemir/dsmlbc5 | 13 | 140379 | <filename>dsmlbc5/eda/eda.py<gh_stars>10-100
"""EDA Modülüne hoş geldiniz. Bedava bööörek var."""
import numpy as np
import pandas as pd
import seaborn as sns
import matplotlib.pyplot as plt
def check_df(dataframe, head=5):
"""Hello boyöööööz"""
print("##################### Shape #####################")
print(dataframe.shape)
print("##################### Types #####################")
print(dataframe.dtypes)
print("##################### Head #####################")
print(dataframe.head(head))
print("##################### Tail #####################")
print(dataframe.tail(head))
print("##################### NA #####################")
print(dataframe.isnull().sum())
print("##################### Quantiles #####################")
print(dataframe.quantile([0, 0.05, 0.50, 0.95, 0.99, 1]).T)
def cat_summary(dataframe, col_name, plot=False):
"""Gocuk.com"""
print(pd.DataFrame({col_name: dataframe[col_name].value_counts(),
"Ratio": 100 * dataframe[col_name].value_counts() / len(dataframe)}))
print("##########################################")
if plot:
sns.countplot(x=dataframe[col_name], data=dataframe)
plt.show()
def num_summary(dataframe, numerical_col, plot=False):
quantiles = [0.05, 0.10, 0.20, 0.30, 0.40, 0.50, 0.60, 0.70, 0.80, 0.90, 0.95, 0.99]
print(dataframe[numerical_col].describe(quantiles).T)
if plot:
dataframe[numerical_col].hist(bins=20)
plt.xlabel(numerical_col)
plt.title(numerical_col)
plt.show()
def grab_col_names(dataframe, cat_th=10, car_th=20):
"""
Veri setindeki kategorik, numerik ve kategorik fakat kardinal değişkenlerin isimlerini verir.
Not: Kategorik değişkenlerin içerisine numerik görünümlü kategorik değişkenler de dahildir.
Parameters
------
dataframe: dataframe
Değişken isimleri alınmak istenilen dataframe
cat_th: int, optional
numerik fakat kategorik olan değişkenler için sınıf eşik değeri
car_th: int, optinal
kategorik fakat kardinal değişkenler için sınıf eşik değeri
Returns
------
cat_cols: list
Kategorik değişken listesi
num_cols: list
Numerik değişken listesi
cat_but_car: list
Kategorik görünümlü kardinal değişken listesi
Examples
------
import seaborn as sns
df = sns.load_dataset("iris")
print(grab_col_names(df))
Notes
------
cat_cols + num_cols + cat_but_car = toplam değişken sayısı
num_but_cat cat_cols'un içerisinde.
Return olan 3 liste toplamı toplam değişken sayısına eşittir: cat_cols + num_cols + cat_but_car = değişken sayısı
"""
# cat_cols, cat_but_car
cat_cols = [col for col in dataframe.columns if dataframe[col].dtypes == "O"]
num_but_cat = [col for col in dataframe.columns if dataframe[col].nunique() < cat_th and
dataframe[col].dtypes != "O"]
cat_but_car = [col for col in dataframe.columns if dataframe[col].nunique() > car_th and
dataframe[col].dtypes == "O"]
cat_cols = cat_cols + num_but_cat
cat_cols = [col for col in cat_cols if col not in cat_but_car]
# num_cols
num_cols = [col for col in dataframe.columns if dataframe[col].dtypes != "O"]
num_cols = [col for col in num_cols if col not in num_but_cat]
# print(f"Observations: {dataframe.shape[0]}")
# print(f"Variables: {dataframe.shape[1]}")
# print(f'cat_cols: {len(cat_cols)}')
# print(f'num_cols: {len(num_cols)}')
# print(f'cat_but_car: {len(cat_but_car)}')
# print(f'num_but_cat: {len(num_but_cat)}')
return cat_cols, num_cols, cat_but_car
def target_summary_with_cat(dataframe, target, categorical_col):
print(pd.DataFrame({"TARGET_MEAN": dataframe.groupby(categorical_col)[target].mean()}), end="\n\n\n")
def target_summary_with_cat_extended(dataframe, target, categorical_col):
"""
Veri setindeki Target colonunu, girilen kategorik colona gore gruplayip
- mean
- count
- ratio
sonuclarini ekrana yazdirir.
Parameters
------
dataframe: dataframe
Target ve Kategorik kolonlarin bulundugu dataframe
target: str
Sonucun getirilecegi hedef degisken
categorical_col: str
Gruplanmak istenen kategorik kolon
Returns
------
None
Examples
------
import pandas as pd
in:
df = pd.DataFrame({'Animal': ['Falcon', 'Falcon', 'Falcon',
'Parrot', 'Parrot'],
'Max Speed': [310, 330, 340, 24, 28]})
in:
df
out:
Animal Max Speed
0 Falcon 310
1 Falcon 330
2 Falcon 340
3 Parrot 24
4 Parrot 28
in: target_summary_with_cat_extended(df, 'Max Speed', 'Animal')
out:
TARGET_MEAN TARGET_CCOUNT RATIO
Animal
Falcon 326.6667 3 60.0000
Parrot 26.0000 2 40.0000
Notes
------
None
"""
print(pd.DataFrame({"TARGET_MEAN": dataframe.groupby(categorical_col)[target].mean(),
"TARGET_CCOUNT": dataframe.groupby(categorical_col)[target].count(),
"RATIO": 100 * dataframe[categorical_col].value_counts() / len(dataframe)}), end="\n\n\n")
def target_summary_with_num(dataframe, target, numerical_col):
print(dataframe.groupby(target).agg({numerical_col: "mean"}), end="\n\n\n")
def high_correlated_cols(dataframe, plot=False, corr_th=0.90):
corr = dataframe.corr()
cor_matrix = corr.abs()
upper_triangle_matrix = cor_matrix.where(np.triu(np.ones(cor_matrix.shape), k=1).astype(np.bool))
drop_list = [col for col in upper_triangle_matrix.columns if any(upper_triangle_matrix[col] > corr_th)]
if plot:
import seaborn as sns
import matplotlib.pyplot as plt
sns.set(rc={'figure.figsize': (15, 15)})
sns.heatmap(corr, cmap="RdBu")
plt.show()
return drop_list | [
1,
529,
9507,
29958,
6289,
828,
12328,
29945,
29914,
8710,
29914,
8710,
29889,
2272,
29966,
12443,
29918,
303,
1503,
29958,
29896,
29900,
29899,
29896,
29900,
29900,
13,
15945,
29908,
3352,
29909,
3382,
6001,
29993,
484,
5089,
30169,
10559,
262,
466,
29889,
14195,
879,
289,
29997,
29997,
29997,
22218,
722,
1213,
15945,
13,
13,
5215,
12655,
408,
7442,
13,
5215,
11701,
408,
10518,
13,
5215,
409,
370,
1398,
408,
269,
1983,
13,
5215,
22889,
29889,
2272,
5317,
408,
14770,
13,
13,
1753,
1423,
29918,
2176,
29898,
1272,
2557,
29892,
2343,
29922,
29945,
1125,
13,
1678,
9995,
10994,
8023,
29997,
29997,
29997,
29997,
29997,
29920,
15945,
29908,
13,
1678,
1596,
703,
13383,
4136,
29937,
1383,
4085,
835,
13383,
2277,
1159,
13,
1678,
1596,
29898,
1272,
2557,
29889,
12181,
29897,
13,
1678,
1596,
703,
13383,
4136,
29937,
28025,
835,
13383,
2277,
1159,
13,
1678,
1596,
29898,
1272,
2557,
29889,
29881,
8768,
29897,
13,
1678,
1596,
703,
13383,
4136,
29937,
12252,
835,
13383,
2277,
1159,
13,
1678,
1596,
29898,
1272,
2557,
29889,
2813,
29898,
2813,
876,
13,
1678,
1596,
703,
13383,
4136,
29937,
323,
737,
835,
13383,
2277,
1159,
13,
1678,
1596,
29898,
1272,
2557,
29889,
18237,
29898,
2813,
876,
13,
1678,
1596,
703,
13383,
4136,
29937,
8598,
835,
13383,
2277,
1159,
13,
1678,
1596,
29898,
1272,
2557,
29889,
275,
4304,
2141,
2083,
3101,
13,
1678,
1596,
703,
13383,
4136,
29937,
22746,
5475,
835,
13383,
2277,
1159,
13,
1678,
1596,
29898,
1272,
2557,
29889,
12150,
488,
4197,
29900,
29892,
29871,
29900,
29889,
29900,
29945,
29892,
29871,
29900,
29889,
29945,
29900,
29892,
29871,
29900,
29889,
29929,
29945,
29892,
29871,
29900,
29889,
29929,
29929,
29892,
29871,
29896,
14664,
29911,
29897,
13,
13,
13,
1753,
6635,
29918,
7727,
29898,
1272,
2557,
29892,
784,
29918,
978,
29892,
6492,
29922,
8824,
1125,
13,
1678,
9995,
29954,
542,
2679,
29889,
510,
15945,
29908,
13,
1678,
1596,
29898,
15926,
29889,
17271,
3319,
1054,
29918,
978,
29901,
12205,
29961,
1054,
29918,
978,
1822,
1767,
29918,
2798,
29879,
3285,
13,
462,
4706,
376,
29934,
20819,
1115,
29871,
29896,
29900,
29900,
334,
12205,
29961,
1054,
29918,
978,
1822,
1767,
29918,
2798,
29879,
580,
847,
7431,
29898,
1272,
2557,
2915,
876,
13,
1678,
1596,
703,
13383,
13383,
7346,
2277,
1159,
13,
1678,
565,
6492,
29901,
13,
4706,
269,
1983,
29889,
2798,
5317,
29898,
29916,
29922,
1272,
2557,
29961,
1054,
29918,
978,
1402,
848,
29922,
1272,
2557,
29897,
13,
4706,
14770,
29889,
4294,
580,
13,
13,
13,
1753,
954,
29918,
7727,
29898,
1272,
2557,
29892,
16259,
29918,
1054,
29892,
6492,
29922,
8824,
1125,
13,
1678,
4323,
5475,
353,
518,
29900,
29889,
29900,
29945,
29892,
29871,
29900,
29889,
29896,
29900,
29892,
29871,
29900,
29889,
29906,
29900,
29892,
29871,
29900,
29889,
29941,
29900,
29892,
29871,
29900,
29889,
29946,
29900,
29892,
29871,
29900,
29889,
29945,
29900,
29892,
29871,
29900,
29889,
29953,
29900,
29892,
29871,
29900,
29889,
29955,
29900,
29892,
29871,
29900,
29889,
29947,
29900,
29892,
29871,
29900,
29889,
29929,
29900,
29892,
29871,
29900,
29889,
29929,
29945,
29892,
29871,
29900,
29889,
29929,
29929,
29962,
13,
1678,
1596,
29898,
1272,
2557,
29961,
8058,
936,
29918,
1054,
1822,
2783,
29581,
29898,
12150,
5475,
467,
29911,
29897,
13,
13,
1678,
565,
6492,
29901,
13,
4706,
12205,
29961,
8058,
936,
29918,
1054,
1822,
29882,
391,
29898,
29890,
1144,
29922,
29906,
29900,
29897,
13,
4706,
14770,
29889,
29916,
1643,
29898,
8058,
936,
29918,
1054,
29897,
13,
4706,
14770,
29889,
3257,
29898,
8058,
936,
29918,
1054,
29897,
13,
4706,
14770,
29889,
4294,
580,
13,
13,
13,
13,
1753,
17229,
29918,
1054,
29918,
7039,
29898,
1272,
2557,
29892,
6635,
29918,
386,
29922,
29896,
29900,
29892,
1559,
29918,
386,
29922,
29906,
29900,
1125,
13,
1678,
9995,
13,
13,
1678,
1798,
29875,
731,
25201,
1984,
413,
20440,
638,
29892,
4825,
638,
2453,
413,
20440,
638,
285,
557,
271,
413,
538,
979,
316,
30200,
29875,
30169,
1717,
1358,
262,
338,
326,
1358,
2172,
1147,
381,
29889,
13,
1678,
2216,
29901,
476,
20440,
638,
316,
30200,
29875,
30169,
1717,
1358,
262,
474,
30019,
261,
275,
457,
4825,
638,
330,
1340,
3346,
29993,
828,
29993,
413,
20440,
638,
316,
30200,
29875,
30169,
1717,
1358,
316,
20694,
789,
381,
29889,
13,
13,
1678,
12662,
2699,
13,
1678,
448,
23648,
13,
4706,
12205,
29901,
12205,
13,
18884,
897,
30200,
29875,
30169,
1717,
338,
326,
1358,
29875,
394,
30130,
22882,
557,
338,
841,
17022,
12205,
13,
4706,
6635,
29918,
386,
29901,
938,
29892,
13136,
13,
18884,
4825,
638,
285,
557,
271,
413,
20440,
638,
288,
6468,
316,
30200,
29875,
30169,
1717,
1358,
474,
30019,
262,
269,
30130,
29876,
30130,
29888,
321,
30169,
638,
316,
30200,
13613,
13,
4706,
1559,
29918,
386,
29901,
938,
29892,
3523,
979,
13,
18884,
413,
20440,
638,
285,
557,
271,
413,
538,
979,
316,
30200,
29875,
30169,
1717,
1358,
474,
30019,
262,
269,
30130,
29876,
30130,
29888,
321,
30169,
638,
316,
30200,
13613,
13,
13,
1678,
16969,
13,
1678,
448,
23648,
13,
4706,
6635,
29918,
22724,
29901,
1051,
13,
18884,
476,
20440,
638,
316,
30200,
29875,
30169,
1717,
1051,
10100,
13,
4706,
954,
29918,
22724,
29901,
1051,
13,
18884,
405,
4680,
638,
316,
30200,
29875,
30169,
1717,
1051,
10100,
13,
4706,
6635,
29918,
4187,
29918,
4287,
29901,
1051,
13,
18884,
476,
20440,
638,
330,
1340,
3346,
29993,
828,
29993,
413,
538,
979,
316,
30200,
29875,
30169,
1717,
1051,
10100,
13,
13,
1678,
1222,
9422,
13,
1678,
448,
23648,
13,
4706,
1053,
409,
370,
1398,
408,
269,
1983,
13,
4706,
4489,
353,
269,
1983,
29889,
1359,
29918,
24713,
703,
381,
275,
1159,
13,
4706,
1596,
29898,
3874,
29890,
29918,
1054,
29918,
7039,
29898,
2176,
876,
13,
13,
13,
1678,
8695,
13,
1678,
448,
23648,
13,
4706,
6635,
29918,
22724,
718,
954,
29918,
22724,
718,
6635,
29918,
4187,
29918,
4287,
353,
304,
572,
314,
316,
30200,
29875,
30169,
1717,
1827,
30130,
29879,
30130,
13,
4706,
954,
29918,
4187,
29918,
4117,
6635,
29918,
22724,
29915,
348,
474,
30019,
261,
275,
25201,
29889,
13,
4706,
7106,
288,
6468,
29871,
29941,
13773,
304,
572,
314,
30130,
304,
572,
314,
316,
30200,
29875,
30169,
1717,
1827,
30130,
29879,
30130,
1056,
321,
30169,
986,
381,
29901,
6635,
29918,
22724,
718,
954,
29918,
22724,
718,
6635,
29918,
4187,
29918,
4287,
353,
316,
30200,
29875,
30169,
1717,
1827,
30130,
29879,
30130,
13,
13,
1678,
9995,
13,
13,
13,
1678,
396,
6635,
29918,
22724,
29892,
6635,
29918,
4187,
29918,
4287,
13,
1678,
6635,
29918,
22724,
353,
518,
1054,
363,
784,
297,
12205,
29889,
13099,
565,
12205,
29961,
1054,
1822,
29881,
8768,
1275,
376,
29949,
3108,
13,
1678,
954,
29918,
4187,
29918,
4117,
353,
518,
1054,
363,
784,
297,
12205,
29889,
13099,
565,
12205,
29961,
1054,
1822,
29876,
13092,
580,
529,
6635,
29918,
386,
322,
13,
462,
259,
12205,
29961,
1054,
1822,
29881,
8768,
2804,
376,
29949,
3108,
13,
1678,
6635,
29918,
4187,
29918,
4287,
353,
518,
1054,
363,
784,
297,
12205,
29889,
13099,
565,
12205,
29961,
1054,
1822,
29876,
13092,
580,
1405,
1559,
29918,
386,
322,
13,
462,
259,
12205,
29961,
1054,
1822,
29881,
8768,
1275,
376,
29949,
3108,
13,
1678,
6635,
29918,
22724,
353,
6635,
29918,
22724,
718,
954,
29918,
4187,
29918,
4117,
13,
1678,
6635,
29918,
22724,
353,
518,
1054,
363,
784,
297,
6635,
29918,
22724,
565,
784,
451,
297,
6635,
29918,
4187,
29918,
4287,
29962,
13,
13,
1678,
396,
954,
29918,
22724,
13,
1678,
954,
29918,
22724,
353,
518,
1054,
363,
784,
297,
12205,
29889,
13099,
565,
12205,
29961,
1054,
1822,
29881,
8768,
2804,
376,
29949,
3108,
13,
1678,
954,
29918,
22724,
353,
518,
1054,
363,
784,
297,
954,
29918,
22724,
565,
784,
451,
297,
954,
29918,
4187,
29918,
4117,
29962,
13,
13,
1678,
396,
1596,
29898,
29888,
29908,
6039,
2140,
800,
29901,
426,
1272,
2557,
29889,
12181,
29961,
29900,
12258,
1159,
13,
1678,
396,
1596,
29898,
29888,
29908,
10444,
1849,
29901,
426,
1272,
2557,
29889,
12181,
29961,
29896,
12258,
1159,
13,
1678,
396,
1596,
29898,
29888,
29915,
4117,
29918,
22724,
29901,
426,
2435,
29898,
4117,
29918,
22724,
2915,
1495,
13,
1678,
396,
1596,
29898,
29888,
29915,
1949,
29918,
22724,
29901,
426,
2435,
29898,
1949,
29918,
22724,
2915,
1495,
13,
1678,
396,
1596,
29898,
29888,
29915,
4117,
29918,
4187,
29918,
4287,
29901,
426,
2435,
29898,
4117,
29918,
4187,
29918,
4287,
2915,
1495,
13,
1678,
396,
1596,
29898,
29888,
29915,
1949,
29918,
4187,
29918,
4117,
29901,
426,
2435,
29898,
1949,
29918,
4187,
29918,
4117,
2915,
1495,
13,
1678,
736,
6635,
29918,
22724,
29892,
954,
29918,
22724,
29892,
6635,
29918,
4187,
29918,
4287,
13,
13,
13,
1753,
3646,
29918,
7727,
29918,
2541,
29918,
4117,
29898,
1272,
2557,
29892,
3646,
29892,
11608,
936,
29918,
1054,
1125,
13,
1678,
1596,
29898,
15926,
29889,
17271,
3319,
29908,
29911,
1718,
7194,
29918,
2303,
2190,
1115,
12205,
29889,
27789,
29898,
29883,
20440,
936,
29918,
1054,
9601,
5182,
1822,
12676,
580,
9594,
1095,
543,
29905,
29876,
29905,
29876,
29905,
29876,
1159,
13,
13,
13,
1753,
3646,
29918,
7727,
29918,
2541,
29918,
4117,
29918,
1062,
2760,
29898,
1272,
2557,
29892,
3646,
29892,
11608,
936,
29918,
1054,
1125,
13,
1678,
9995,
13,
13,
4706,
1798,
29875,
731,
25201,
1984,
17157,
8104,
348,
29884,
29892,
27016,
17022,
413,
20440,
638,
784,
2681,
330,
487,
4500,
1456,
666,
13,
9651,
448,
2099,
13,
9651,
448,
2302,
13,
9651,
448,
11959,
13,
4706,
1487,
29884,
16544,
2172,
14921,
661,
29874,
343,
834,
6051,
12416,
29889,
13,
13,
4706,
12662,
2699,
13,
4706,
448,
23648,
13,
9651,
12205,
29901,
12205,
13,
462,
1678,
17157,
2453,
476,
20440,
638,
14276,
265,
4675,
262,
8227,
870,
688,
29884,
12205,
13,
9651,
3646,
29901,
851,
13,
462,
1678,
5791,
1682,
348,
679,
12737,
280,
346,
3146,
298,
287,
1389,
3587,
275,
1717,
13,
9651,
11608,
936,
29918,
1054,
29901,
851,
13,
462,
1678,
5430,
9018,
29885,
557,
338,
841,
264,
413,
20440,
638,
14276,
265,
13,
13,
4706,
16969,
13,
4706,
448,
23648,
13,
9651,
6213,
13,
13,
4706,
1222,
9422,
13,
4706,
448,
23648,
13,
9651,
1053,
11701,
408,
10518,
13,
9651,
297,
29901,
13,
9651,
4489,
353,
10518,
29889,
17271,
3319,
29915,
2744,
3039,
2396,
6024,
29943,
284,
535,
742,
525,
29943,
284,
535,
742,
525,
29943,
284,
535,
742,
13,
462,
462,
3986,
525,
2177,
5450,
742,
525,
2177,
5450,
7464,
13,
462,
1669,
525,
7976,
24839,
2396,
518,
29941,
29896,
29900,
29892,
29871,
29941,
29941,
29900,
29892,
29871,
29941,
29946,
29900,
29892,
29871,
29906,
29946,
29892,
29871,
29906,
29947,
29962,
1800,
13,
13,
9651,
297,
29901,
13,
9651,
4489,
13,
9651,
714,
29901,
13,
795,
22809,
259,
5918,
24839,
13,
632,
29900,
29871,
12941,
535,
259,
29941,
29896,
29900,
13,
632,
29896,
29871,
12941,
535,
259,
29941,
29941,
29900,
13,
632,
29906,
29871,
12941,
535,
259,
29941,
29946,
29900,
13,
632,
29941,
29871,
1459,
5450,
1678,
29906,
29946,
13,
632,
29946,
29871,
1459,
5450,
1678,
29906,
29947,
13,
13,
9651,
297,
29901,
3646,
29918,
7727,
29918,
2541,
29918,
4117,
29918,
1062,
2760,
29898,
2176,
29892,
525,
7976,
24839,
742,
525,
2744,
3039,
1495,
13,
9651,
714,
29901,
13,
462,
1678,
323,
1718,
7194,
29918,
2303,
2190,
29871,
323,
1718,
7194,
29918,
29907,
18736,
29871,
390,
1299,
5971,
13,
9651,
22809,
13,
9651,
12941,
535,
29871,
29941,
29906,
29953,
29889,
29953,
29953,
29953,
29955,
539,
29941,
795,
29953,
29900,
29889,
29900,
29900,
29900,
29900,
13,
9651,
1459,
5450,
259,
29906,
29953,
29889,
29900,
29900,
29900,
29900,
539,
29906,
795,
29946,
29900,
29889,
29900,
29900,
29900,
29900,
13,
13,
4706,
8695,
13,
4706,
448,
23648,
13,
9651,
6213,
13,
13,
4706,
9995,
13,
13,
1678,
1596,
29898,
15926,
29889,
17271,
3319,
29908,
29911,
1718,
7194,
29918,
2303,
2190,
1115,
12205,
29889,
27789,
29898,
29883,
20440,
936,
29918,
1054,
9601,
5182,
1822,
12676,
3285,
13,
462,
4706,
376,
29911,
1718,
7194,
29918,
29907,
18736,
1115,
12205,
29889,
27789,
29898,
29883,
20440,
936,
29918,
1054,
9601,
5182,
1822,
2798,
3285,
13,
462,
4706,
376,
29934,
1299,
5971,
1115,
29871,
29896,
29900,
29900,
334,
12205,
29961,
29883,
20440,
936,
29918,
1054,
1822,
1767,
29918,
2798,
29879,
580,
847,
7431,
29898,
1272,
2557,
2915,
511,
1095,
543,
29905,
29876,
29905,
29876,
29905,
29876,
1159,
13,
13,
13,
1753,
3646,
29918,
7727,
29918,
2541,
29918,
1949,
29898,
1272,
2557,
29892,
3646,
29892,
16259,
29918,
1054,
1125,
13,
1678,
1596,
29898,
1272,
2557,
29889,
27789,
29898,
5182,
467,
16170,
3319,
8058,
936,
29918,
1054,
29901,
376,
12676,
9092,
511,
1095,
543,
29905,
29876,
29905,
29876,
29905,
29876,
1159,
13,
13,
13,
13,
1753,
1880,
29918,
2616,
12817,
29918,
22724,
29898,
1272,
2557,
29892,
6492,
29922,
8824,
29892,
27760,
29918,
386,
29922,
29900,
29889,
29929,
29900,
1125,
13,
1678,
27760,
353,
12205,
29889,
29725,
580,
13,
1678,
1034,
29918,
5344,
353,
27760,
29889,
6897,
580,
13,
1678,
7568,
29918,
26701,
29918,
5344,
353,
1034,
29918,
5344,
29889,
3062,
29898,
9302,
29889,
3626,
29884,
29898,
9302,
29889,
2873,
29898,
2616,
29918,
5344,
29889,
12181,
511,
413,
29922,
29896,
467,
579,
668,
29898,
9302,
29889,
11227,
876,
13,
1678,
5768,
29918,
1761,
353,
518,
1054,
363,
784,
297,
7568,
29918,
26701,
29918,
5344,
29889,
13099,
565,
738,
29898,
21064,
29918,
26701,
29918,
5344,
29961,
1054,
29962,
1405,
27760,
29918,
386,
4638,
13,
1678,
565,
6492,
29901,
13,
4706,
1053,
409,
370,
1398,
408,
269,
1983,
13,
4706,
1053,
22889,
29889,
2272,
5317,
408,
14770,
13,
4706,
269,
1983,
29889,
842,
29898,
2214,
3790,
29915,
4532,
29889,
1003,
2311,
2396,
313,
29896,
29945,
29892,
29871,
29896,
29945,
26972,
13,
4706,
269,
1983,
29889,
354,
271,
1958,
29898,
29725,
29892,
274,
1958,
543,
29934,
29881,
3727,
1159,
13,
4706,
14770,
29889,
4294,
580,
13,
1678,
736,
5768,
29918,
1761,
2
] |
pyfibre/gui/pyfibre_plugin.py | franklongford/ImageCol | 2 | 1609715 | <reponame>franklongford/ImageCol<filename>pyfibre/gui/pyfibre_plugin.py
from envisage.api import Plugin
from envisage.ui.tasks.api import TaskFactory
from traits.api import List
from pyfibre.ids import TASKS, MULTI_IMAGE_FACTORIES
from pyfibre.gui.pyfibre_main_task import PyFibreMainTask
class PyFibreGUIPlugin(Plugin):
""" The Plugin containing the PyFibre UI. This contains the
factories which create the Tasks (currently Main)"""
id = 'pyfibre.core.pyfibre_gui_plugin'
name = 'PyFibre GUI'
tasks = List(contributes_to=TASKS)
def _tasks_default(self):
return [TaskFactory(id='pyfibre.pyfibre_main_task',
name='PyFibre GUI (Main)',
factory=self._create_main_task)
]
def _create_main_task(self):
factories = self.application.get_extensions(
MULTI_IMAGE_FACTORIES)
pyfibre_main_task = PyFibreMainTask(
multi_image_factories=factories,
)
return pyfibre_main_task
| [
1,
529,
276,
1112,
420,
29958,
29888,
10003,
5426,
4006,
29914,
2940,
1625,
29966,
9507,
29958,
2272,
29888,
747,
276,
29914,
23569,
29914,
2272,
29888,
747,
276,
29918,
8582,
29889,
2272,
13,
3166,
427,
1730,
482,
29889,
2754,
1053,
1858,
3851,
13,
3166,
427,
1730,
482,
29889,
1481,
29889,
20673,
29889,
2754,
1053,
9330,
5126,
13,
3166,
1020,
1169,
29889,
2754,
1053,
2391,
13,
13,
3166,
11451,
29888,
747,
276,
29889,
4841,
1053,
323,
3289,
17557,
29892,
341,
8647,
29902,
29918,
2382,
29918,
4519,
1783,
1955,
29059,
13,
3166,
11451,
29888,
747,
276,
29889,
23569,
29889,
2272,
29888,
747,
276,
29918,
3396,
29918,
7662,
1053,
10772,
29943,
747,
276,
6330,
5398,
13,
13,
13,
1990,
10772,
29943,
747,
276,
29954,
3120,
16288,
29898,
16288,
1125,
13,
1678,
9995,
450,
1858,
3851,
6943,
278,
10772,
29943,
747,
276,
3740,
29889,
910,
3743,
278,
13,
1678,
2114,
3842,
607,
1653,
278,
9330,
29879,
313,
3784,
368,
4241,
5513,
15945,
13,
13,
1678,
1178,
353,
525,
2272,
29888,
747,
276,
29889,
3221,
29889,
2272,
29888,
747,
276,
29918,
23569,
29918,
8582,
29915,
13,
13,
1678,
1024,
353,
525,
19737,
29943,
747,
276,
14839,
29915,
13,
13,
1678,
9595,
353,
2391,
29898,
1285,
5026,
29918,
517,
29922,
29911,
3289,
17557,
29897,
13,
13,
1678,
822,
903,
20673,
29918,
4381,
29898,
1311,
1125,
13,
4706,
736,
518,
5398,
5126,
29898,
333,
2433,
2272,
29888,
747,
276,
29889,
2272,
29888,
747,
276,
29918,
3396,
29918,
7662,
742,
13,
462,
9651,
1024,
2433,
19737,
29943,
747,
276,
14839,
313,
6330,
29897,
742,
13,
462,
9651,
12529,
29922,
1311,
3032,
3258,
29918,
3396,
29918,
7662,
29897,
13,
18884,
4514,
13,
13,
1678,
822,
903,
3258,
29918,
3396,
29918,
7662,
29898,
1311,
1125,
13,
13,
4706,
2114,
3842,
353,
1583,
29889,
6214,
29889,
657,
29918,
24299,
29898,
13,
9651,
341,
8647,
29902,
29918,
2382,
29918,
4519,
1783,
1955,
29059,
29897,
13,
13,
4706,
11451,
29888,
747,
276,
29918,
3396,
29918,
7662,
353,
10772,
29943,
747,
276,
6330,
5398,
29898,
13,
9651,
2473,
29918,
3027,
29918,
17028,
3842,
29922,
17028,
3842,
29892,
13,
4706,
1723,
13,
13,
4706,
736,
11451,
29888,
747,
276,
29918,
3396,
29918,
7662,
13,
2
] |
deprecated/code_manager/javascript_parser/pre_process_constant.py | utarsuno/quasar_source | 7 | 188638 | <filename>deprecated/code_manager/javascript_parser/pre_process_constant.py<gh_stars>1-10
# coding=utf-8
"""This module, pre_process_constant.py, provides an abstraction for JS constants to pre-process."""
class PreProcessConstant(object):
"""Represents a constant to pre-process."""
def __init__(self, raw_line):
self._raw = raw_line
self._variable = None
self._value = None
self._initialize()
def _initialize(self):
"""Gets the constant name."""
r = self._raw.lstrip().rstrip()
r = r[r.index('const ') + len('const '):]
r = r[:r.index(';')]
self._variable = r[:r.index('=')].lstrip().rstrip()
self._value = r[r.index('=') + 1:].lstrip().rstrip()
@property
def variable(self) -> str:
"""Returns the name of this constant/variable."""
return self._variable
@property
def value(self) -> str:
"""Returns the value of this constant/variable."""
return self._value
def parse_out_constants(lines_to_parse):
"""Returns the lines with certain constants parsed out."""
constants = []
first_pass = []
final_pass = []
for line in lines_to_parse:
if 'const' in line and '#pre-process_global_constant' in line:
constants.append(PreProcessConstant(line))
else:
first_pass.append(line)
for l in first_pass:
line = l
for c in constants:
if c.variable in line:
line = line.replace(c.variable, c.value)
final_pass.append(line)
return final_pass
| [
1,
529,
9507,
29958,
311,
17990,
630,
29914,
401,
29918,
12847,
29914,
7729,
29918,
16680,
29914,
1457,
29918,
5014,
29918,
23362,
29889,
2272,
29966,
12443,
29918,
303,
1503,
29958,
29896,
29899,
29896,
29900,
13,
29937,
14137,
29922,
9420,
29899,
29947,
13,
13,
15945,
29908,
4013,
3883,
29892,
758,
29918,
5014,
29918,
23362,
29889,
2272,
29892,
8128,
385,
27086,
428,
363,
7649,
17727,
304,
758,
29899,
5014,
1213,
15945,
13,
13,
13,
1990,
4721,
7032,
12075,
424,
29898,
3318,
1125,
13,
12,
15945,
29908,
1123,
4569,
1237,
263,
4868,
304,
758,
29899,
5014,
1213,
15945,
13,
13,
12,
1753,
4770,
2344,
12035,
1311,
29892,
10650,
29918,
1220,
1125,
13,
12,
12,
1311,
3032,
1610,
418,
353,
10650,
29918,
1220,
13,
12,
12,
1311,
3032,
11918,
353,
6213,
13,
12,
12,
1311,
3032,
1767,
1678,
353,
6213,
13,
12,
12,
1311,
3032,
24926,
580,
13,
13,
12,
1753,
903,
24926,
29898,
1311,
1125,
13,
12,
12,
15945,
29908,
29954,
1691,
278,
4868,
1024,
1213,
15945,
13,
12,
12,
29878,
353,
1583,
3032,
1610,
29889,
29880,
17010,
2141,
29878,
17010,
580,
13,
12,
12,
29878,
353,
364,
29961,
29878,
29889,
2248,
877,
3075,
25710,
718,
7431,
877,
3075,
525,
1125,
29962,
13,
12,
12,
29878,
353,
364,
7503,
29878,
29889,
2248,
877,
29936,
1495,
29962,
13,
13,
12,
12,
1311,
3032,
11918,
353,
364,
7503,
29878,
29889,
2248,
877,
29922,
1495,
1822,
29880,
17010,
2141,
29878,
17010,
580,
13,
12,
12,
1311,
3032,
1767,
1678,
353,
364,
29961,
29878,
29889,
2248,
877,
29922,
1495,
718,
29871,
29896,
29901,
1822,
29880,
17010,
2141,
29878,
17010,
580,
13,
13,
12,
29992,
6799,
13,
12,
1753,
2286,
29898,
1311,
29897,
1599,
851,
29901,
13,
12,
12,
15945,
29908,
11609,
29879,
278,
1024,
310,
445,
4868,
29914,
11918,
1213,
15945,
13,
12,
12,
2457,
1583,
3032,
11918,
13,
13,
12,
29992,
6799,
13,
12,
1753,
995,
29898,
1311,
29897,
1599,
851,
29901,
13,
12,
12,
15945,
29908,
11609,
29879,
278,
995,
310,
445,
4868,
29914,
11918,
1213,
15945,
13,
12,
12,
2457,
1583,
3032,
1767,
13,
13,
13,
1753,
6088,
29918,
449,
29918,
3075,
1934,
29898,
9012,
29918,
517,
29918,
5510,
1125,
13,
12,
15945,
29908,
11609,
29879,
278,
3454,
411,
3058,
17727,
21213,
714,
1213,
15945,
13,
12,
3075,
1934,
29871,
353,
5159,
13,
12,
4102,
29918,
3364,
353,
5159,
13,
12,
8394,
29918,
3364,
353,
5159,
13,
13,
12,
1454,
1196,
297,
3454,
29918,
517,
29918,
5510,
29901,
13,
12,
12,
361,
525,
3075,
29915,
297,
1196,
322,
16321,
1457,
29899,
5014,
29918,
10945,
29918,
23362,
29915,
297,
1196,
29901,
13,
12,
12,
12,
3075,
1934,
29889,
4397,
29898,
6572,
7032,
12075,
424,
29898,
1220,
876,
13,
12,
12,
2870,
29901,
13,
12,
12,
12,
4102,
29918,
3364,
29889,
4397,
29898,
1220,
29897,
13,
13,
12,
1454,
301,
297,
937,
29918,
3364,
29901,
13,
12,
12,
1220,
353,
301,
13,
12,
12,
1454,
274,
297,
17727,
29901,
13,
12,
12,
12,
361,
274,
29889,
11918,
297,
1196,
29901,
13,
12,
12,
12,
12,
1220,
353,
1196,
29889,
6506,
29898,
29883,
29889,
11918,
29892,
274,
29889,
1767,
29897,
13,
13,
12,
12,
8394,
29918,
3364,
29889,
4397,
29898,
1220,
29897,
13,
13,
12,
2457,
2186,
29918,
3364,
13,
13,
2
] |
missingdata/tests/test_missingdata.py | jubyraju1979/new | 13 | 189659 | #!/usr/bin/env python
# -*- coding: utf-8 -*-
"""Tests for `missingdata` package."""
from os import makedirs
from os.path import join as pjoin
import numpy as np
import pandas as pd
from missingdata.base import blackholes
# from quilt.data.ResidentMario import missingno_data
# collisions = missingno_data.nyc_collision_factors()
# collisions = collisions.replace("nan", np.nan)
in_dir = '/Volumes/data/work/rotman/CANBIND/data/Tier1_v1'
proc_dir = pjoin(in_dir, 'processing')
miss_vis_dir = pjoin(proc_dir, 'missingdata_vis')
makedirs(miss_vis_dir, exist_ok=True)
path_tier1 = pjoin(in_dir, 'Canbind.Primary.Variables.20190114.xlsx')
tier1_full = pd.read_excel(path_tier1)
np.random.seed(342)
rows = np.random.randint(0, 180, 150)
cols = np.append([0, 1], np.random.randint(2, 120, 100)) # keeping cols 0 and 1
tier1 = tier1_full.iloc[rows, cols]
path_dict_tier1 = pjoin(in_dir, 'Canbind.Tier.1.variables.DICT.0002.xlsx')
dict_tier1 = pd.read_excel(path_dict_tier1)
col_groups = dict_tier1['Category'].values.astype('str')
var_catg = np.genfromtxt(pjoin(proc_dir, 'variable_to_category.txt'),
dtype='str', delimiter=',')
subjlabel_dx = np.genfromtxt(pjoin(proc_dir, 'subjlabel_to_diagnosis.txt'),
dtype='str', delimiter=',')
catg = {var: catg for var, catg in var_catg}
diag = {lbl: dx for lbl, dx in subjlabel_dx}
row_groups = [diag[slbl] if slbl in diag else 'Unknown' for slbl in tier1['SUBJLABEL']]
col_groups = [catg[varb] if varb in catg else 'Unknown' for varb in tier1.columns]
# making them short
row_groups = [r[:4] for r in row_groups]
col_groups = [c[:4] for c in col_groups]
min_missing = 0.00
freq_thresh_show_labels = .01
out_path = pjoin(miss_vis_dir,
'missing_data_trial_minmiss{}perc_freqmissthresh{}.pdf'
''.format(100 * min_missing, 100 * freq_thresh_show_labels))
# # missing data viz
# fig, ax_frame, \
# ax_freq_over_row, ax_freq_over_col, \
# ax_row_groups, ax_col_groups = blackholes(tier1,
# label_rows_with='SUBJLABEL',
# freq_thresh_show_labels=freq_thresh_show_labels,
# out_path=out_path,
# show_fig=True)
# fig, ax_frame, ax_freq_over_row, ax_freq_over_col, ax_row_groups, ax_col_groups \
# = blackholes(tier1,
# filter_spec_samples=(min_missing, 1.0),
# filter_spec_variables=(min_missing, 1.0),
# label_rows_with='SUBJLABEL',
# freq_thresh_show_labels=freq_thresh_show_labels,
# out_path=out_path,
# show_fig=True)
fig, ax_frame, ax_freq_over_row, ax_freq_over_col, ax_row_groups, ax_col_groups = \
blackholes(tier1, label_rows_with='SUBJLABEL',
group_rows_by=row_groups, group_cols_by=col_groups,
freq_thresh_show_labels=freq_thresh_show_labels,
out_path=out_path, show_fig=True)
print()
| [
1,
18787,
4855,
29914,
2109,
29914,
6272,
3017,
13,
29937,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
13,
13,
15945,
29908,
24376,
363,
421,
27259,
1272,
29952,
3577,
1213,
15945,
13,
13,
3166,
2897,
1053,
2136,
287,
12935,
13,
3166,
2897,
29889,
2084,
1053,
5988,
408,
282,
7122,
13,
13,
5215,
12655,
408,
7442,
13,
5215,
11701,
408,
10518,
13,
13,
3166,
4567,
1272,
29889,
3188,
1053,
4628,
5391,
267,
13,
13,
29937,
515,
439,
2782,
29889,
1272,
29889,
1666,
1693,
29924,
2628,
1053,
4567,
1217,
29918,
1272,
13,
29937,
5321,
12112,
353,
4567,
1217,
29918,
1272,
29889,
1460,
29883,
29918,
22017,
2459,
29918,
17028,
943,
580,
13,
29937,
5321,
12112,
353,
5321,
12112,
29889,
6506,
703,
13707,
613,
7442,
29889,
13707,
29897,
13,
13,
262,
29918,
3972,
353,
8207,
13072,
9351,
29914,
1272,
29914,
1287,
29914,
5450,
1171,
29914,
29907,
2190,
29933,
22255,
29914,
1272,
29914,
29911,
631,
29896,
29918,
29894,
29896,
29915,
13,
15439,
29918,
3972,
353,
282,
7122,
29898,
262,
29918,
3972,
29892,
525,
19170,
1495,
13,
9894,
29918,
1730,
29918,
3972,
353,
282,
7122,
29898,
15439,
29918,
3972,
29892,
525,
27259,
1272,
29918,
1730,
1495,
13,
29885,
12535,
12935,
29898,
9894,
29918,
1730,
29918,
3972,
29892,
1863,
29918,
554,
29922,
5574,
29897,
13,
13,
2084,
29918,
29873,
631,
29896,
353,
282,
7122,
29898,
262,
29918,
3972,
29892,
525,
6028,
5355,
29889,
26666,
29889,
10444,
1849,
29889,
29906,
29900,
29896,
29929,
29900,
29896,
29896,
29946,
29889,
20267,
29916,
1495,
13,
29873,
631,
29896,
29918,
8159,
353,
10518,
29889,
949,
29918,
24633,
29898,
2084,
29918,
29873,
631,
29896,
29897,
13,
13,
9302,
29889,
8172,
29889,
26776,
29898,
29941,
29946,
29906,
29897,
13,
5727,
353,
7442,
29889,
8172,
29889,
9502,
524,
29898,
29900,
29892,
29871,
29896,
29947,
29900,
29892,
29871,
29896,
29945,
29900,
29897,
13,
22724,
353,
7442,
29889,
4397,
4197,
29900,
29892,
29871,
29896,
1402,
7442,
29889,
8172,
29889,
9502,
524,
29898,
29906,
29892,
29871,
29896,
29906,
29900,
29892,
29871,
29896,
29900,
29900,
876,
29871,
396,
12515,
28730,
29871,
29900,
322,
29871,
29896,
13,
29873,
631,
29896,
353,
26485,
29896,
29918,
8159,
29889,
309,
542,
29961,
5727,
29892,
28730,
29962,
13,
13,
2084,
29918,
8977,
29918,
29873,
631,
29896,
353,
282,
7122,
29898,
262,
29918,
3972,
29892,
525,
6028,
5355,
29889,
29911,
631,
29889,
29896,
29889,
20897,
29889,
4571,
1783,
29889,
29900,
29900,
29900,
29906,
29889,
20267,
29916,
1495,
13,
8977,
29918,
29873,
631,
29896,
353,
10518,
29889,
949,
29918,
24633,
29898,
2084,
29918,
8977,
29918,
29873,
631,
29896,
29897,
13,
13,
1054,
29918,
13155,
353,
9657,
29918,
29873,
631,
29896,
1839,
10900,
13359,
5975,
29889,
579,
668,
877,
710,
1495,
13,
13,
1707,
29918,
4117,
29887,
353,
7442,
29889,
1885,
3166,
3945,
29898,
29886,
7122,
29898,
15439,
29918,
3972,
29892,
525,
11918,
29918,
517,
29918,
7320,
29889,
3945,
5477,
13,
462,
308,
26688,
2433,
710,
742,
28552,
29922,
742,
1495,
13,
1491,
29926,
1643,
29918,
8235,
353,
7442,
29889,
1885,
3166,
3945,
29898,
29886,
7122,
29898,
15439,
29918,
3972,
29892,
525,
1491,
29926,
1643,
29918,
517,
29918,
6051,
4211,
19263,
29889,
3945,
5477,
13,
462,
632,
26688,
2433,
710,
742,
28552,
29922,
742,
1495,
13,
13,
4117,
29887,
353,
426,
1707,
29901,
6635,
29887,
363,
722,
29892,
6635,
29887,
297,
722,
29918,
4117,
29887,
29913,
13,
6051,
351,
353,
426,
26648,
29901,
15414,
363,
301,
2204,
29892,
15414,
297,
1014,
29926,
1643,
29918,
8235,
29913,
13,
13,
798,
29918,
13155,
353,
518,
6051,
351,
29961,
2536,
2204,
29962,
565,
2243,
2204,
297,
7936,
1683,
525,
14148,
29915,
363,
2243,
2204,
297,
26485,
29896,
1839,
20633,
29967,
24461,
6670,
2033,
29962,
13,
1054,
29918,
13155,
353,
518,
4117,
29887,
29961,
1707,
29890,
29962,
565,
722,
29890,
297,
6635,
29887,
1683,
525,
14148,
29915,
363,
722,
29890,
297,
26485,
29896,
29889,
13099,
29962,
13,
13,
29937,
3907,
963,
3273,
13,
798,
29918,
13155,
353,
518,
29878,
7503,
29946,
29962,
363,
364,
297,
1948,
29918,
13155,
29962,
13,
1054,
29918,
13155,
353,
518,
29883,
7503,
29946,
29962,
363,
274,
297,
784,
29918,
13155,
29962,
13,
13,
1195,
29918,
27259,
353,
29871,
29900,
29889,
29900,
29900,
13,
29888,
7971,
29918,
386,
3781,
29918,
4294,
29918,
21134,
353,
869,
29900,
29896,
13,
449,
29918,
2084,
353,
282,
7122,
29898,
9894,
29918,
1730,
29918,
3972,
29892,
13,
462,
525,
27259,
29918,
1272,
29918,
3626,
284,
29918,
1195,
9894,
8875,
546,
29883,
29918,
29888,
7971,
26737,
303,
29882,
3781,
29912,
1836,
5140,
29915,
13,
462,
525,
4286,
4830,
29898,
29896,
29900,
29900,
334,
1375,
29918,
27259,
29892,
29871,
29896,
29900,
29900,
334,
3005,
29939,
29918,
386,
3781,
29918,
4294,
29918,
21134,
876,
13,
13,
29937,
396,
4567,
848,
25294,
13,
29937,
2537,
29892,
4853,
29918,
2557,
29892,
320,
13,
29937,
4853,
29918,
29888,
7971,
29918,
957,
29918,
798,
29892,
4853,
29918,
29888,
7971,
29918,
957,
29918,
1054,
29892,
320,
13,
29937,
4853,
29918,
798,
29918,
13155,
29892,
4853,
29918,
1054,
29918,
13155,
353,
4628,
5391,
267,
29898,
29873,
631,
29896,
29892,
13,
29937,
462,
462,
418,
3858,
29918,
5727,
29918,
2541,
2433,
20633,
29967,
24461,
6670,
742,
13,
29937,
462,
462,
418,
3005,
29939,
29918,
386,
3781,
29918,
4294,
29918,
21134,
29922,
29888,
7971,
29918,
386,
3781,
29918,
4294,
29918,
21134,
29892,
13,
29937,
462,
462,
418,
714,
29918,
2084,
29922,
449,
29918,
2084,
29892,
13,
29937,
462,
462,
418,
1510,
29918,
1003,
29922,
5574,
29897,
13,
13,
29937,
2537,
29892,
4853,
29918,
2557,
29892,
4853,
29918,
29888,
7971,
29918,
957,
29918,
798,
29892,
4853,
29918,
29888,
7971,
29918,
957,
29918,
1054,
29892,
4853,
29918,
798,
29918,
13155,
29892,
4853,
29918,
1054,
29918,
13155,
320,
13,
29937,
268,
353,
4628,
5391,
267,
29898,
29873,
631,
29896,
29892,
13,
29937,
632,
4175,
29918,
6550,
29918,
27736,
7607,
1195,
29918,
27259,
29892,
29871,
29896,
29889,
29900,
511,
13,
29937,
632,
4175,
29918,
6550,
29918,
20897,
7607,
1195,
29918,
27259,
29892,
29871,
29896,
29889,
29900,
511,
13,
29937,
632,
3858,
29918,
5727,
29918,
2541,
2433,
20633,
29967,
24461,
6670,
742,
13,
29937,
632,
3005,
29939,
29918,
386,
3781,
29918,
4294,
29918,
21134,
29922,
29888,
7971,
29918,
386,
3781,
29918,
4294,
29918,
21134,
29892,
13,
29937,
632,
714,
29918,
2084,
29922,
449,
29918,
2084,
29892,
13,
29937,
632,
1510,
29918,
1003,
29922,
5574,
29897,
13,
13,
13,
1003,
29892,
4853,
29918,
2557,
29892,
4853,
29918,
29888,
7971,
29918,
957,
29918,
798,
29892,
4853,
29918,
29888,
7971,
29918,
957,
29918,
1054,
29892,
4853,
29918,
798,
29918,
13155,
29892,
4853,
29918,
1054,
29918,
13155,
353,
320,
13,
1678,
4628,
5391,
267,
29898,
29873,
631,
29896,
29892,
3858,
29918,
5727,
29918,
2541,
2433,
20633,
29967,
24461,
6670,
742,
13,
1669,
2318,
29918,
5727,
29918,
1609,
29922,
798,
29918,
13155,
29892,
2318,
29918,
22724,
29918,
1609,
29922,
1054,
29918,
13155,
29892,
13,
1669,
3005,
29939,
29918,
386,
3781,
29918,
4294,
29918,
21134,
29922,
29888,
7971,
29918,
386,
3781,
29918,
4294,
29918,
21134,
29892,
13,
1669,
714,
29918,
2084,
29922,
449,
29918,
2084,
29892,
1510,
29918,
1003,
29922,
5574,
29897,
13,
13,
2158,
580,
13,
2
] |
src/artists/migrations/0003_auto_20191025_0454.py | slee981/sos-music-project | 0 | 176428 | <filename>src/artists/migrations/0003_auto_20191025_0454.py
# Generated by Django 2.2.1 on 2019-10-25 04:54
from django.db import migrations
class Migration(migrations.Migration):
dependencies = [
('artists', '0002_auto_20191025_0444'),
]
operations = [
migrations.AlterModelTable(
name='artist',
table='artists',
),
]
| [
1,
529,
9507,
29958,
4351,
29914,
442,
2879,
29914,
26983,
800,
29914,
29900,
29900,
29900,
29941,
29918,
6921,
29918,
29906,
29900,
29896,
29929,
29896,
29900,
29906,
29945,
29918,
29900,
29946,
29945,
29946,
29889,
2272,
13,
29937,
3251,
630,
491,
15337,
29871,
29906,
29889,
29906,
29889,
29896,
373,
29871,
29906,
29900,
29896,
29929,
29899,
29896,
29900,
29899,
29906,
29945,
29871,
29900,
29946,
29901,
29945,
29946,
13,
13,
3166,
9557,
29889,
2585,
1053,
9725,
800,
13,
13,
13,
1990,
341,
16783,
29898,
26983,
800,
29889,
29924,
16783,
1125,
13,
13,
1678,
9962,
353,
518,
13,
4706,
6702,
442,
2879,
742,
525,
29900,
29900,
29900,
29906,
29918,
6921,
29918,
29906,
29900,
29896,
29929,
29896,
29900,
29906,
29945,
29918,
29900,
29946,
29946,
29946,
5477,
13,
1678,
4514,
13,
13,
1678,
6931,
353,
518,
13,
4706,
9725,
800,
29889,
2499,
357,
3195,
3562,
29898,
13,
9651,
1024,
2433,
442,
391,
742,
13,
9651,
1591,
2433,
442,
2879,
742,
13,
4706,
10353,
13,
1678,
4514,
13,
2
] |
game.py | Rafael705/pong-game | 0 | 1617430 | <gh_stars>0
import pygame, sys, random
# -------
# CLASSES
# -------
class Paddle:
def __init__(self, screen, color, posX, posY, width, height):
self.screen = screen
self.color = color
self.posX = posX
self.posY = posY
self.width = width
self.height = height
self.state = 'stopped'
self.draw()
def draw(self):
pygame.draw.rect( self.screen, self.color, (self.posX, self.posY, self.width, self.height) )
def move(self):
if self.state == 'up':
self.posY -= 0.8
elif self.state == 'down':
self.posY += 0.8
def clamp(self):
if self.posY <= 0:
self.posY = 0
if self.posY + self.height >= HEIGHT:
self.posY = HEIGHT - self.height
def restart_pos(self):
self.posY = HEIGHT//2 - self.height//2
self.state = 'stopped'
self.draw()
class Ball:
def __init__(self, screen, color, posX, posY, radius):
self.screen = screen
self.color = color
self.posX = posX
self.posY = posY
self.dx = 0
self.dy = 0
self.radius = radius
self.draw()
def draw(self):
pygame.draw.circle( self.screen, self.color, (self.posX, self.posY), self.radius )
def start(self):
self.dx = 1
self.dy = 1
def move(self):
self.posX += self.dx
self.posY += self.dy
def increase_speed(self, velX):
self.dx += velX
def wall_collision(self):
self.dy = -self.dy
def paddle_collision(self):
self.dx = -self.dx
def restart_pos(self):
self.posX = WIDTH//2
self.posY = HEIGHT//2
self.dx = 0
self.dy = 0
self.draw()
class PlayerScore:
def __init__(self, screen, points, posX, posY):
self.screen = screen
self.points = points
self.posX = posX
self.posY = posY
self.font = pygame.font.SysFont("monospace", 80, bold=True)
self.label = self.font.render(self.points, 0, WHITE)
self.show()
def show(self):
self.screen.blit(self.label, (self.posX - self.label.get_rect().width // 2, self.posY))
def increase(self):
points = int(self.points) + 1
self.points = str(points)
self.label = self.font.render(self.points, 0, WHITE)
def restart(self):
self.points = '0'
self.label = self.font.render(self.points, 0, WHITE)
class CollisionManager:
def between_ball_and_paddle1(self, ball, paddle):
ballX = ball.posX
ballY = ball.posY
paddleX = paddle.posX
paddleY = paddle.posY
if ballY + ball.radius > paddleY and ballY - ball.radius < paddleY + paddle.height:
if ballX - ball.radius <= paddleX + paddle.width:
return True
return False
def between_ball_and_paddle2(self, ball, paddle):
ballX = ball.posX
ballY = ball.posY
paddleX = paddle.posX
paddleY = paddle.posY
if ballY + ball.radius > paddleY and ballY - ball.radius < paddleY + paddle.height:
if ballX + ball.radius >= paddleX:
return True
return False
def between_ball_and_walls(self, ball):
ballY = ball.posY
if ballY - ball.radius <= 0:
return True
if ballY + ball.radius >= HEIGHT:
return True
return False
def between_ball_and_goal1(self, ball):
return ball.posX + ball.radius <= 0
def between_ball_and_goal2(self, ball):
return ball.posX - ball.radius >= WIDTH
# ---------
# CONSTANTS
# ---------
WIDTH, HEIGHT = 900, 500
BLACK = (0, 0, 0)
WHITE = (255, 255, 255)
RED = (255, 0, 0)
# SCREEN
pygame.init()
screen = pygame.display.set_mode( (WIDTH, HEIGHT) )
pygame.display.set_caption('PONG')
# ---------
# FUNCTIONS
# ---------
def draw_board():
screen.fill( BLACK )
pygame.draw.line( screen, WHITE, (WIDTH//2, 0), (WIDTH//2, HEIGHT), 5 )
def restart():
draw_board()
score1.restart()
score2.restart()
ball.restart_pos()
paddle1.restart_pos()
paddle2.restart_pos()
draw_board()
# -------
# OBJECTS
# -------
paddle1 = Paddle( screen, WHITE, 15, HEIGHT//2 - 60, 20, 120 )
paddle2 = Paddle( screen, WHITE, WIDTH - 20 - 15, HEIGHT//2 - 60, 20, 120 )
ball = Ball( screen, WHITE, WIDTH//2, HEIGHT//2, 10 )
ball = Ball( screen, WHITE, WIDTH//2, HEIGHT//2, 10)
collision = CollisionManager()
score1 = PlayerScore( screen, '0', WIDTH//4, 15 )
score2 = PlayerScore( screen, '0', WIDTH - WIDTH//4, 15 )
# ---------
# VARIABLES
# ---------
playing = False
# --------
# MAINLOOP
# --------
while True:
for event in pygame.event.get():
if event.type == pygame.QUIT:
sys.exit()
if event.type == pygame.KEYDOWN:
if event.key == pygame.K_p and not playing:
ball.start()
playing = True
if event.key == pygame.K_r and playing:
restart()
playing = False
if event.key == pygame.K_w:
paddle1.state = 'up'
if event.key == pygame.K_s:
paddle1.state = 'down'
if event.key == pygame.K_UP:
paddle2.state = 'up'
if event.key == pygame.K_DOWN:
paddle2.state = 'down'
# if event.type == pygame.KEYUP:
# paddle1.state = 'stopped'
# paddle2.state = 'stopped'
if playing:
draw_board()
# ball
ball.move()
ball.draw()
# paddle 1
paddle1.move()
paddle1.clamp()
paddle1.draw()
# paddle 2
paddle2.move()
paddle2.clamp()
paddle2.draw()
# wall collision
if collision.between_ball_and_walls(ball):
print('Point')
ball.wall_collision()
# paddle1 collision
if collision.between_ball_and_paddle1(ball, paddle1):
ball.paddle_collision()
# paddle2 collision
if collision.between_ball_and_paddle2(ball, paddle2):
ball.paddle_collision()
# GOAL OF PLAYER 1 !
if collision.between_ball_and_goal2(ball):
draw_board()
score1.increase()
ball.restart_pos()
paddle1.restart_pos()
paddle2.restart_pos()
playing = False
# GOAL OF PLAYER 2!
if collision.between_ball_and_goal1(ball):
draw_board()
score2.increase()
ball.restart_pos()
paddle1.restart_pos()
paddle2.restart_pos()
playing = False
score1.show()
score2.show()
pygame.display.update()
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29900,
13,
5215,
22028,
29892,
10876,
29892,
4036,
13,
29937,
448,
22158,
13,
29937,
17332,
3289,
1660,
29903,
13,
29937,
448,
22158,
13,
1990,
349,
22352,
29901,
13,
12,
1753,
4770,
2344,
12035,
1311,
29892,
4315,
29892,
2927,
29892,
926,
29990,
29892,
926,
29979,
29892,
2920,
29892,
3171,
1125,
13,
12,
12,
1311,
29889,
10525,
353,
4315,
13,
12,
12,
1311,
29889,
2780,
353,
2927,
13,
12,
12,
1311,
29889,
1066,
29990,
353,
926,
29990,
13,
12,
12,
1311,
29889,
1066,
29979,
353,
926,
29979,
13,
12,
12,
1311,
29889,
2103,
353,
2920,
13,
12,
12,
1311,
29889,
3545,
353,
3171,
13,
12,
12,
1311,
29889,
3859,
353,
525,
7864,
2986,
29915,
13,
12,
12,
1311,
29889,
4012,
580,
13,
13,
12,
1753,
4216,
29898,
1311,
1125,
13,
12,
12,
2272,
11802,
29889,
4012,
29889,
1621,
29898,
1583,
29889,
10525,
29892,
1583,
29889,
2780,
29892,
313,
1311,
29889,
1066,
29990,
29892,
1583,
29889,
1066,
29979,
29892,
1583,
29889,
2103,
29892,
1583,
29889,
3545,
29897,
1723,
13,
13,
12,
1753,
4337,
29898,
1311,
1125,
13,
12,
12,
361,
1583,
29889,
3859,
1275,
525,
786,
2396,
13,
12,
12,
12,
1311,
29889,
1066,
29979,
22361,
29871,
29900,
29889,
29947,
13,
13,
12,
12,
23681,
1583,
29889,
3859,
1275,
525,
3204,
2396,
13,
12,
12,
12,
1311,
29889,
1066,
29979,
4619,
29871,
29900,
29889,
29947,
13,
13,
12,
1753,
1067,
1160,
29898,
1311,
1125,
13,
12,
12,
361,
1583,
29889,
1066,
29979,
5277,
29871,
29900,
29901,
13,
12,
12,
12,
1311,
29889,
1066,
29979,
353,
29871,
29900,
13,
13,
12,
12,
361,
1583,
29889,
1066,
29979,
718,
1583,
29889,
3545,
6736,
17714,
22530,
29901,
13,
12,
12,
12,
1311,
29889,
1066,
29979,
353,
17714,
22530,
448,
1583,
29889,
3545,
13,
13,
12,
1753,
10715,
29918,
1066,
29898,
1311,
1125,
13,
12,
12,
1311,
29889,
1066,
29979,
353,
17714,
22530,
458,
29906,
448,
1583,
29889,
3545,
458,
29906,
13,
12,
12,
1311,
29889,
3859,
353,
525,
7864,
2986,
29915,
13,
12,
12,
1311,
29889,
4012,
580,
13,
13,
1990,
13402,
29901,
13,
12,
1753,
4770,
2344,
12035,
1311,
29892,
4315,
29892,
2927,
29892,
926,
29990,
29892,
926,
29979,
29892,
11855,
1125,
13,
12,
12,
1311,
29889,
10525,
353,
4315,
13,
12,
12,
1311,
29889,
2780,
353,
2927,
13,
12,
12,
1311,
29889,
1066,
29990,
353,
926,
29990,
13,
12,
12,
1311,
29889,
1066,
29979,
353,
926,
29979,
13,
12,
12,
1311,
29889,
8235,
353,
29871,
29900,
13,
12,
12,
1311,
29889,
4518,
353,
29871,
29900,
13,
12,
12,
1311,
29889,
13471,
353,
11855,
13,
12,
12,
1311,
29889,
4012,
580,
13,
13,
12,
1753,
4216,
29898,
1311,
1125,
13,
12,
12,
2272,
11802,
29889,
4012,
29889,
16622,
29898,
1583,
29889,
10525,
29892,
1583,
29889,
2780,
29892,
313,
1311,
29889,
1066,
29990,
29892,
1583,
29889,
1066,
29979,
511,
1583,
29889,
13471,
1723,
13,
13,
12,
1753,
1369,
29898,
1311,
1125,
12,
12,
13,
12,
12,
1311,
29889,
8235,
353,
29871,
29896,
13,
12,
12,
1311,
29889,
4518,
353,
29871,
29896,
13,
13,
12,
1753,
4337,
29898,
1311,
1125,
13,
12,
12,
1311,
29889,
1066,
29990,
4619,
1583,
29889,
8235,
13,
12,
12,
1311,
29889,
1066,
29979,
4619,
1583,
29889,
4518,
13,
13,
12,
1753,
7910,
29918,
19322,
29898,
1311,
29892,
5343,
29990,
1125,
13,
12,
12,
1311,
29889,
8235,
4619,
5343,
29990,
13,
13,
12,
1753,
10090,
29918,
22017,
2459,
29898,
1311,
1125,
13,
12,
12,
1311,
29889,
4518,
353,
448,
1311,
29889,
4518,
13,
13,
12,
1753,
282,
22352,
29918,
22017,
2459,
29898,
1311,
1125,
13,
12,
12,
1311,
29889,
8235,
353,
448,
1311,
29889,
8235,
13,
13,
12,
1753,
10715,
29918,
1066,
29898,
1311,
1125,
13,
12,
12,
1311,
29889,
1066,
29990,
353,
399,
1367,
4690,
458,
29906,
13,
12,
12,
1311,
29889,
1066,
29979,
353,
17714,
22530,
458,
29906,
13,
12,
12,
1311,
29889,
8235,
353,
29871,
29900,
13,
12,
12,
1311,
29889,
4518,
353,
29871,
29900,
13,
12,
12,
1311,
29889,
4012,
580,
13,
13,
1990,
14574,
20097,
29901,
13,
12,
1753,
4770,
2344,
12035,
1311,
29892,
4315,
29892,
3291,
29892,
926,
29990,
29892,
926,
29979,
1125,
13,
12,
12,
1311,
29889,
10525,
353,
4315,
13,
12,
12,
1311,
29889,
9748,
353,
3291,
13,
12,
12,
1311,
29889,
1066,
29990,
353,
926,
29990,
13,
12,
12,
1311,
29889,
1066,
29979,
353,
926,
29979,
13,
12,
12,
1311,
29889,
5657,
353,
22028,
29889,
5657,
29889,
29903,
952,
9824,
703,
3712,
359,
3535,
613,
29871,
29947,
29900,
29892,
14288,
29922,
5574,
29897,
13,
12,
12,
1311,
29889,
1643,
353,
1583,
29889,
5657,
29889,
9482,
29898,
1311,
29889,
9748,
29892,
29871,
29900,
29892,
12317,
9094,
29897,
13,
12,
12,
1311,
29889,
4294,
580,
13,
13,
12,
1753,
1510,
29898,
1311,
1125,
13,
12,
12,
1311,
29889,
10525,
29889,
2204,
277,
29898,
1311,
29889,
1643,
29892,
313,
1311,
29889,
1066,
29990,
448,
1583,
29889,
1643,
29889,
657,
29918,
1621,
2141,
2103,
849,
29871,
29906,
29892,
1583,
29889,
1066,
29979,
876,
13,
13,
12,
1753,
7910,
29898,
1311,
1125,
13,
12,
12,
9748,
353,
938,
29898,
1311,
29889,
9748,
29897,
718,
29871,
29896,
13,
12,
12,
1311,
29889,
9748,
353,
851,
29898,
9748,
29897,
13,
12,
12,
1311,
29889,
1643,
353,
1583,
29889,
5657,
29889,
9482,
29898,
1311,
29889,
9748,
29892,
29871,
29900,
29892,
12317,
9094,
29897,
13,
13,
12,
1753,
10715,
29898,
1311,
1125,
13,
12,
12,
1311,
29889,
9748,
353,
525,
29900,
29915,
13,
12,
12,
1311,
29889,
1643,
353,
1583,
29889,
5657,
29889,
9482,
29898,
1311,
29889,
9748,
29892,
29871,
29900,
29892,
12317,
9094,
29897,
13,
13,
1990,
13435,
2459,
3260,
29901,
13,
12,
1753,
1546,
29918,
2135,
29918,
392,
29918,
29886,
22352,
29896,
29898,
1311,
29892,
8287,
29892,
282,
22352,
1125,
13,
12,
12,
2135,
29990,
353,
8287,
29889,
1066,
29990,
13,
12,
12,
2135,
29979,
353,
8287,
29889,
1066,
29979,
13,
12,
12,
29886,
22352,
29990,
353,
282,
22352,
29889,
1066,
29990,
13,
12,
12,
29886,
22352,
29979,
353,
282,
22352,
29889,
1066,
29979,
13,
13,
12,
12,
361,
8287,
29979,
718,
8287,
29889,
13471,
1405,
282,
22352,
29979,
322,
8287,
29979,
448,
8287,
29889,
13471,
529,
282,
22352,
29979,
718,
282,
22352,
29889,
3545,
29901,
13,
12,
12,
12,
361,
8287,
29990,
448,
8287,
29889,
13471,
5277,
282,
22352,
29990,
718,
282,
22352,
29889,
2103,
29901,
13,
13,
12,
12,
12,
12,
2457,
5852,
13,
12,
12,
2457,
7700,
13,
12,
1753,
1546,
29918,
2135,
29918,
392,
29918,
29886,
22352,
29906,
29898,
1311,
29892,
8287,
29892,
282,
22352,
1125,
13,
12,
12,
2135,
29990,
353,
8287,
29889,
1066,
29990,
13,
12,
12,
2135,
29979,
353,
8287,
29889,
1066,
29979,
13,
12,
12,
29886,
22352,
29990,
353,
282,
22352,
29889,
1066,
29990,
13,
12,
12,
29886,
22352,
29979,
353,
282,
22352,
29889,
1066,
29979,
13,
12,
12,
13,
12,
12,
361,
8287,
29979,
718,
8287,
29889,
13471,
1405,
282,
22352,
29979,
322,
8287,
29979,
448,
8287,
29889,
13471,
529,
282,
22352,
29979,
718,
282,
22352,
29889,
3545,
29901,
12,
12,
13,
12,
12,
12,
361,
8287,
29990,
718,
8287,
29889,
13471,
6736,
282,
22352,
29990,
29901,
13,
12,
12,
12,
12,
13,
12,
12,
12,
12,
2457,
5852,
12,
12,
13,
12,
12,
2457,
7700,
13,
13,
12,
1753,
1546,
29918,
2135,
29918,
392,
29918,
29893,
4293,
29898,
1311,
29892,
8287,
1125,
13,
12,
12,
2135,
29979,
353,
8287,
29889,
1066,
29979,
13,
13,
12,
12,
361,
8287,
29979,
448,
8287,
29889,
13471,
5277,
29871,
29900,
29901,
13,
12,
12,
12,
2457,
5852,
13,
13,
13,
12,
12,
361,
8287,
29979,
718,
8287,
29889,
13471,
6736,
17714,
22530,
29901,
13,
12,
12,
12,
2457,
5852,
12,
12,
13,
12,
12,
2457,
7700,
13,
13,
12,
1753,
1546,
29918,
2135,
29918,
392,
29918,
28111,
29896,
29898,
1311,
29892,
8287,
1125,
13,
12,
12,
2457,
8287,
29889,
1066,
29990,
718,
8287,
29889,
13471,
5277,
29871,
29900,
13,
13,
12,
1753,
1546,
29918,
2135,
29918,
392,
29918,
28111,
29906,
29898,
1311,
29892,
8287,
1125,
13,
12,
12,
2457,
8287,
29889,
1066,
29990,
448,
8287,
29889,
13471,
6736,
399,
1367,
4690,
13,
13,
29937,
448,
1378,
13,
29937,
8707,
1254,
2190,
9375,
13,
29937,
448,
1378,
13,
22574,
29892,
17714,
22530,
353,
29871,
29929,
29900,
29900,
29892,
29871,
29945,
29900,
29900,
13,
13367,
11375,
353,
313,
29900,
29892,
29871,
29900,
29892,
29871,
29900,
29897,
13,
25039,
9094,
353,
313,
29906,
29945,
29945,
29892,
29871,
29906,
29945,
29945,
29892,
29871,
29906,
29945,
29945,
29897,
13,
19386,
353,
313,
29906,
29945,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29897,
13,
29937,
12314,
1525,
1430,
13,
2272,
11802,
29889,
2344,
580,
13,
10525,
353,
22028,
29889,
4990,
29889,
842,
29918,
8513,
29898,
313,
22574,
29892,
17714,
22530,
29897,
1723,
13,
2272,
11802,
29889,
4990,
29889,
842,
29918,
6671,
877,
29925,
20614,
1495,
13,
29937,
448,
1378,
13,
29937,
383,
28700,
29903,
13,
29937,
448,
1378,
13,
1753,
4216,
29918,
3377,
7295,
13,
12,
10525,
29889,
5589,
29898,
350,
29931,
11375,
1723,
13,
12,
2272,
11802,
29889,
4012,
29889,
1220,
29898,
4315,
29892,
12317,
9094,
29892,
313,
22574,
458,
29906,
29892,
29871,
29900,
511,
313,
22574,
458,
29906,
29892,
17714,
22530,
511,
29871,
29945,
1723,
13,
1753,
10715,
7295,
13,
12,
4012,
29918,
3377,
580,
13,
12,
13628,
29896,
29889,
5060,
442,
580,
13,
12,
13628,
29906,
29889,
5060,
442,
580,
13,
12,
2135,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
29886,
22352,
29896,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
29886,
22352,
29906,
29889,
5060,
442,
29918,
1066,
580,
13,
4012,
29918,
3377,
580,
13,
29937,
448,
22158,
13,
29937,
438,
29933,
17637,
29903,
13,
29937,
448,
22158,
13,
29886,
22352,
29896,
353,
349,
22352,
29898,
4315,
29892,
12317,
9094,
29892,
29871,
29896,
29945,
29892,
17714,
22530,
458,
29906,
448,
29871,
29953,
29900,
29892,
29871,
29906,
29900,
29892,
29871,
29896,
29906,
29900,
1723,
13,
29886,
22352,
29906,
353,
349,
22352,
29898,
4315,
29892,
12317,
9094,
29892,
399,
1367,
4690,
448,
29871,
29906,
29900,
448,
29871,
29896,
29945,
29892,
17714,
22530,
458,
29906,
448,
29871,
29953,
29900,
29892,
29871,
29906,
29900,
29892,
29871,
29896,
29906,
29900,
1723,
13,
2135,
353,
13402,
29898,
4315,
29892,
12317,
9094,
29892,
399,
1367,
4690,
458,
29906,
29892,
17714,
22530,
458,
29906,
29892,
29871,
29896,
29900,
1723,
13,
2135,
353,
13402,
29898,
4315,
29892,
12317,
9094,
29892,
399,
1367,
4690,
458,
29906,
29892,
17714,
22530,
458,
29906,
29892,
29871,
29896,
29900,
29897,
13,
22017,
2459,
353,
13435,
2459,
3260,
580,
13,
13628,
29896,
353,
14574,
20097,
29898,
4315,
29892,
525,
29900,
742,
399,
1367,
4690,
458,
29946,
29892,
29871,
29896,
29945,
1723,
13,
13628,
29906,
353,
14574,
20097,
29898,
4315,
29892,
525,
29900,
742,
399,
1367,
4690,
448,
399,
1367,
4690,
458,
29946,
29892,
29871,
29896,
29945,
1723,
13,
29937,
448,
1378,
13,
29937,
478,
1718,
29902,
6181,
29903,
13,
29937,
448,
1378,
13,
1456,
292,
353,
7700,
13,
29937,
448,
26589,
13,
29937,
14861,
1177,
3927,
4590,
13,
29937,
448,
26589,
13,
8000,
5852,
29901,
13,
12,
1454,
1741,
297,
22028,
29889,
3696,
29889,
657,
7295,
13,
12,
12,
361,
1741,
29889,
1853,
1275,
22028,
29889,
13356,
1806,
29901,
13,
12,
12,
12,
9675,
29889,
13322,
580,
13,
13,
12,
12,
361,
1741,
29889,
1853,
1275,
22028,
29889,
10818,
3970,
16048,
29901,
13,
12,
12,
12,
361,
1741,
29889,
1989,
1275,
22028,
29889,
29968,
29918,
29886,
322,
451,
8743,
29901,
13,
12,
12,
12,
12,
2135,
29889,
2962,
580,
13,
12,
12,
12,
12,
1456,
292,
353,
5852,
13,
13,
12,
12,
12,
361,
1741,
29889,
1989,
1275,
22028,
29889,
29968,
29918,
29878,
322,
8743,
29901,
13,
12,
12,
12,
12,
5060,
442,
580,
13,
13,
12,
12,
12,
12,
1456,
292,
353,
7700,
13,
12,
12,
12,
361,
1741,
29889,
1989,
1275,
22028,
29889,
29968,
29918,
29893,
29901,
13,
12,
12,
12,
12,
29886,
22352,
29896,
29889,
3859,
353,
525,
786,
29915,
13,
13,
12,
12,
12,
361,
1741,
29889,
1989,
1275,
22028,
29889,
29968,
29918,
29879,
29901,
13,
12,
12,
12,
12,
29886,
22352,
29896,
29889,
3859,
353,
525,
3204,
29915,
13,
13,
12,
12,
12,
361,
1741,
29889,
1989,
1275,
22028,
29889,
29968,
29918,
4897,
29901,
13,
12,
12,
12,
12,
29886,
22352,
29906,
29889,
3859,
353,
525,
786,
29915,
13,
13,
12,
12,
12,
361,
1741,
29889,
1989,
1275,
22028,
29889,
29968,
29918,
3970,
16048,
29901,
13,
12,
12,
12,
12,
29886,
22352,
29906,
29889,
3859,
353,
525,
3204,
29915,
13,
13,
12,
12,
29937,
565,
1741,
29889,
1853,
1275,
22028,
29889,
10818,
4897,
29901,
13,
12,
12,
12,
29937,
282,
22352,
29896,
29889,
3859,
353,
525,
7864,
2986,
29915,
13,
12,
12,
12,
29937,
282,
22352,
29906,
29889,
3859,
353,
525,
7864,
2986,
29915,
13,
13,
12,
361,
8743,
29901,
13,
12,
12,
4012,
29918,
3377,
580,
13,
12,
12,
29937,
8287,
13,
13,
12,
12,
2135,
29889,
11631,
580,
13,
12,
12,
2135,
29889,
4012,
580,
13,
13,
12,
12,
29937,
282,
22352,
29871,
29896,
13,
12,
12,
29886,
22352,
29896,
29889,
11631,
580,
13,
12,
12,
29886,
22352,
29896,
29889,
695,
1160,
580,
13,
12,
12,
29886,
22352,
29896,
29889,
4012,
580,
13,
13,
12,
12,
29937,
282,
22352,
29871,
29906,
13,
12,
12,
29886,
22352,
29906,
29889,
11631,
580,
13,
12,
12,
29886,
22352,
29906,
29889,
695,
1160,
580,
13,
12,
12,
29886,
22352,
29906,
29889,
4012,
580,
13,
13,
12,
12,
29937,
10090,
22369,
13,
12,
12,
361,
22369,
29889,
14811,
29918,
2135,
29918,
392,
29918,
29893,
4293,
29898,
2135,
1125,
13,
12,
12,
12,
2158,
877,
5228,
1495,
13,
12,
12,
12,
2135,
29889,
11358,
29918,
22017,
2459,
580,
13,
13,
12,
12,
29937,
282,
22352,
29896,
22369,
13,
12,
12,
361,
22369,
29889,
14811,
29918,
2135,
29918,
392,
29918,
29886,
22352,
29896,
29898,
2135,
29892,
282,
22352,
29896,
1125,
13,
12,
12,
12,
2135,
29889,
29886,
22352,
29918,
22017,
2459,
580,
13,
13,
13,
12,
12,
29937,
282,
22352,
29906,
22369,
13,
12,
12,
361,
22369,
29889,
14811,
29918,
2135,
29918,
392,
29918,
29886,
22352,
29906,
29898,
2135,
29892,
282,
22352,
29906,
1125,
12,
12,
12,
13,
12,
12,
12,
2135,
29889,
29886,
22352,
29918,
22017,
2459,
580,
13,
13,
12,
12,
29937,
21947,
1964,
8079,
349,
18799,
1001,
29871,
29896,
1738,
13,
12,
12,
361,
22369,
29889,
14811,
29918,
2135,
29918,
392,
29918,
28111,
29906,
29898,
2135,
1125,
13,
12,
12,
12,
4012,
29918,
3377,
580,
13,
12,
12,
12,
13628,
29896,
29889,
262,
1037,
559,
580,
13,
12,
12,
12,
2135,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
12,
12,
29886,
22352,
29896,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
12,
12,
29886,
22352,
29906,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
12,
12,
1456,
292,
353,
7700,
13,
13,
12,
12,
29937,
21947,
1964,
8079,
349,
18799,
1001,
29871,
29906,
29991,
13,
12,
12,
361,
22369,
29889,
14811,
29918,
2135,
29918,
392,
29918,
28111,
29896,
29898,
2135,
1125,
13,
12,
12,
12,
4012,
29918,
3377,
580,
13,
12,
12,
12,
13628,
29906,
29889,
262,
1037,
559,
580,
13,
12,
12,
12,
2135,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
12,
12,
29886,
22352,
29896,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
12,
12,
29886,
22352,
29906,
29889,
5060,
442,
29918,
1066,
580,
13,
12,
12,
12,
1456,
292,
353,
7700,
13,
13,
12,
13628,
29896,
29889,
4294,
580,
13,
12,
13628,
29906,
29889,
4294,
580,
13,
12,
2272,
11802,
29889,
4990,
29889,
5504,
580,
13,
2
] |
paraments.py | JoenHune/DQN-Meets-Atari | 0 | 56730 | <gh_stars>0
import sys
import tensorflow as tf2
DEFAULT_GPU_LIST = [0, 1, 2]
SCALE = 2
MEMORY_LENGTH = 1000000
STACK_LENGTH = 4
BATCH_SIZE = 64
LEARNING_RATE = 0.00025
GAMMA = 0.9
EPSILON = 1.0
EPSILON_MIN = 0.01
EPSILON_DECAY = 0.00003
GIVEN_GPU = [eval(sys.argv[1])] if len(sys.argv) > 1 else DEFAULT_GPU_LIST
def get_strategy(gpu_visible=None):
gpu_total = tf2.config.experimental.list_physical_devices(device_type="GPU")
gpu_candidates = []
if gpu_visible is None:
gpu_visible = GIVEN_GPU
for gpu_id in gpu_visible:
if 0 <= gpu_id < len(gpu_total):
gpu_candidates.append(gpu_total[gpu_id])
tf2.config.experimental.set_visible_devices(devices=gpu_candidates, device_type="GPU")
print("gpu_total :", gpu_total, "| gpu_candidates :", gpu_candidates)
strategy = tf2.distribute.OneDeviceStrategy(device="/cpu:0")
if len(gpu_candidates) == 1:
strategy = tf2.distribute.OneDeviceStrategy(device="/gpu:0")
elif len(gpu_candidates) > 1:
strategy = tf2.distribute.MirroredStrategy()
return strategy
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29900,
13,
13,
5215,
10876,
13,
5215,
26110,
408,
15886,
29906,
13,
13,
23397,
29918,
29954,
7056,
29918,
24360,
353,
518,
29900,
29892,
29871,
29896,
29892,
29871,
29906,
29962,
13,
13,
29903,
5454,
1307,
353,
29871,
29906,
13,
13,
2303,
29924,
18929,
29918,
19433,
353,
29871,
29896,
29900,
29900,
29900,
29900,
29900,
29900,
13,
1254,
11375,
29918,
19433,
353,
29871,
29946,
13,
13,
29933,
14789,
29918,
14226,
353,
29871,
29953,
29946,
13,
1307,
25614,
29918,
29934,
3040,
353,
29871,
29900,
29889,
29900,
29900,
29900,
29906,
29945,
13,
13,
29954,
5194,
1529,
353,
29871,
29900,
29889,
29929,
13,
15488,
5425,
29931,
1164,
353,
29871,
29896,
29889,
29900,
13,
15488,
5425,
29931,
1164,
29918,
16173,
353,
29871,
29900,
29889,
29900,
29896,
13,
15488,
5425,
29931,
1164,
29918,
2287,
5454,
29979,
353,
29871,
29900,
29889,
29900,
29900,
29900,
29900,
29941,
13,
13,
29954,
5667,
1430,
29918,
29954,
7056,
353,
518,
14513,
29898,
9675,
29889,
19218,
29961,
29896,
2314,
29962,
565,
7431,
29898,
9675,
29889,
19218,
29897,
1405,
29871,
29896,
1683,
22236,
29918,
29954,
7056,
29918,
24360,
13,
13,
13,
1753,
679,
29918,
710,
8963,
29898,
29887,
3746,
29918,
12872,
29922,
8516,
1125,
13,
1678,
330,
3746,
29918,
7827,
353,
15886,
29906,
29889,
2917,
29889,
735,
27910,
29889,
1761,
29918,
14017,
936,
29918,
3359,
1575,
29898,
10141,
29918,
1853,
543,
29954,
7056,
1159,
13,
1678,
330,
3746,
29918,
29883,
5380,
1078,
353,
5159,
13,
13,
1678,
565,
330,
3746,
29918,
12872,
338,
6213,
29901,
13,
4706,
330,
3746,
29918,
12872,
353,
402,
5667,
1430,
29918,
29954,
7056,
13,
13,
1678,
363,
330,
3746,
29918,
333,
297,
330,
3746,
29918,
12872,
29901,
13,
4706,
565,
29871,
29900,
5277,
330,
3746,
29918,
333,
529,
7431,
29898,
29887,
3746,
29918,
7827,
1125,
13,
9651,
330,
3746,
29918,
29883,
5380,
1078,
29889,
4397,
29898,
29887,
3746,
29918,
7827,
29961,
29887,
3746,
29918,
333,
2314,
13,
13,
1678,
15886,
29906,
29889,
2917,
29889,
735,
27910,
29889,
842,
29918,
12872,
29918,
3359,
1575,
29898,
3359,
1575,
29922,
29887,
3746,
29918,
29883,
5380,
1078,
29892,
4742,
29918,
1853,
543,
29954,
7056,
1159,
13,
1678,
1596,
703,
29887,
3746,
29918,
7827,
584,
613,
330,
3746,
29918,
7827,
29892,
376,
29989,
330,
3746,
29918,
29883,
5380,
1078,
584,
613,
330,
3746,
29918,
29883,
5380,
1078,
29897,
13,
13,
1678,
13705,
353,
15886,
29906,
29889,
5721,
2666,
29889,
6716,
11501,
26910,
29898,
10141,
13802,
21970,
29901,
29900,
1159,
13,
1678,
565,
7431,
29898,
29887,
3746,
29918,
29883,
5380,
1078,
29897,
1275,
29871,
29896,
29901,
13,
4706,
13705,
353,
15886,
29906,
29889,
5721,
2666,
29889,
6716,
11501,
26910,
29898,
10141,
13802,
29887,
3746,
29901,
29900,
1159,
13,
1678,
25342,
7431,
29898,
29887,
3746,
29918,
29883,
5380,
1078,
29897,
1405,
29871,
29896,
29901,
13,
4706,
13705,
353,
15886,
29906,
29889,
5721,
2666,
29889,
29924,
381,
729,
287,
26910,
580,
13,
13,
1678,
736,
13705,
13,
13,
2
] |
aulaDjango/py3.5/bin/django-admin.py | tmenegaz/django | 0 | 85931 | <reponame>tmenegaz/django<gh_stars>0
#!/home/tmenegaz/Documentos/cimatec/2016.2/escolaTecnica/mundoSenai/django/aula/aulaDjango/py3.5/bin/python3.5
from django.core import management
if __name__ == "__main__":
management.execute_from_command_line()
| [
1,
529,
276,
1112,
420,
29958,
29873,
1527,
387,
834,
29914,
14095,
29966,
12443,
29918,
303,
1503,
29958,
29900,
13,
29937,
14708,
5184,
29914,
29873,
1527,
387,
834,
29914,
6268,
359,
29914,
29883,
6490,
29883,
29914,
29906,
29900,
29896,
29953,
29889,
29906,
29914,
267,
15519,
29911,
687,
8902,
29914,
29885,
6201,
29903,
264,
1794,
29914,
14095,
29914,
29874,
2497,
29914,
29874,
2497,
29928,
5364,
29914,
2272,
29941,
29889,
29945,
29914,
2109,
29914,
4691,
29941,
29889,
29945,
13,
3166,
9557,
29889,
3221,
1053,
10643,
13,
13,
361,
4770,
978,
1649,
1275,
376,
1649,
3396,
1649,
1115,
13,
1678,
10643,
29889,
7978,
29918,
3166,
29918,
6519,
29918,
1220,
580,
13,
2
] |
Dataset/2DGS_FD_Solver[RK4].py | paulpuren/PhySR | 6 | 177463 | import torch
import torch.nn as nn
import numpy as np
import scipy.io as scio
import os
import matplotlib.pyplot as plt
os.environ['CUDA_VISIBLE_DEVICES'] = '0'
torch.manual_seed(1)
np.random.seed(1)
lapl_op = [[[[ 0, 0, -1/12, 0, 0],
[ 0, 0, 4/3, 0, 0],
[-1/12, 4/3, -5, 4/3, -1/12],
[ 0, 0, 4/3, 0, 0],
[ 0, 0, -1/12, 0, 0]]]]
# ============ define relevant functions =============
# https://github.com/benmaier/reaction-diffusion/blob/master/gray_scott.ipynb
def apply_laplacian(mat, dx = 0.01):
# dx is inversely proportional to N
"""This function applies a discretized Laplacian
in periodic boundary conditions to a matrix
For more information see
https://en.wikipedia.org/wiki/Discrete_Laplace_operator#Implementation_via_operator_discretization
"""
# the cell appears 4 times in the formula to compute
# the total difference
neigh_mat = -5*mat.copy()
# Each direct neighbor on the lattice is counted in
# the discrete difference formula
neighbors = [
( 4/3, (-1, 0) ),
( 4/3, ( 0,-1) ),
( 4/3, ( 0, 1) ),
( 4/3, ( 1, 0) ),
(-1/12, (-2, 0)),
(-1/12, (0, -2)),
(-1/12, (0, 2)),
(-1/12, (2, 0)),
]
# shift matrix according to demanded neighbors
# and add to this cell with corresponding weight
for weight, neigh in neighbors:
neigh_mat += weight * np.roll(mat, neigh, (0,1))
return neigh_mat/dx**2
# Define the update formula for chemicals A and B
def update(A, B, DA, DB, f, k, delta_t):
"""Apply the Gray-Scott update formula"""
# compute the diffusion part of the update
diff_A = DA * apply_laplacian(A)
diff_B = DB * apply_laplacian(B)
# Apply chemical reaction
reaction = A*B**2
diff_A -= reaction
diff_B += reaction
# Apply birth/death
diff_A += f * (1-A)
diff_B -= (k+f) * B
A += diff_A * delta_t
B += diff_B * delta_t
return A, B
def GetEachTerm(A, B, DA, DB, f, k, delta_t, dx):
lap_A = DA * apply_laplacian(A,dx)
lap_B = DB * apply_laplacian(B,dx)
# Apply chemical reaction
reaction = A * B ** 2
# Apply birth/death, linear term
lin_A = f * (1 - A)
lin_B = (k + f) * B
return lap_A, lap_B, reaction, lin_A, lin_B
def update_rk4(A0, B0, DA, DB, f, k, delta_t, dx):
"""Update with Runge-kutta-4 method
See https://en.wikipedia.org/wiki/Runge%E2%80%93Kutta_methods
"""
############# Stage 1 ##############
# compute the diffusion part of the update
diff_A = DA * apply_laplacian(A0, dx)
diff_B = DB * apply_laplacian(B0, dx)
# Apply chemical reaction
reaction = A0 * B0 ** 2
diff_A -= reaction
diff_B += reaction
# Apply birth/death
diff_A += f * (1 - A0)
diff_B -= (k + f) * B0
K1_a = diff_A
K1_b = diff_B
############# Stage 1 ##############
A1 = A0 + K1_a * delta_t/2.0
B1 = B0 + K1_b * delta_t/2.0
diff_A = DA * apply_laplacian(A1, dx)
diff_B = DB * apply_laplacian(B1, dx)
# Apply chemical reaction
reaction = A1 * B1 ** 2
diff_A -= reaction
diff_B += reaction
# Apply birth/death
diff_A += f * (1 - A1)
diff_B -= (k + f) * B1
K2_a = diff_A
K2_b = diff_B
############# Stage 2 ##############
A2 = A0 + K2_a * delta_t/2.0
B2 = B0 + K2_b * delta_t/2.0
diff_A = DA * apply_laplacian(A2, dx)
diff_B = DB * apply_laplacian(B2, dx)
# Apply chemical reaction
reaction = A2 * B2 ** 2
diff_A -= reaction
diff_B += reaction
# Apply birth/death
diff_A += f * (1 - A2)
diff_B -= (k + f) * B2
K3_a = diff_A
K3_b = diff_B
############# Stage 3 ##############
A3 = A0 + K3_a * delta_t
B3 = B0 + K3_b * delta_t
diff_A = DA * apply_laplacian(A3, dx)
diff_B = DB * apply_laplacian(B3, dx)
# Apply chemical reaction
reaction = A3 * B3 ** 2
diff_A -= reaction
diff_B += reaction
# Apply birth/death
diff_A += f * (1 - A3)
diff_B -= (k + f) * B3
K4_a = diff_A
K4_b = diff_B
# Final solution
A = A0 + delta_t*(K1_a+2*K2_a+2*K3_a+K4_a)/6.0
B = B0 + delta_t*(K1_b+2*K2_b+2*K3_b+K4_b)/6.0
return A, B
def get_initial_A_and_B(N, random_influence = 0.2):
"""get the initial chemical concentrations"""
# get initial homogeneous concentrations
A = (1-random_influence) * np.ones((N,N))
B = np.zeros((N,N))
# put some noise on there
A += random_influence * np.random.random((N,N))
B += random_influence * np.random.random((N,N))
# initial disturbance
N1, N2, N3 = N//4-4, N//2, 3*N//4
r = int(N/10.0)
# initial disturbance 1
A[N1-r:N1+r, N1-r:N1+r] = 0.50
B[N1-r:N1+r, N1-r:N1+r] = 0.25
# # initial disturbance 2
# A[N1-r:N1+r, N3-r:N3+r] = 0.50
# B[N1-r:N1+r, N3-r:N3+r] = 0.25
#
# # initial disturbance 3
# A[N3-r:N3+r, N3-r:N3+r] = 0.50
# B[N3-r:N3+r, N3-r:N3+r] = 0.25
#
# # initial disturbance 4
# A[N3-r:N3+r, N1-r:N1+r] = 0.50
# B[N3-r:N3+r, N1-r:N1+r] = 0.25
# initial disturbance 5
A[N2-r:N2+r, N2-r:N2+r] = 0.50
B[N2-r:N2+r, N2-r:N2+r] = 0.25
#
# # initial disturbance 6
# A[N2-r:N2+r, N3-r:N3+r] = 0.50
# B[N2-r:N2+r, N3-r:N3+r] = 0.25
return A, B
def postProcess(output, N, xmin, xmax, ymin, ymax, num, batch, save_path):
''' num: Number of time step
'''
x = np.linspace(xmin, xmax, N+1)[:-1]
y = np.linspace(ymin, ymax, N+1)[:-1]
x_star, y_star = np.meshgrid(x, y)
u_pred = output[num, 0, :, :]
# v_star = true[num+25, 1, 1:-1, 1:-1]
v_pred = output[num, 1, :, :]
fig, ax = plt.subplots(nrows=1, ncols=2, figsize=(6, 3))
fig.subplots_adjust(hspace=0.3, wspace=0.3)
cf = ax[0].scatter(x_star, y_star, c=u_pred, alpha=0.95, edgecolors='none', cmap='hot', marker='s', s=2)
ax[0].axis('square')
ax[0].set_xlim([xmin, xmax])
ax[0].set_ylim([ymin, ymax])
cf.cmap.set_under('black')
cf.cmap.set_over('white')
ax[0].set_title('u-FDM')
fig.colorbar(cf, ax=ax[0], extend='both')
cf = ax[1].scatter(x_star, y_star, c=v_pred, alpha=0.95, edgecolors='none', cmap='hot', marker='s', s=2) #
ax[1].axis('square')
ax[1].set_xlim([xmin, xmax])
ax[1].set_ylim([ymin, ymax])
cf.cmap.set_under('black')
cf.cmap.set_over('white')
ax[1].set_title('v-FDM')
fig.colorbar(cf, ax=ax[1], extend='both')
# plt.draw()
plt.savefig(save_path + '/uv_[b=%d][t=%d].png'%(batch, num))
plt.close('all')
if __name__ == '__main__':
#################### generate data #####################
# =========== define model parameters ==========
# dt should be 1/2 of dx
# Diffusion coefficients
DA = 0.16 #2*10**-5
DB = 0.08 #DA/4
# define birth/death rates
f = 0.06 #1/25
k = 0.062 #3/50
# grid size
N = 256 # 128
# update in time
delta_t = 1.0 #1.0/2
# spatial step
dx = 1.0 #1.0 / N
# intialize the chemical concentrations, random_incluence=0
A, B = get_initial_A_and_B(N, random_influence = 0.0)
A_record = A.copy()[None,...]
B_record = B.copy()[None,...]
N_simulation_steps = 15000
for step in range(N_simulation_steps):
# Runge-kutta scheme
#A, B = update(A, B, DA, DB, f, k, delta_t)
A, B = update_rk4(A, B, DA, DB, f, k, delta_t, dx)
if step%5 ==0:
print(step)
A_record = np.concatenate((A_record, A[None,...]), axis=0)
B_record = np.concatenate((B_record, B[None,...]), axis=0)
UV = np.concatenate((A_record[None,...], B_record[None,...]), axis=0)
save_path = './2DGS_IC1_2x3001x256x256.mat'
scio.savemat(save_path, {'uv': UV})
# Plot the result
output = np.transpose(UV, [1, 0, 2, 3])
fig_save_path = './2DGS/'
for i in range(21):
postProcess(output, N, 0, N*dx, 0, N*dx, num=150*i, batch=1,save_path=fig_save_path)
plt.figure()
plt.plot(UV[0, :, 50, 50], alpha=0.6, label='rk4, dt=1.0')
plt.legend()
# plt.show()
plt.savefig(fig_save_path + '/fig[x=50,y=50].png')
| [
1,
1053,
4842,
305,
13,
5215,
4842,
305,
29889,
15755,
408,
302,
29876,
13,
5215,
12655,
408,
7442,
13,
5215,
4560,
2272,
29889,
601,
408,
269,
3934,
13,
5215,
2897,
13,
5215,
22889,
29889,
2272,
5317,
408,
14770,
13,
13,
359,
29889,
21813,
1839,
29907,
29965,
7698,
29918,
28607,
8979,
1307,
29918,
2287,
29963,
2965,
2890,
2033,
353,
525,
29900,
29915,
13,
7345,
305,
29889,
11288,
29918,
26776,
29898,
29896,
29897,
29871,
13,
9302,
29889,
8172,
29889,
26776,
29898,
29896,
29897,
29871,
13,
13,
433,
572,
29918,
459,
353,
5519,
8999,
268,
29900,
29892,
1678,
29900,
29892,
448,
29896,
29914,
29896,
29906,
29892,
1678,
29900,
29892,
418,
29900,
1402,
13,
632,
518,
268,
29900,
29892,
1678,
29900,
29892,
1678,
29946,
29914,
29941,
29892,
1678,
29900,
29892,
418,
29900,
1402,
13,
632,
21069,
29896,
29914,
29896,
29906,
29892,
29871,
29946,
29914,
29941,
29892,
1678,
448,
29945,
29892,
29871,
29946,
29914,
29941,
29892,
448,
29896,
29914,
29896,
29906,
1402,
13,
632,
518,
268,
29900,
29892,
1678,
29900,
29892,
1678,
29946,
29914,
29941,
29892,
1678,
29900,
29892,
418,
29900,
1402,
13,
632,
518,
268,
29900,
29892,
1678,
29900,
29892,
448,
29896,
29914,
29896,
29906,
29892,
1678,
29900,
29892,
418,
29900,
5262,
5262,
13,
13,
29937,
1275,
4936,
1360,
4529,
8018,
3168,
1275,
4936,
25512,
13,
29937,
2045,
597,
3292,
29889,
510,
29914,
1785,
655,
631,
29914,
276,
2467,
29899,
12765,
3958,
29914,
10054,
29914,
6207,
29914,
21012,
29918,
1557,
1501,
29889,
666,
948,
29890,
13,
13,
1753,
3394,
29918,
6984,
433,
28445,
29898,
2922,
29892,
15414,
353,
29871,
29900,
29889,
29900,
29896,
1125,
13,
1678,
396,
15414,
338,
297,
874,
873,
29839,
304,
405,
13,
1678,
9995,
4013,
740,
16058,
263,
766,
4838,
1891,
20298,
433,
28445,
13,
1678,
297,
29591,
10452,
5855,
304,
263,
4636,
13,
1678,
1152,
901,
2472,
1074,
13,
1678,
2045,
597,
264,
29889,
6011,
29889,
990,
29914,
4594,
29914,
4205,
9084,
29918,
29931,
481,
1265,
29918,
6891,
29937,
1888,
14607,
29918,
6071,
29918,
6891,
29918,
2218,
4838,
2133,
13,
1678,
9995,
13,
13,
1678,
396,
278,
3038,
5692,
29871,
29946,
3064,
297,
278,
7063,
304,
10272,
13,
1678,
396,
278,
3001,
4328,
13,
1678,
7152,
29918,
2922,
353,
448,
29945,
29930,
2922,
29889,
8552,
580,
13,
13,
1678,
396,
7806,
1513,
12307,
373,
278,
24094,
338,
29115,
297,
13,
1678,
396,
278,
19554,
4328,
7063,
13,
1678,
22092,
943,
353,
518,
13,
462,
1678,
313,
29871,
29946,
29914,
29941,
29892,
29871,
8521,
29896,
29892,
29871,
29900,
29897,
10353,
13,
462,
1678,
313,
29871,
29946,
29914,
29941,
29892,
29871,
313,
29871,
29900,
6653,
29896,
29897,
10353,
13,
462,
1678,
313,
29871,
29946,
29914,
29941,
29892,
29871,
313,
29871,
29900,
29892,
29871,
29896,
29897,
10353,
13,
462,
1678,
313,
29871,
29946,
29914,
29941,
29892,
29871,
313,
29871,
29896,
29892,
29871,
29900,
29897,
10353,
13,
462,
1678,
8521,
29896,
29914,
29896,
29906,
29892,
29871,
8521,
29906,
29892,
29871,
29900,
8243,
13,
462,
1678,
8521,
29896,
29914,
29896,
29906,
29892,
29871,
313,
29900,
29892,
448,
29906,
8243,
13,
462,
1678,
8521,
29896,
29914,
29896,
29906,
29892,
29871,
313,
29900,
29892,
29871,
29906,
8243,
13,
462,
1678,
8521,
29896,
29914,
29896,
29906,
29892,
29871,
313,
29906,
29892,
29871,
29900,
8243,
13,
18884,
4514,
13,
13,
1678,
396,
9500,
4636,
5034,
304,
24432,
22092,
943,
13,
1678,
396,
322,
788,
304,
445,
3038,
411,
6590,
7688,
13,
1678,
363,
7688,
29892,
7152,
297,
22092,
943,
29901,
13,
4706,
7152,
29918,
2922,
4619,
7688,
334,
7442,
29889,
1245,
29898,
2922,
29892,
7152,
29892,
313,
29900,
29892,
29896,
876,
13,
13,
1678,
736,
7152,
29918,
2922,
29914,
8235,
1068,
29906,
13,
13,
29937,
22402,
278,
2767,
7063,
363,
22233,
29879,
319,
322,
350,
13,
1753,
2767,
29898,
29909,
29892,
350,
29892,
21330,
29892,
6535,
29892,
285,
29892,
413,
29892,
19471,
29918,
29873,
1125,
13,
1678,
9995,
2052,
368,
278,
18956,
29899,
4421,
1501,
2767,
7063,
15945,
29908,
13,
13,
1678,
396,
10272,
278,
23253,
760,
310,
278,
2767,
13,
1678,
2923,
29918,
29909,
353,
21330,
334,
3394,
29918,
6984,
433,
28445,
29898,
29909,
29897,
13,
1678,
2923,
29918,
29933,
353,
6535,
334,
3394,
29918,
6984,
433,
28445,
29898,
29933,
29897,
13,
268,
13,
1678,
396,
2401,
368,
22233,
19848,
13,
1678,
19848,
353,
319,
29930,
29933,
1068,
29906,
13,
1678,
2923,
29918,
29909,
22361,
19848,
13,
1678,
2923,
29918,
29933,
4619,
19848,
13,
13,
1678,
396,
2401,
368,
12060,
29914,
311,
493,
13,
1678,
2923,
29918,
29909,
4619,
285,
334,
313,
29896,
29899,
29909,
29897,
13,
1678,
2923,
29918,
29933,
22361,
313,
29895,
29974,
29888,
29897,
334,
350,
13,
13,
1678,
319,
4619,
2923,
29918,
29909,
334,
19471,
29918,
29873,
13,
1678,
350,
4619,
2923,
29918,
29933,
334,
19471,
29918,
29873,
13,
13,
1678,
736,
319,
29892,
350,
13,
13,
13,
1753,
3617,
9760,
14343,
29898,
29909,
29892,
350,
29892,
21330,
29892,
6535,
29892,
285,
29892,
413,
29892,
19471,
29918,
29873,
29892,
15414,
1125,
13,
1678,
23012,
29918,
29909,
353,
21330,
334,
3394,
29918,
6984,
433,
28445,
29898,
29909,
29892,
8235,
29897,
13,
1678,
23012,
29918,
29933,
353,
6535,
334,
3394,
29918,
6984,
433,
28445,
29898,
29933,
29892,
8235,
29897,
13,
1678,
396,
2401,
368,
22233,
19848,
13,
1678,
19848,
353,
319,
334,
350,
3579,
29871,
29906,
13,
13,
1678,
396,
2401,
368,
12060,
29914,
311,
493,
29892,
5608,
1840,
13,
1678,
6276,
29918,
29909,
353,
285,
334,
313,
29896,
448,
319,
29897,
13,
1678,
6276,
29918,
29933,
353,
313,
29895,
718,
285,
29897,
334,
350,
13,
1678,
736,
23012,
29918,
29909,
29892,
23012,
29918,
29933,
29892,
19848,
29892,
6276,
29918,
29909,
29892,
6276,
29918,
29933,
13,
13,
1753,
2767,
29918,
29878,
29895,
29946,
29898,
29909,
29900,
29892,
350,
29900,
29892,
21330,
29892,
6535,
29892,
285,
29892,
413,
29892,
19471,
29918,
29873,
29892,
15414,
1125,
13,
1678,
9995,
6422,
411,
7525,
479,
29899,
29895,
329,
941,
29899,
29946,
1158,
13,
539,
2823,
2045,
597,
264,
29889,
6011,
29889,
990,
29914,
4594,
29914,
6558,
479,
29995,
29923,
29906,
29995,
29947,
29900,
29995,
29929,
29941,
29968,
329,
941,
29918,
23515,
13,
1678,
9995,
13,
1678,
835,
7346,
2277,
24906,
29871,
29896,
835,
7346,
2277,
29937,
13,
1678,
396,
10272,
278,
23253,
760,
310,
278,
2767,
13,
1678,
2923,
29918,
29909,
353,
21330,
334,
3394,
29918,
6984,
433,
28445,
29898,
29909,
29900,
29892,
15414,
29897,
13,
1678,
2923,
29918,
29933,
353,
6535,
334,
3394,
29918,
6984,
433,
28445,
29898,
29933,
29900,
29892,
15414,
29897,
13,
13,
1678,
396,
2401,
368,
22233,
19848,
13,
1678,
19848,
353,
319,
29900,
334,
350,
29900,
3579,
29871,
29906,
13,
1678,
2923,
29918,
29909,
22361,
19848,
13,
1678,
2923,
29918,
29933,
4619,
19848,
13,
13,
1678,
396,
2401,
368,
12060,
29914,
311,
493,
13,
1678,
2923,
29918,
29909,
4619,
285,
334,
313,
29896,
448,
319,
29900,
29897,
13,
1678,
2923,
29918,
29933,
22361,
313,
29895,
718,
285,
29897,
334,
350,
29900,
13,
13,
1678,
476,
29896,
29918,
29874,
353,
2923,
29918,
29909,
13,
1678,
476,
29896,
29918,
29890,
353,
2923,
29918,
29933,
13,
13,
1678,
835,
7346,
2277,
24906,
29871,
29896,
835,
7346,
2277,
29937,
13,
1678,
319,
29896,
353,
319,
29900,
718,
29871,
476,
29896,
29918,
29874,
334,
19471,
29918,
29873,
29914,
29906,
29889,
29900,
13,
1678,
350,
29896,
353,
350,
29900,
718,
29871,
476,
29896,
29918,
29890,
334,
19471,
29918,
29873,
29914,
29906,
29889,
29900,
13,
13,
1678,
2923,
29918,
29909,
353,
21330,
334,
3394,
29918,
6984,
433,
28445,
29898,
29909,
29896,
29892,
15414,
29897,
13,
1678,
2923,
29918,
29933,
353,
6535,
334,
3394,
29918,
6984,
433,
28445,
29898,
29933,
29896,
29892,
15414,
29897,
13,
13,
1678,
396,
2401,
368,
22233,
19848,
13,
1678,
19848,
353,
319,
29896,
334,
350,
29896,
3579,
29871,
29906,
13,
1678,
2923,
29918,
29909,
22361,
19848,
13,
1678,
2923,
29918,
29933,
4619,
19848,
13,
13,
1678,
396,
2401,
368,
12060,
29914,
311,
493,
13,
1678,
2923,
29918,
29909,
4619,
285,
334,
313,
29896,
448,
319,
29896,
29897,
13,
1678,
2923,
29918,
29933,
22361,
313,
29895,
718,
285,
29897,
334,
350,
29896,
13,
13,
1678,
476,
29906,
29918,
29874,
353,
2923,
29918,
29909,
13,
1678,
476,
29906,
29918,
29890,
353,
2923,
29918,
29933,
13,
13,
1678,
835,
7346,
2277,
24906,
29871,
29906,
835,
7346,
2277,
29937,
13,
13,
1678,
319,
29906,
353,
319,
29900,
718,
476,
29906,
29918,
29874,
334,
19471,
29918,
29873,
29914,
29906,
29889,
29900,
13,
1678,
350,
29906,
353,
350,
29900,
718,
476,
29906,
29918,
29890,
334,
19471,
29918,
29873,
29914,
29906,
29889,
29900,
13,
13,
1678,
2923,
29918,
29909,
353,
21330,
334,
3394,
29918,
6984,
433,
28445,
29898,
29909,
29906,
29892,
15414,
29897,
13,
1678,
2923,
29918,
29933,
353,
6535,
334,
3394,
29918,
6984,
433,
28445,
29898,
29933,
29906,
29892,
15414,
29897,
13,
13,
1678,
396,
2401,
368,
22233,
19848,
13,
1678,
19848,
353,
319,
29906,
334,
350,
29906,
3579,
29871,
29906,
13,
1678,
2923,
29918,
29909,
22361,
19848,
13,
1678,
2923,
29918,
29933,
4619,
19848,
13,
13,
1678,
396,
2401,
368,
12060,
29914,
311,
493,
13,
1678,
2923,
29918,
29909,
4619,
285,
334,
313,
29896,
448,
319,
29906,
29897,
13,
1678,
2923,
29918,
29933,
22361,
313,
29895,
718,
285,
29897,
334,
350,
29906,
13,
13,
1678,
476,
29941,
29918,
29874,
353,
2923,
29918,
29909,
13,
1678,
476,
29941,
29918,
29890,
353,
2923,
29918,
29933,
13,
13,
1678,
835,
7346,
2277,
24906,
29871,
29941,
835,
7346,
2277,
29937,
13,
1678,
319,
29941,
353,
319,
29900,
718,
476,
29941,
29918,
29874,
334,
19471,
29918,
29873,
13,
1678,
350,
29941,
353,
350,
29900,
718,
476,
29941,
29918,
29890,
334,
19471,
29918,
29873,
13,
13,
1678,
2923,
29918,
29909,
353,
21330,
334,
3394,
29918,
6984,
433,
28445,
29898,
29909,
29941,
29892,
15414,
29897,
13,
1678,
2923,
29918,
29933,
353,
6535,
334,
3394,
29918,
6984,
433,
28445,
29898,
29933,
29941,
29892,
15414,
29897,
13,
13,
1678,
396,
2401,
368,
22233,
19848,
13,
1678,
19848,
353,
319,
29941,
334,
350,
29941,
3579,
29871,
29906,
13,
1678,
2923,
29918,
29909,
22361,
19848,
13,
1678,
2923,
29918,
29933,
4619,
19848,
13,
13,
1678,
396,
2401,
368,
12060,
29914,
311,
493,
13,
1678,
2923,
29918,
29909,
4619,
285,
334,
313,
29896,
448,
319,
29941,
29897,
13,
1678,
2923,
29918,
29933,
22361,
313,
29895,
718,
285,
29897,
334,
350,
29941,
13,
13,
1678,
476,
29946,
29918,
29874,
353,
2923,
29918,
29909,
13,
1678,
476,
29946,
29918,
29890,
353,
2923,
29918,
29933,
13,
13,
1678,
396,
9550,
1650,
13,
1678,
319,
353,
319,
29900,
718,
19471,
29918,
29873,
16395,
29968,
29896,
29918,
29874,
29974,
29906,
29930,
29968,
29906,
29918,
29874,
29974,
29906,
29930,
29968,
29941,
29918,
29874,
29974,
29968,
29946,
29918,
29874,
6802,
29953,
29889,
29900,
13,
1678,
350,
353,
350,
29900,
718,
19471,
29918,
29873,
16395,
29968,
29896,
29918,
29890,
29974,
29906,
29930,
29968,
29906,
29918,
29890,
29974,
29906,
29930,
29968,
29941,
29918,
29890,
29974,
29968,
29946,
29918,
29890,
6802,
29953,
29889,
29900,
13,
13,
1678,
736,
319,
29892,
350,
13,
13,
13,
1753,
679,
29918,
11228,
29918,
29909,
29918,
392,
29918,
29933,
29898,
29940,
29892,
4036,
29918,
13453,
29884,
663,
353,
29871,
29900,
29889,
29906,
1125,
13,
1678,
9995,
657,
278,
2847,
22233,
14953,
800,
15945,
29908,
13,
1678,
396,
679,
2847,
3632,
23724,
14953,
800,
13,
1678,
319,
353,
313,
29896,
29899,
8172,
29918,
13453,
29884,
663,
29897,
334,
7442,
29889,
2873,
3552,
29940,
29892,
29940,
876,
13,
1678,
350,
353,
7442,
29889,
3298,
359,
3552,
29940,
29892,
29940,
876,
13,
13,
1678,
396,
1925,
777,
11462,
373,
727,
13,
1678,
319,
4619,
4036,
29918,
13453,
29884,
663,
334,
7442,
29889,
8172,
29889,
8172,
3552,
29940,
29892,
29940,
876,
13,
1678,
350,
4619,
4036,
29918,
13453,
29884,
663,
334,
7442,
29889,
8172,
29889,
8172,
3552,
29940,
29892,
29940,
876,
13,
13,
1678,
396,
2847,
29543,
749,
29871,
13,
1678,
405,
29896,
29892,
405,
29906,
29892,
405,
29941,
353,
405,
458,
29946,
29899,
29946,
29892,
405,
458,
29906,
29892,
29871,
29941,
29930,
29940,
458,
29946,
13,
1678,
364,
353,
938,
29898,
29940,
29914,
29896,
29900,
29889,
29900,
29897,
13,
268,
13,
1678,
396,
2847,
29543,
749,
29871,
29896,
259,
13,
1678,
319,
29961,
29940,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29892,
405,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29945,
29900,
13,
1678,
350,
29961,
29940,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29892,
405,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29906,
29945,
13,
13,
29937,
1678,
396,
2847,
29543,
749,
29871,
29906,
13,
29937,
1678,
319,
29961,
29940,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29892,
405,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29945,
29900,
13,
29937,
1678,
350,
29961,
29940,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29892,
405,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29906,
29945,
13,
29937,
13,
29937,
1678,
396,
2847,
29543,
749,
29871,
29941,
13,
29937,
1678,
319,
29961,
29940,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29892,
405,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29945,
29900,
13,
29937,
1678,
350,
29961,
29940,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29892,
405,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29906,
29945,
13,
29937,
13,
29937,
1678,
396,
2847,
29543,
749,
29871,
29946,
13,
29937,
1678,
319,
29961,
29940,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29892,
405,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29945,
29900,
13,
29937,
1678,
350,
29961,
29940,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29892,
405,
29896,
29899,
29878,
29901,
29940,
29896,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29906,
29945,
13,
13,
1678,
396,
2847,
29543,
749,
29871,
29945,
13,
1678,
319,
29961,
29940,
29906,
29899,
29878,
29901,
29940,
29906,
29974,
29878,
29892,
405,
29906,
29899,
29878,
29901,
29940,
29906,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29945,
29900,
13,
1678,
350,
29961,
29940,
29906,
29899,
29878,
29901,
29940,
29906,
29974,
29878,
29892,
405,
29906,
29899,
29878,
29901,
29940,
29906,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29906,
29945,
13,
29937,
13,
29937,
1678,
396,
2847,
29543,
749,
29871,
29953,
13,
29937,
1678,
319,
29961,
29940,
29906,
29899,
29878,
29901,
29940,
29906,
29974,
29878,
29892,
405,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29945,
29900,
13,
29937,
1678,
350,
29961,
29940,
29906,
29899,
29878,
29901,
29940,
29906,
29974,
29878,
29892,
405,
29941,
29899,
29878,
29901,
29940,
29941,
29974,
29878,
29962,
353,
29871,
29900,
29889,
29906,
29945,
13,
13,
1678,
736,
319,
29892,
350,
13,
13,
13,
1753,
1400,
7032,
29898,
4905,
29892,
405,
29892,
921,
1195,
29892,
921,
3317,
29892,
343,
1195,
29892,
343,
3317,
29892,
954,
29892,
9853,
29892,
4078,
29918,
2084,
1125,
13,
1678,
14550,
954,
29901,
9681,
310,
931,
4331,
13,
1678,
14550,
13,
1678,
921,
353,
7442,
29889,
1915,
3493,
29898,
29916,
1195,
29892,
921,
3317,
29892,
405,
29974,
29896,
29897,
7503,
29899,
29896,
29962,
13,
1678,
343,
353,
7442,
29889,
1915,
3493,
29898,
962,
262,
29892,
343,
3317,
29892,
405,
29974,
29896,
29897,
7503,
29899,
29896,
29962,
13,
1678,
921,
29918,
8508,
29892,
343,
29918,
8508,
353,
7442,
29889,
4467,
29882,
7720,
29898,
29916,
29892,
343,
29897,
13,
1678,
318,
29918,
11965,
353,
1962,
29961,
1949,
29892,
29871,
29900,
29892,
584,
29892,
584,
29962,
13,
13,
1678,
396,
325,
29918,
8508,
353,
1565,
29961,
1949,
29974,
29906,
29945,
29892,
29871,
29896,
29892,
29871,
29896,
13018,
29896,
29892,
29871,
29896,
13018,
29896,
29962,
13,
1678,
325,
29918,
11965,
353,
1962,
29961,
1949,
29892,
29871,
29896,
29892,
584,
29892,
584,
29962,
13,
13,
1678,
2537,
29892,
4853,
353,
14770,
29889,
1491,
26762,
29898,
29876,
5727,
29922,
29896,
29892,
302,
22724,
29922,
29906,
29892,
2537,
2311,
7607,
29953,
29892,
29871,
29941,
876,
13,
1678,
2537,
29889,
1491,
26762,
29918,
328,
5143,
29898,
14158,
29922,
29900,
29889,
29941,
29892,
281,
3493,
29922,
29900,
29889,
29941,
29897,
13,
13,
1678,
274,
29888,
353,
4853,
29961,
29900,
1822,
1557,
2620,
29898,
29916,
29918,
8508,
29892,
343,
29918,
8508,
29892,
274,
29922,
29884,
29918,
11965,
29892,
15595,
29922,
29900,
29889,
29929,
29945,
29892,
7636,
27703,
2433,
9290,
742,
274,
1958,
2433,
8711,
742,
17456,
2433,
29879,
742,
269,
29922,
29906,
29897,
13,
1678,
4853,
29961,
29900,
1822,
8990,
877,
17619,
1495,
13,
1678,
4853,
29961,
29900,
1822,
842,
29918,
29916,
2576,
4197,
29916,
1195,
29892,
921,
3317,
2314,
13,
1678,
4853,
29961,
29900,
1822,
842,
29918,
29891,
2576,
4197,
962,
262,
29892,
343,
3317,
2314,
13,
1678,
274,
29888,
29889,
29883,
1958,
29889,
842,
29918,
5062,
877,
8517,
1495,
13,
1678,
274,
29888,
29889,
29883,
1958,
29889,
842,
29918,
957,
877,
10921,
1495,
13,
1678,
4853,
29961,
29900,
1822,
842,
29918,
3257,
877,
29884,
29899,
29943,
23560,
1495,
13,
1678,
2537,
29889,
2780,
1646,
29898,
6854,
29892,
4853,
29922,
1165,
29961,
29900,
1402,
10985,
2433,
20313,
1495,
13,
13,
1678,
274,
29888,
353,
4853,
29961,
29896,
1822,
1557,
2620,
29898,
29916,
29918,
8508,
29892,
343,
29918,
8508,
29892,
274,
29922,
29894,
29918,
11965,
29892,
15595,
29922,
29900,
29889,
29929,
29945,
29892,
7636,
27703,
2433,
9290,
742,
274,
1958,
2433,
8711,
742,
17456,
2433,
29879,
742,
269,
29922,
29906,
29897,
396,
13,
1678,
4853,
29961,
29896,
1822,
8990,
877,
17619,
1495,
13,
1678,
4853,
29961,
29896,
1822,
842,
29918,
29916,
2576,
4197,
29916,
1195,
29892,
921,
3317,
2314,
13,
1678,
4853,
29961,
29896,
1822,
842,
29918,
29891,
2576,
4197,
962,
262,
29892,
343,
3317,
2314,
13,
1678,
274,
29888,
29889,
29883,
1958,
29889,
842,
29918,
5062,
877,
8517,
1495,
13,
1678,
274,
29888,
29889,
29883,
1958,
29889,
842,
29918,
957,
877,
10921,
1495,
13,
1678,
4853,
29961,
29896,
1822,
842,
29918,
3257,
877,
29894,
29899,
29943,
23560,
1495,
13,
1678,
2537,
29889,
2780,
1646,
29898,
6854,
29892,
4853,
29922,
1165,
29961,
29896,
1402,
10985,
2433,
20313,
1495,
13,
13,
1678,
396,
14770,
29889,
4012,
580,
13,
1678,
14770,
29889,
7620,
1003,
29898,
7620,
29918,
2084,
718,
8207,
4090,
29918,
29961,
29890,
16328,
29881,
3816,
29873,
16328,
29881,
1822,
2732,
29915,
29995,
29898,
16175,
29892,
954,
876,
13,
1678,
14770,
29889,
5358,
877,
497,
1495,
13,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
13,
1678,
835,
13383,
29937,
5706,
848,
835,
13383,
2277,
13,
1678,
396,
1275,
4936,
29922,
4529,
1904,
4128,
1275,
4936,
13,
1678,
396,
11636,
881,
367,
29871,
29896,
29914,
29906,
310,
15414,
13,
308,
13,
1678,
396,
360,
2593,
3958,
16127,
13,
1678,
21330,
353,
29871,
29900,
29889,
29896,
29953,
396,
29906,
29930,
29896,
29900,
1068,
29899,
29945,
29871,
13,
1678,
6535,
353,
29871,
29900,
29889,
29900,
29947,
396,
7698,
29914,
29946,
29871,
13,
268,
13,
1678,
396,
4529,
12060,
29914,
311,
493,
19257,
13,
1678,
285,
353,
29871,
29900,
29889,
29900,
29953,
396,
29896,
29914,
29906,
29945,
29871,
13,
1678,
413,
353,
29871,
29900,
29889,
29900,
29953,
29906,
396,
29941,
29914,
29945,
29900,
29871,
13,
268,
13,
1678,
396,
6856,
2159,
13,
1678,
405,
353,
29871,
29906,
29945,
29953,
396,
29871,
29896,
29906,
29947,
13,
268,
13,
1678,
396,
2767,
297,
931,
13,
1678,
19471,
29918,
29873,
353,
29871,
29896,
29889,
29900,
396,
29896,
29889,
29900,
29914,
29906,
13,
1678,
396,
18652,
4331,
13,
1678,
15414,
353,
29871,
29896,
29889,
29900,
396,
29896,
29889,
29900,
847,
405,
13,
268,
13,
1678,
396,
938,
6646,
278,
22233,
14953,
800,
29892,
4036,
29918,
262,
695,
29884,
663,
29922,
29900,
13,
1678,
319,
29892,
350,
353,
679,
29918,
11228,
29918,
29909,
29918,
392,
29918,
29933,
29898,
29940,
29892,
4036,
29918,
13453,
29884,
663,
353,
29871,
29900,
29889,
29900,
29897,
13,
1678,
319,
29918,
11651,
353,
319,
29889,
8552,
580,
29961,
8516,
29892,
17361,
13,
1678,
350,
29918,
11651,
353,
350,
29889,
8552,
580,
29961,
8516,
29892,
17361,
13,
268,
13,
1678,
405,
29918,
3601,
2785,
29918,
24530,
353,
29871,
29896,
29945,
29900,
29900,
29900,
13,
1678,
363,
4331,
297,
3464,
29898,
29940,
29918,
3601,
2785,
29918,
24530,
1125,
13,
4706,
396,
7525,
479,
29899,
29895,
329,
941,
11380,
13,
4706,
396,
29909,
29892,
350,
353,
2767,
29898,
29909,
29892,
350,
29892,
21330,
29892,
6535,
29892,
285,
29892,
413,
29892,
19471,
29918,
29873,
29897,
13,
4706,
319,
29892,
350,
353,
2767,
29918,
29878,
29895,
29946,
29898,
29909,
29892,
350,
29892,
21330,
29892,
6535,
29892,
285,
29892,
413,
29892,
19471,
29918,
29873,
29892,
15414,
29897,
13,
268,
13,
4706,
565,
4331,
29995,
29945,
1275,
29900,
29901,
13,
9651,
1596,
29898,
10568,
29897,
13,
9651,
319,
29918,
11651,
353,
7442,
29889,
535,
29883,
2579,
403,
3552,
29909,
29918,
11651,
29892,
319,
29961,
8516,
29892,
856,
11724,
9685,
29922,
29900,
29897,
13,
9651,
350,
29918,
11651,
353,
7442,
29889,
535,
29883,
2579,
403,
3552,
29933,
29918,
11651,
29892,
350,
29961,
8516,
29892,
856,
11724,
9685,
29922,
29900,
29897,
13,
268,
13,
1678,
501,
29963,
353,
7442,
29889,
535,
29883,
2579,
403,
3552,
29909,
29918,
11651,
29961,
8516,
29892,
856,
1402,
350,
29918,
11651,
29961,
8516,
29892,
856,
11724,
9685,
29922,
29900,
29897,
13,
1678,
4078,
29918,
2084,
353,
19283,
29906,
29928,
10749,
29918,
2965,
29896,
29918,
29906,
29916,
29941,
29900,
29900,
29896,
29916,
29906,
29945,
29953,
29916,
29906,
29945,
29953,
29889,
2922,
29915,
13,
1678,
269,
3934,
29889,
29879,
485,
4579,
29898,
7620,
29918,
2084,
29892,
11117,
4090,
2396,
501,
29963,
1800,
13,
268,
13,
1678,
396,
18399,
278,
1121,
13,
1678,
1962,
353,
7442,
29889,
3286,
4220,
29898,
29965,
29963,
29892,
518,
29896,
29892,
29871,
29900,
29892,
29871,
29906,
29892,
29871,
29941,
2314,
13,
1678,
2537,
29918,
7620,
29918,
2084,
353,
19283,
29906,
29928,
10749,
22208,
13,
1678,
363,
474,
297,
3464,
29898,
29906,
29896,
1125,
13,
4706,
1400,
7032,
29898,
4905,
29892,
405,
29892,
29871,
29900,
29892,
405,
29930,
8235,
29892,
29871,
29900,
29892,
405,
29930,
8235,
29892,
954,
29922,
29896,
29945,
29900,
29930,
29875,
29892,
9853,
29922,
29896,
29892,
7620,
29918,
2084,
29922,
1003,
29918,
7620,
29918,
2084,
29897,
13,
268,
13,
1678,
14770,
29889,
4532,
580,
13,
1678,
14770,
29889,
5317,
29898,
29965,
29963,
29961,
29900,
29892,
584,
29892,
29871,
29945,
29900,
29892,
29871,
29945,
29900,
1402,
15595,
29922,
29900,
29889,
29953,
29892,
3858,
2433,
29878,
29895,
29946,
29892,
11636,
29922,
29896,
29889,
29900,
1495,
13,
1678,
14770,
29889,
26172,
580,
13,
1678,
396,
14770,
29889,
4294,
580,
13,
1678,
14770,
29889,
7620,
1003,
29898,
1003,
29918,
7620,
29918,
2084,
718,
8207,
1003,
29961,
29916,
29922,
29945,
29900,
29892,
29891,
29922,
29945,
29900,
1822,
2732,
1495,
13,
13,
2
] |
vagrant/tournament/tournament.py | sxw031/fullstack-nanodegree-vm | 0 | 1611187 | #!/usr/bin/env python
#
# tournament.py -- implementation of a Swiss-system tournament
#
# A Swiss-System tournament is a kind of game or sports tournament in which players
# are not eliminated when they are lose a match, but are paired in each round with opponents
# having approximately the same win-loss record.
import psycopg2
def connect(database_name="tournament"):
"""Connect to the PostgreSQL database. Returns a database connection."""
try:
db = psycopg2.connect("dbname={}".format(database_name))
cursor = db.cursor()
return db,cursor
except:
print ("<error message>")
def deleteMatches():
"""Remove all the match records from the database."""
db, db_cursor = connect()
query = "DELETE FROM matches"
db_cursor.execute(query)
db.commit()
db.close()
def deletePlayers():
"""Remove all the player records from the database."""
db, db_cursor = connect()
query = "TRUNCATE players"
db_cursor.execute(query)
db.commit()
db.close()
def countPlayers():
"""Returns the number of players currently registered."""
db, db_cursor = connect()
query = "SELECT COUNT(id) AS num FROM players"
db_cursor.execute(query)
results = db_cursor.fetchone()
db.close()
if results:
return results[0];
else:
return '0'
def registerPlayer(name):
"""Adds a player to the tournament database.
The database assigns a unique serial id number for the player. (This
should be handled by your SQL database schema, not in your Python code.)
Args:
name: the player's full name (need not be unique).
"""
db, db_cursor = connect()
query = "INSERT INTO players (name) VALUES (%s)"
parameter = (name,)
db_cursor.execute(query, parameter)
db.commit()
db.close()
def playerStandings():
"""Returns a list of the players and their win records, sorted by wins.
The first entry in the list should be the player in first place, or a player
tied for first place if there is currently a tie.
Returns:
A list of tuples, each of which contains (id, name, wins, matches):
id: the player's unique id (assigned by the database)
name: the player's full name (as registered)
wins: the number of matches the player has won
matches: the number of matches the player has played
"""
db, db_cursor = connect()
query = "SELECT * FROM total_wins;"
db_cursor.execute(query)
results = db_cursor.fetchall()
db.close()
return results
def reportMatch(winner, loser):
"""Records the outcome of a single match between two players.
Args:
winner: the id number of the player who won
loser: the id number of the player who lost
"""
db, db_cursor = connect()
query = "INSERT INTO matches (winner, loser) VALUES (%s, %s)"
parameter = (winner, loser,)
db_cursor.execute(query, parameter)
db.commit()
db.close()
def swissPairings():
"""Returns a list of pairs of players for the next round of a match.
Assuming that there are an even number of players registered, each player
appears exactly once in the pairings. Each player is paired with another
player with an equal or nearly-equal win record, that is, a player adjacent
to him or her in the standings.
Returns:
A list of tuples, each of which contains (id1, name1, id2, name2)
id1: the first player's unique id
name1: the first player's name
id2: the second player's unique id
name2: the second player's name
"""
db, db_cursor = connect()
results = playerStandings()
pairings = []
count = len(results)
for x in range (0, count-1, 2):
paired_list = (results[x][0], results[x][1], results[x+1][0],results[x+1][1])
pairings.append(paired_list)
db.close()
return pairings
| [
1,
18787,
4855,
29914,
2109,
29914,
6272,
3017,
13,
29937,
29871,
13,
29937,
14743,
29889,
2272,
1192,
5314,
310,
263,
26182,
29899,
5205,
14743,
13,
29937,
13,
29937,
319,
26182,
29899,
3924,
14743,
338,
263,
2924,
310,
3748,
470,
14717,
14743,
297,
607,
10769,
29871,
13,
29937,
526,
451,
10397,
630,
746,
896,
526,
14074,
263,
1993,
29892,
541,
526,
3300,
2859,
297,
1269,
4513,
411,
23995,
1237,
13,
29937,
2534,
14235,
278,
1021,
5401,
29899,
6758,
2407,
29889,
13,
13,
5215,
6529,
29891,
9708,
29887,
29906,
13,
13,
1753,
4511,
29898,
9803,
29918,
978,
543,
29873,
2905,
1166,
29908,
1125,
13,
1678,
9995,
17918,
304,
278,
4918,
7979,
4176,
2566,
29889,
29871,
16969,
263,
2566,
3957,
1213,
15945,
13,
1678,
1018,
29901,
13,
4706,
4833,
353,
6529,
29891,
9708,
29887,
29906,
29889,
6915,
703,
2585,
978,
3790,
29913,
1642,
4830,
29898,
9803,
29918,
978,
876,
13,
4706,
10677,
353,
4833,
29889,
18127,
580,
13,
4706,
736,
4833,
29892,
18127,
13,
1678,
5174,
29901,
13,
4706,
1596,
4852,
29966,
2704,
2643,
29958,
1159,
13,
13,
13,
1753,
5217,
9652,
267,
7295,
13,
1678,
9995,
15941,
599,
278,
1993,
6475,
515,
278,
2566,
1213,
15945,
13,
1678,
4833,
29892,
4833,
29918,
18127,
353,
4511,
580,
13,
1678,
2346,
353,
376,
2287,
18476,
3895,
7087,
29908,
13,
1678,
4833,
29918,
18127,
29889,
7978,
29898,
1972,
29897,
13,
1678,
4833,
29889,
15060,
580,
13,
1678,
4833,
29889,
5358,
580,
13,
13,
1753,
5217,
13454,
414,
7295,
13,
1678,
9995,
15941,
599,
278,
4847,
6475,
515,
278,
2566,
1213,
15945,
13,
1678,
4833,
29892,
4833,
29918,
18127,
353,
4511,
580,
13,
1678,
2346,
353,
376,
5659,
3904,
29907,
3040,
10769,
29908,
13,
1678,
4833,
29918,
18127,
29889,
7978,
29898,
1972,
29897,
13,
1678,
4833,
29889,
15060,
580,
13,
1678,
4833,
29889,
5358,
580,
13,
13,
1753,
2302,
13454,
414,
7295,
13,
1678,
9995,
11609,
29879,
278,
1353,
310,
10769,
5279,
15443,
1213,
15945,
13,
1678,
4833,
29892,
4833,
29918,
18127,
353,
4511,
580,
13,
1678,
2346,
353,
376,
6404,
21122,
29898,
333,
29897,
3339,
954,
3895,
10769,
29908,
13,
1678,
4833,
29918,
18127,
29889,
7978,
29898,
1972,
29897,
13,
1678,
2582,
353,
4833,
29918,
18127,
29889,
9155,
650,
580,
13,
1678,
4833,
29889,
5358,
580,
13,
1678,
565,
2582,
29901,
13,
4706,
736,
2582,
29961,
29900,
1385,
13,
1678,
1683,
29901,
13,
4706,
736,
525,
29900,
29915,
13,
13,
1753,
6036,
9075,
29898,
978,
1125,
13,
1678,
9995,
2528,
29879,
263,
4847,
304,
278,
14743,
2566,
29889,
13,
259,
13,
1678,
450,
2566,
3566,
29879,
263,
5412,
7797,
1178,
1353,
363,
278,
4847,
29889,
29871,
313,
4013,
13,
1678,
881,
367,
16459,
491,
596,
3758,
2566,
10938,
29892,
451,
297,
596,
5132,
775,
1846,
13,
259,
13,
1678,
826,
3174,
29901,
13,
418,
1024,
29901,
278,
4847,
29915,
29879,
2989,
1024,
313,
26180,
451,
367,
5412,
467,
13,
1678,
9995,
13,
1678,
4833,
29892,
4833,
29918,
18127,
353,
4511,
580,
13,
1678,
2346,
353,
376,
19460,
11646,
10769,
313,
978,
29897,
15673,
313,
29995,
29879,
5513,
13,
1678,
3443,
353,
313,
978,
29892,
29897,
13,
1678,
4833,
29918,
18127,
29889,
7978,
29898,
1972,
29892,
3443,
29897,
13,
1678,
4833,
29889,
15060,
580,
13,
1678,
4833,
29889,
5358,
580,
13,
13,
13,
1753,
4847,
11042,
886,
7295,
13,
1678,
9995,
11609,
29879,
263,
1051,
310,
278,
10769,
322,
1009,
5401,
6475,
29892,
12705,
491,
21614,
29889,
13,
13,
1678,
450,
937,
6251,
297,
278,
1051,
881,
367,
278,
4847,
297,
937,
2058,
29892,
470,
263,
4847,
13,
1678,
21351,
363,
937,
2058,
565,
727,
338,
5279,
263,
22134,
29889,
13,
13,
1678,
16969,
29901,
13,
418,
319,
1051,
310,
5291,
2701,
29892,
1269,
310,
607,
3743,
313,
333,
29892,
1024,
29892,
21614,
29892,
7087,
1125,
13,
4706,
1178,
29901,
278,
4847,
29915,
29879,
5412,
1178,
313,
465,
12961,
491,
278,
2566,
29897,
13,
4706,
1024,
29901,
278,
4847,
29915,
29879,
2989,
1024,
313,
294,
15443,
29897,
13,
4706,
21614,
29901,
278,
1353,
310,
7087,
278,
4847,
756,
2113,
13,
4706,
7087,
29901,
278,
1353,
310,
7087,
278,
4847,
756,
5318,
13,
1678,
9995,
13,
1678,
4833,
29892,
4833,
29918,
18127,
353,
4511,
580,
13,
1678,
2346,
353,
376,
6404,
334,
3895,
3001,
29918,
29893,
1144,
15458,
13,
1678,
4833,
29918,
18127,
29889,
7978,
29898,
1972,
29897,
13,
1678,
2582,
353,
4833,
29918,
18127,
29889,
9155,
497,
580,
13,
13,
1678,
4833,
29889,
5358,
580,
13,
1678,
736,
2582,
29871,
13,
13,
1753,
3461,
9652,
29898,
29893,
3993,
29892,
1232,
261,
1125,
13,
1678,
9995,
4789,
4339,
278,
21957,
310,
263,
2323,
1993,
1546,
1023,
10769,
29889,
13,
13,
1678,
826,
3174,
29901,
13,
418,
19576,
29901,
29871,
278,
1178,
1353,
310,
278,
4847,
1058,
2113,
13,
418,
1232,
261,
29901,
29871,
278,
1178,
1353,
310,
278,
4847,
1058,
5714,
13,
1678,
9995,
13,
1678,
4833,
29892,
4833,
29918,
18127,
353,
4511,
580,
13,
1678,
2346,
353,
376,
19460,
11646,
7087,
313,
29893,
3993,
29892,
1232,
261,
29897,
15673,
313,
29995,
29879,
29892,
1273,
29879,
5513,
13,
1678,
3443,
353,
313,
29893,
3993,
29892,
1232,
261,
29892,
29897,
13,
1678,
4833,
29918,
18127,
29889,
7978,
29898,
1972,
29892,
3443,
29897,
13,
1678,
4833,
29889,
15060,
580,
13,
1678,
4833,
29889,
5358,
580,
13,
29871,
13,
29871,
13,
1753,
2381,
790,
20547,
886,
7295,
13,
1678,
9995,
11609,
29879,
263,
1051,
310,
11000,
310,
10769,
363,
278,
2446,
4513,
310,
263,
1993,
29889,
13,
259,
13,
1678,
17090,
393,
727,
526,
385,
1584,
1353,
310,
10769,
15443,
29892,
1269,
4847,
13,
1678,
5692,
3721,
2748,
297,
278,
5101,
886,
29889,
29871,
7806,
4847,
338,
3300,
2859,
411,
1790,
13,
1678,
4847,
411,
385,
5186,
470,
8886,
29899,
11745,
5401,
2407,
29892,
393,
338,
29892,
263,
4847,
20114,
13,
1678,
304,
1075,
470,
902,
297,
278,
2317,
886,
29889,
13,
259,
13,
1678,
16969,
29901,
13,
418,
319,
1051,
310,
5291,
2701,
29892,
1269,
310,
607,
3743,
313,
333,
29896,
29892,
1024,
29896,
29892,
1178,
29906,
29892,
1024,
29906,
29897,
13,
4706,
1178,
29896,
29901,
278,
937,
4847,
29915,
29879,
5412,
1178,
13,
4706,
1024,
29896,
29901,
278,
937,
4847,
29915,
29879,
1024,
13,
4706,
1178,
29906,
29901,
278,
1473,
4847,
29915,
29879,
5412,
1178,
13,
4706,
1024,
29906,
29901,
278,
1473,
4847,
29915,
29879,
1024,
13,
1678,
9995,
13,
1678,
4833,
29892,
4833,
29918,
18127,
353,
4511,
580,
13,
1678,
2582,
353,
4847,
11042,
886,
580,
13,
1678,
5101,
886,
353,
5159,
13,
1678,
2302,
353,
7431,
29898,
9902,
29897,
13,
13,
1678,
363,
921,
297,
3464,
313,
29900,
29892,
2302,
29899,
29896,
29892,
29871,
29906,
1125,
13,
4706,
3300,
2859,
29918,
1761,
353,
313,
9902,
29961,
29916,
3816,
29900,
1402,
2582,
29961,
29916,
3816,
29896,
1402,
2582,
29961,
29916,
29974,
29896,
3816,
29900,
1402,
9902,
29961,
29916,
29974,
29896,
3816,
29896,
2314,
13,
4706,
5101,
886,
29889,
4397,
29898,
3274,
2859,
29918,
1761,
29897,
13,
13,
1678,
4833,
29889,
5358,
580,
13,
1678,
736,
5101,
886,
13,
13,
13,
13,
2
] |
pepys_import/file/highlighter/support/export.py | debrief/pepys-import | 4 | 30001 | import html
from tqdm import tqdm
from .color_picker import color_for, html_color_for, mean_color_for
def export_report(filename, chars, dict_colors, include_key=False):
"""
Export a HTML report showing all the extraction usages for the file.
:param filename: Output filename
:param chars: Characters array (should be HighlightedFile.chars)
:param dict_colors: Dictionary specifying colors to use (should be HighlightedFile.dict_colors)
:param include_key: Whether to include a key at the bottom defining the usages of the colors
This basically loops through all of the characters in the characters array, and then creates
the relevant <span> tags for each character based on the usages stored for that character.
"""
output_strings = []
html_header = """<html>
<head>
</head>
<body style="font-family: Courier">
"""
output_strings.append(html_header)
last_hash = ""
for char in tqdm(chars):
letter = char.letter
this_hash = ""
this_message = ""
colors = []
multi_usages = len(char.usages) > 1
for usage in char.usages:
this_hash += usage.tool_field
needs_new_line = this_message != ""
colors.append(color_for(usage.tool_field, dict_colors))
if needs_new_line:
this_message += "
"
if multi_usages:
this_message += "-"
this_message += usage.tool_field + ", " + usage.message
# do we have anything to shade?
if this_hash != "":
# generate/retrieve a color for this hash
new_color = mean_color_for(colors)
hex_color = html_color_for(new_color)
# are we already in hash?
if last_hash != "":
# is it the different to this one?
if last_hash != this_hash:
# ok, close the span
output_strings.append("</span>")
# start a new span
output_strings.append(
f"<span title='{this_message}' style=\"background-color:{hex_color}\">"
)
else:
output_strings.append(
f"<span title='{this_message}' style=\"background-color:{hex_color}\">"
)
elif last_hash != "":
output_strings.append("</span>")
# just check if it's newline
if letter == "\n":
output_strings.append("<br>")
else:
# Escape the letter as otherwise the XML from XML files gets
# interpreted by browsers as (invalid) HTML
output_strings.append(html.escape(letter))
last_hash = this_hash
if last_hash != "":
output_strings.append("</span>")
# also provide a key
if include_key:
output_strings.append("<hr/><h3>Color Key</h3><ul>")
for key in dict_colors:
color = dict_colors[key]
hex_color = html_color_for(color)
output_strings.append(
f'<li><span style="background-color:{hex_color}">{key}</span></li>'
)
output_strings.append("</ul>")
html_footer = """</body>
</html>"""
output_strings.append(html_footer)
with open(filename, "w") as f:
f.write("".join(output_strings))
| [
1,
1053,
3472,
13,
13,
3166,
260,
29939,
18933,
1053,
260,
29939,
18933,
13,
13,
3166,
869,
2780,
29918,
13908,
1053,
2927,
29918,
1454,
29892,
3472,
29918,
2780,
29918,
1454,
29892,
2099,
29918,
2780,
29918,
1454,
13,
13,
13,
1753,
5609,
29918,
12276,
29898,
9507,
29892,
22524,
29892,
9657,
29918,
27703,
29892,
3160,
29918,
1989,
29922,
8824,
1125,
13,
1678,
9995,
13,
1678,
1222,
637,
263,
4544,
3461,
6445,
599,
278,
4805,
428,
502,
1179,
363,
278,
934,
29889,
13,
13,
1678,
584,
3207,
10422,
29901,
10604,
10422,
13,
1678,
584,
3207,
22524,
29901,
2896,
21706,
1409,
313,
9344,
367,
5057,
4366,
287,
2283,
29889,
305,
1503,
29897,
13,
1678,
584,
3207,
9657,
29918,
27703,
29901,
13343,
22146,
11955,
304,
671,
313,
9344,
367,
5057,
4366,
287,
2283,
29889,
8977,
29918,
27703,
29897,
13,
1678,
584,
3207,
3160,
29918,
1989,
29901,
26460,
304,
3160,
263,
1820,
472,
278,
5970,
16184,
278,
502,
1179,
310,
278,
11955,
13,
13,
1678,
910,
8830,
12104,
1549,
599,
310,
278,
4890,
297,
278,
4890,
1409,
29892,
322,
769,
10017,
13,
1678,
278,
8018,
529,
9653,
29958,
8282,
363,
1269,
2931,
2729,
373,
278,
502,
1179,
6087,
363,
393,
2931,
29889,
13,
1678,
9995,
13,
13,
1678,
1962,
29918,
19651,
353,
5159,
13,
13,
1678,
3472,
29918,
6672,
353,
9995,
29966,
1420,
29958,
13,
1678,
529,
2813,
29958,
13,
1678,
1533,
2813,
29958,
13,
1678,
529,
2587,
3114,
543,
5657,
29899,
11922,
29901,
19565,
4336,
1013,
13,
1678,
9995,
13,
13,
1678,
1962,
29918,
19651,
29889,
4397,
29898,
1420,
29918,
6672,
29897,
13,
13,
1678,
1833,
29918,
8568,
353,
5124,
13,
13,
1678,
363,
1373,
297,
260,
29939,
18933,
29898,
305,
1503,
1125,
13,
4706,
5497,
353,
1373,
29889,
15670,
13,
4706,
445,
29918,
8568,
353,
5124,
13,
4706,
445,
29918,
4906,
353,
5124,
13,
4706,
11955,
353,
5159,
13,
4706,
2473,
29918,
375,
1179,
353,
7431,
29898,
3090,
29889,
375,
1179,
29897,
1405,
29871,
29896,
13,
4706,
363,
8744,
297,
1373,
29889,
375,
1179,
29901,
13,
9651,
445,
29918,
8568,
4619,
8744,
29889,
10154,
29918,
2671,
13,
9651,
4225,
29918,
1482,
29918,
1220,
353,
445,
29918,
4906,
2804,
5124,
13,
9651,
11955,
29889,
4397,
29898,
2780,
29918,
1454,
29898,
21125,
29889,
10154,
29918,
2671,
29892,
9657,
29918,
27703,
876,
13,
9651,
565,
4225,
29918,
1482,
29918,
1220,
29901,
13,
18884,
445,
29918,
4906,
4619,
376,
9137,
29900,
29896,
29941,
15458,
13,
9651,
565,
2473,
29918,
375,
1179,
29901,
13,
18884,
445,
29918,
4906,
4619,
11663,
29908,
13,
9651,
445,
29918,
4906,
4619,
8744,
29889,
10154,
29918,
2671,
718,
9162,
376,
718,
8744,
29889,
4906,
13,
13,
4706,
396,
437,
591,
505,
3099,
304,
528,
1943,
29973,
13,
4706,
565,
445,
29918,
8568,
2804,
376,
1115,
13,
9651,
396,
5706,
29914,
276,
509,
2418,
263,
2927,
363,
445,
6608,
13,
9651,
716,
29918,
2780,
353,
2099,
29918,
2780,
29918,
1454,
29898,
27703,
29897,
13,
9651,
15090,
29918,
2780,
353,
3472,
29918,
2780,
29918,
1454,
29898,
1482,
29918,
2780,
29897,
13,
13,
9651,
396,
526,
591,
2307,
297,
6608,
29973,
13,
9651,
565,
1833,
29918,
8568,
2804,
376,
1115,
13,
18884,
396,
338,
372,
278,
1422,
304,
445,
697,
29973,
13,
18884,
565,
1833,
29918,
8568,
2804,
445,
29918,
8568,
29901,
13,
462,
1678,
396,
3431,
29892,
3802,
278,
10638,
13,
462,
1678,
1962,
29918,
19651,
29889,
4397,
703,
829,
9653,
29958,
1159,
13,
13,
462,
1678,
396,
1369,
263,
716,
10638,
13,
462,
1678,
1962,
29918,
19651,
29889,
4397,
29898,
13,
462,
4706,
285,
29908,
29966,
9653,
3611,
2433,
29912,
1366,
29918,
4906,
10162,
3114,
14672,
7042,
29899,
2780,
26254,
20970,
29918,
2780,
1012,
1013,
29908,
13,
462,
1678,
1723,
13,
9651,
1683,
29901,
13,
18884,
1962,
29918,
19651,
29889,
4397,
29898,
13,
462,
1678,
285,
29908,
29966,
9653,
3611,
2433,
29912,
1366,
29918,
4906,
10162,
3114,
14672,
7042,
29899,
2780,
26254,
20970,
29918,
2780,
1012,
1013,
29908,
13,
18884,
1723,
13,
4706,
25342,
1833,
29918,
8568,
2804,
376,
1115,
13,
9651,
1962,
29918,
19651,
29889,
4397,
703,
829,
9653,
29958,
1159,
13,
13,
4706,
396,
925,
1423,
565,
372,
29915,
29879,
25899,
13,
4706,
565,
5497,
1275,
6634,
29876,
1115,
13,
9651,
1962,
29918,
19651,
29889,
4397,
28945,
1182,
29958,
1159,
13,
4706,
1683,
29901,
13,
9651,
396,
3423,
5738,
278,
5497,
408,
6467,
278,
6560,
515,
6560,
2066,
4947,
13,
9651,
396,
21551,
491,
14376,
408,
313,
20965,
29897,
4544,
13,
9651,
1962,
29918,
19651,
29889,
4397,
29898,
1420,
29889,
21587,
29898,
15670,
876,
13,
13,
4706,
1833,
29918,
8568,
353,
445,
29918,
8568,
13,
13,
1678,
565,
1833,
29918,
8568,
2804,
376,
1115,
13,
4706,
1962,
29918,
19651,
29889,
4397,
703,
829,
9653,
29958,
1159,
13,
13,
1678,
396,
884,
3867,
263,
1820,
13,
1678,
565,
3160,
29918,
1989,
29901,
13,
4706,
1962,
29918,
19651,
29889,
4397,
28945,
1092,
3779,
29966,
29882,
29941,
29958,
3306,
7670,
829,
29882,
29941,
5299,
352,
29958,
1159,
13,
4706,
363,
1820,
297,
9657,
29918,
27703,
29901,
13,
9651,
2927,
353,
9657,
29918,
27703,
29961,
1989,
29962,
13,
9651,
15090,
29918,
2780,
353,
3472,
29918,
2780,
29918,
1454,
29898,
2780,
29897,
13,
9651,
1962,
29918,
19651,
29889,
4397,
29898,
13,
18884,
285,
29915,
29966,
492,
5299,
9653,
3114,
543,
7042,
29899,
2780,
26254,
20970,
29918,
2780,
29913,
1013,
29912,
1989,
16040,
9653,
2565,
492,
16299,
13,
9651,
1723,
13,
4706,
1962,
29918,
19651,
29889,
4397,
703,
829,
352,
29958,
1159,
13,
13,
1678,
3472,
29918,
21720,
353,
9995,
829,
2587,
29958,
13,
1678,
1533,
1420,
11903,
15945,
13,
13,
1678,
1962,
29918,
19651,
29889,
4397,
29898,
1420,
29918,
21720,
29897,
13,
13,
1678,
411,
1722,
29898,
9507,
29892,
376,
29893,
1159,
408,
285,
29901,
13,
4706,
285,
29889,
3539,
703,
1642,
7122,
29898,
4905,
29918,
19651,
876,
13,
2
] |
app/routers/openstack/sizes.py | skyworkflows/swm-cloud-gate | 3 | 46341 | <reponame>skyworkflows/swm-cloud-gate
import typing
from fastapi import APIRouter, Header
from .connector import OpenStackConnector
from .models import convert_to_flavor
CONNECTOR = OpenStackConnector()
ROUTER = APIRouter()
@ROUTER.get("/openstack/flavors")
async def list_flavors(username: str = Header(None), password: str = Header(None)):
CONNECTOR.reinitialize(username, password, "compute")
flavor_list: typing.List[ImageInfo] = []
for item in CONNECTOR.list_sizes():
flavor_list.append(convert_to_flavor(item))
return {"flavors": flavor_list}
| [
1,
529,
276,
1112,
420,
29958,
7912,
1287,
1731,
29879,
29914,
2774,
29885,
29899,
9274,
29899,
17062,
13,
5215,
19229,
13,
13,
3166,
5172,
2754,
1053,
3450,
23971,
29892,
19345,
13,
13,
3166,
869,
11958,
2801,
1053,
4673,
7264,
20971,
2801,
13,
3166,
869,
9794,
1053,
3588,
29918,
517,
29918,
29888,
4112,
272,
13,
13,
6007,
8186,
1783,
1955,
353,
4673,
7264,
20971,
2801,
580,
13,
1672,
2692,
1001,
353,
3450,
23971,
580,
13,
13,
13,
29992,
1672,
2692,
1001,
29889,
657,
11974,
3150,
1429,
29914,
29888,
4112,
943,
1159,
13,
12674,
822,
1051,
29918,
29888,
4112,
943,
29898,
6786,
29901,
851,
353,
19345,
29898,
8516,
511,
4800,
29901,
851,
353,
19345,
29898,
8516,
22164,
13,
1678,
8707,
8186,
1783,
1955,
29889,
276,
24926,
29898,
6786,
29892,
4800,
29892,
376,
26017,
1159,
13,
1678,
21054,
272,
29918,
1761,
29901,
19229,
29889,
1293,
29961,
2940,
3401,
29962,
353,
5159,
13,
1678,
363,
2944,
297,
8707,
8186,
1783,
1955,
29889,
1761,
29918,
29879,
7093,
7295,
13,
4706,
21054,
272,
29918,
1761,
29889,
4397,
29898,
13441,
29918,
517,
29918,
29888,
4112,
272,
29898,
667,
876,
13,
1678,
736,
8853,
29888,
4112,
943,
1115,
21054,
272,
29918,
1761,
29913,
13,
2
] |
state/state_example_01.py | brandaoplaster/learning-design-patterns-in-python | 0 | 1601781 | from __future__ import annotations
from abc import ABC, abstractmethod
class Order:
""" Context """
def __init__(self) -> None:
self.state: OrderState = PaymentPending(self)
def pending(self) -> None:
print("Trying to pending()")
self.state.pending()
print("Current state ~>", self.state)
print()
def approve(self) -> None:
print("Trying to run approve()")
self.state.approve()
print("Current state ~>", self.state)
print()
def reject(self) -> None:
print("Trying to reject()")
self.state.reject()
print("Current state ~>", self.state)
print()
class OrderState(ABC):
def __init__(self, order: Order) -> None:
self.order = order
@abstractmethod
def pending(self) -> None: pass
@abstractmethod
def approve(self) -> None: pass
@abstractmethod
def reject(self) -> None: pass
def __str__(self):
return self.__class__.__name__
class PaymentPending(OrderState):
def pending(self) -> None:
print("payment declined")
def approve(self) -> None:
self.order.state = PaymentApproved(self.order)
print("payment declined")
def reject(self) -> None:
self.order.state = PaymentRejected(self.order)
print()
class PaymentApproved(OrderState):
def pending(self) -> None:
self.order.state = PaymentPending(self.order)
print("pending payment")
def approve(self) -> None:
print("Payment already approved")
def reject(self) -> None:
self.order.state = PaymentRejected(self.order)
print("payment declined")
class PaymentRejected(OrderState):
def pending(self) -> None:
print("Payment declined. I will not move to pending.")
def approve(self) -> None:
print("payment declined")
def reject(self) -> None:
print("payment declined")
if __name__ == "__main__":
order = Order()
order.pending()
order.approve()
order.pending()
order.reject()
order.pending()
order.approve() | [
1,
515,
4770,
29888,
9130,
1649,
1053,
25495,
13,
3166,
25638,
1053,
16417,
29892,
9846,
5696,
13,
13,
1990,
8170,
29901,
13,
29871,
9995,
15228,
9995,
13,
13,
29871,
822,
4770,
2344,
12035,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1583,
29889,
3859,
29901,
8170,
2792,
353,
14617,
358,
29925,
2548,
29898,
1311,
29897,
13,
13,
29871,
822,
28235,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
15870,
292,
304,
28235,
580,
1159,
13,
1678,
1583,
29889,
3859,
29889,
29886,
2548,
580,
13,
1678,
1596,
703,
7583,
2106,
3695,
28341,
1583,
29889,
3859,
29897,
13,
1678,
1596,
580,
13,
13,
29871,
822,
2134,
345,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
15870,
292,
304,
1065,
2134,
345,
580,
1159,
13,
1678,
1583,
29889,
3859,
29889,
9961,
345,
580,
13,
1678,
1596,
703,
7583,
2106,
3695,
28341,
1583,
29889,
3859,
29897,
13,
1678,
1596,
580,
13,
13,
29871,
822,
12560,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
15870,
292,
304,
12560,
580,
1159,
13,
1678,
1583,
29889,
3859,
29889,
276,
622,
580,
13,
1678,
1596,
703,
7583,
2106,
3695,
28341,
1583,
29889,
3859,
29897,
13,
1678,
1596,
580,
13,
13,
1990,
8170,
2792,
29898,
19658,
1125,
13,
13,
29871,
822,
4770,
2344,
12035,
1311,
29892,
1797,
29901,
8170,
29897,
1599,
6213,
29901,
13,
1678,
1583,
29889,
2098,
353,
1797,
13,
13,
29871,
732,
16595,
5696,
13,
29871,
822,
28235,
29898,
1311,
29897,
1599,
6213,
29901,
1209,
13,
13,
29871,
732,
16595,
5696,
13,
29871,
822,
2134,
345,
29898,
1311,
29897,
1599,
6213,
29901,
1209,
13,
13,
29871,
732,
16595,
5696,
13,
29871,
822,
12560,
29898,
1311,
29897,
1599,
6213,
29901,
1209,
13,
13,
29871,
822,
4770,
710,
12035,
1311,
1125,
13,
1678,
736,
1583,
17255,
1990,
1649,
17255,
978,
1649,
13,
13,
259,
13,
1990,
14617,
358,
29925,
2548,
29898,
7514,
2792,
1125,
13,
13,
29871,
822,
28235,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
27825,
4845,
1312,
1159,
13,
13,
29871,
822,
2134,
345,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1583,
29889,
2098,
29889,
3859,
353,
14617,
358,
2052,
307,
1490,
29898,
1311,
29889,
2098,
29897,
13,
1678,
1596,
703,
27825,
4845,
1312,
1159,
13,
13,
29871,
822,
12560,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1583,
29889,
2098,
29889,
3859,
353,
14617,
358,
1123,
622,
287,
29898,
1311,
29889,
2098,
29897,
13,
1678,
1596,
580,
13,
13,
13,
1990,
14617,
358,
2052,
307,
1490,
29898,
7514,
2792,
1125,
13,
29871,
822,
28235,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1583,
29889,
2098,
29889,
3859,
353,
14617,
358,
29925,
2548,
29898,
1311,
29889,
2098,
29897,
13,
1678,
1596,
703,
29886,
2548,
19179,
1159,
13,
13,
29871,
822,
2134,
345,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
15467,
358,
2307,
23454,
1159,
13,
13,
29871,
822,
12560,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1583,
29889,
2098,
29889,
3859,
353,
14617,
358,
1123,
622,
287,
29898,
1311,
29889,
2098,
29897,
13,
1678,
1596,
703,
27825,
4845,
1312,
1159,
13,
13,
13,
1990,
14617,
358,
1123,
622,
287,
29898,
7514,
2792,
1125,
13,
29871,
822,
28235,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
15467,
358,
4845,
1312,
29889,
306,
674,
451,
4337,
304,
28235,
23157,
13,
13,
29871,
822,
2134,
345,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
27825,
4845,
1312,
1159,
13,
13,
29871,
822,
12560,
29898,
1311,
29897,
1599,
6213,
29901,
13,
1678,
1596,
703,
27825,
4845,
1312,
1159,
13,
13,
13,
361,
4770,
978,
1649,
1275,
376,
1649,
3396,
1649,
1115,
13,
29871,
1797,
353,
8170,
580,
13,
29871,
1797,
29889,
29886,
2548,
580,
13,
29871,
1797,
29889,
9961,
345,
580,
13,
29871,
1797,
29889,
29886,
2548,
580,
13,
29871,
1797,
29889,
276,
622,
580,
13,
29871,
1797,
29889,
29886,
2548,
580,
13,
29871,
1797,
29889,
9961,
345,
580,
2
] |
data_structures/stacks_and_queues/stack/node.py | michaelsklepowich/data_structures_and_algorithms | 0 | 125455 | class Node:
def __init__(self, value, _next=None):
self._value = value
self._next = _next
def __str__(self):
return f'{self._value}'
def __repr__(self):
return f'<Node | Val: {self._value} | Next: {self._next}>'
| [
1,
770,
9071,
29901,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
995,
29892,
903,
4622,
29922,
8516,
1125,
13,
4706,
1583,
3032,
1767,
353,
995,
13,
4706,
1583,
3032,
4622,
353,
903,
4622,
13,
13,
1678,
822,
4770,
710,
12035,
1311,
1125,
13,
4706,
736,
285,
29915,
29912,
1311,
3032,
1767,
10162,
13,
13,
1678,
822,
4770,
276,
558,
12035,
1311,
1125,
13,
4706,
736,
285,
29915,
29966,
4247,
891,
2630,
29901,
426,
1311,
3032,
1767,
29913,
891,
8084,
29901,
426,
1311,
3032,
4622,
29913,
16299,
13,
2
] |
01_Diag_Dispersion_Bicis.py | JosefinaMedina/Deep-Learning-2021-P1 | 0 | 91804 | <gh_stars>0
import matplotlib.pyplot as plt
import pandas as pd
import seaborn as sns
import os
import chardet
os.chdir('../Datos//')
nomArch = 'SeoulBikeData.csv'
with open(nomArch, 'rb') as f:
result = chardet.detect(f.read())
df= pd.read_csv(nomArch, encoding=result['encoding'])
print(df.dtypes)
sns.heatmap(df[['Temperature(°C)','Rented Bike Count','Humidity(%)','Visibility (10m)']].corr(), square=True, annot=True)
plt.figure()
plt.scatter(df['Temperature(°C)'],df['Rented Bike Count'], marker='o')
plt.xlabel('Temperature(°C)')
plt.ylabel('Rented Bike Count')
plt.figure()
plt.scatter(df['Humidity(%)'],df['Visibility (10m)'], marker='o')
plt.xlabel('Humidity(%)')
plt.ylabel('Visibility (10m)')
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29900,
13,
5215,
22889,
29889,
2272,
5317,
408,
14770,
30004,
13,
5215,
11701,
408,
10518,
30004,
13,
5215,
409,
370,
1398,
408,
269,
1983,
30004,
13,
5215,
2897,
30004,
13,
5215,
521,
538,
300,
30004,
13,
30004,
13,
359,
29889,
305,
3972,
877,
6995,
6086,
458,
1495,
30004,
13,
11522,
13197,
353,
525,
2008,
5059,
29933,
9345,
1469,
29889,
7638,
29915,
30004,
13,
2541,
1722,
29898,
11522,
13197,
29892,
525,
6050,
1495,
408,
285,
29901,
30004,
13,
1678,
1121,
353,
521,
538,
300,
29889,
4801,
522,
29898,
29888,
29889,
949,
3101,
29871,
6756,
13,
30004,
13,
2176,
29922,
10518,
29889,
949,
29918,
7638,
29898,
11522,
13197,
29892,
8025,
29922,
2914,
1839,
22331,
2033,
8443,
13,
30004,
13,
2158,
29898,
2176,
29889,
29881,
8768,
8443,
13,
30004,
13,
29879,
1983,
29889,
354,
271,
1958,
29898,
2176,
29961,
1839,
5776,
546,
1535,
29898,
30073,
29907,
29897,
3788,
29934,
14927,
3457,
446,
3917,
3788,
29950,
398,
333,
537,
29898,
10997,
3788,
23318,
313,
29896,
29900,
29885,
29897,
2033,
1822,
29725,
3285,
6862,
29922,
5574,
29892,
9732,
29922,
5574,
8443,
13,
30004,
13,
572,
29873,
29889,
4532,
26471,
13,
572,
29873,
29889,
1557,
2620,
29898,
2176,
1839,
5776,
546,
1535,
29898,
30073,
29907,
29897,
7464,
2176,
1839,
29934,
14927,
3457,
446,
3917,
7464,
17456,
2433,
29877,
1495,
30004,
13,
572,
29873,
29889,
29916,
1643,
877,
5776,
546,
1535,
29898,
30073,
29907,
29897,
1495,
30004,
13,
572,
29873,
29889,
29891,
1643,
877,
29934,
14927,
3457,
446,
3917,
1495,
30004,
13,
30004,
13,
572,
29873,
29889,
4532,
26471,
13,
572,
29873,
29889,
1557,
2620,
29898,
2176,
1839,
29950,
398,
333,
537,
29898,
10997,
7464,
2176,
1839,
23318,
313,
29896,
29900,
29885,
29897,
7464,
17456,
2433,
29877,
1495,
30004,
13,
572,
29873,
29889,
29916,
1643,
877,
29950,
398,
333,
537,
29898,
10997,
1495,
30004,
13,
572,
29873,
29889,
29891,
1643,
877,
23318,
313,
29896,
29900,
29885,
29897,
1495,
30004,
13,
30004,
13,
2
] |
IoT/presentation/plots/step_plot.py | Mohitsharma44/CUSP-GX-6004-C | 5 | 53208 | import matplotlib.pyplot as plt
import numpy as np
plt.style.use('seaborn-darkgrid')
x = range(8)
y = np.linspace(1.1, 5.0, 8)
ylabel = map(lambda num: bin(num)[2:], x)
xlabel = map(lambda num: "{0:.2f}".format(num), y)
plt.step(x, y)
plt.yticks(y, ylabel)
plt.xticks(x, xlabel, rotation=45)
plt.ylabel("Binary Output")
plt.xlabel("Analog Input")
plt.savefig("adc.png", transparent=True)
| [
1,
1053,
22889,
29889,
2272,
5317,
408,
14770,
13,
5215,
12655,
408,
7442,
13,
572,
29873,
29889,
3293,
29889,
1509,
877,
344,
370,
1398,
29899,
26031,
7720,
1495,
13,
13,
29916,
353,
3464,
29898,
29947,
29897,
13,
29891,
353,
7442,
29889,
1915,
3493,
29898,
29896,
29889,
29896,
29892,
29871,
29945,
29889,
29900,
29892,
29871,
29947,
29897,
13,
13,
29891,
1643,
353,
2910,
29898,
2892,
954,
29901,
9016,
29898,
1949,
9601,
29906,
29901,
1402,
921,
29897,
13,
29916,
1643,
353,
2910,
29898,
2892,
954,
29901,
29850,
29900,
29901,
29889,
29906,
29888,
29913,
1642,
4830,
29898,
1949,
511,
343,
29897,
13,
13,
572,
29873,
29889,
10568,
29898,
29916,
29892,
343,
29897,
13,
572,
29873,
29889,
3637,
7358,
29898,
29891,
29892,
343,
1643,
29897,
13,
572,
29873,
29889,
486,
7358,
29898,
29916,
29892,
921,
1643,
29892,
13733,
29922,
29946,
29945,
29897,
13,
572,
29873,
29889,
29891,
1643,
703,
25196,
10604,
1159,
13,
572,
29873,
29889,
29916,
1643,
703,
21067,
468,
10567,
1159,
13,
572,
29873,
29889,
7620,
1003,
703,
328,
29883,
29889,
2732,
613,
17772,
29922,
5574,
29897,
13,
2
] |
robot-server/tests/service/json_api/test_response.py | mrod0101/opentrons | 0 | 2129 | <filename>robot-server/tests/service/json_api/test_response.py
from pytest import raises
from pydantic import ValidationError
from robot_server.service.json_api.response import (
ResponseDataModel,
ResponseModel,
MultiResponseModel,
)
from tests.service.helpers import ItemResponseModel
def test_attributes_as_dict() -> None:
MyResponse = ResponseModel[ResponseDataModel, None]
obj_to_validate = {
"data": {"id": "123"},
"links": None,
}
my_response_object = MyResponse(**obj_to_validate)
assert my_response_object.dict() == {
"links": None,
"data": {
"id": "123",
},
}
def test_attributes_as_item_model() -> None:
ItemResponse = ResponseModel[ItemResponseModel, None]
obj_to_validate = {
"links": None,
"data": {"id": "123", "name": "apple", "quantity": 10, "price": 1.20},
}
my_response_obj = ItemResponse(**obj_to_validate)
assert my_response_obj.dict() == {
"links": None,
"data": {
"id": "123",
"name": "apple",
"quantity": 10,
"price": 1.20,
},
}
def test_list_item_model() -> None:
ItemResponse = MultiResponseModel[ItemResponseModel, None]
obj_to_validate = {
"links": None,
"data": [
{"id": "123", "name": "apple", "quantity": 10, "price": 1.20},
{"id": "321", "name": "banana", "quantity": 20, "price": 2.34},
],
}
my_response_obj = ItemResponse(**obj_to_validate)
assert my_response_obj.dict() == {
"links": None,
"data": [
{
"id": "123",
"name": "apple",
"quantity": 10,
"price": 1.20,
},
{
"id": "321",
"name": "banana",
"quantity": 20,
"price": 2.34,
},
],
}
def test_attributes_as_item_model_empty_dict() -> None:
ItemResponse = ResponseModel[ItemResponseModel, None]
obj_to_validate = {
"links": None,
"data": {
"id": "123",
},
}
with raises(ValidationError) as e:
ItemResponse(**obj_to_validate)
assert e.value.errors() == [
{
"loc": ("data", "name"),
"msg": "field required",
"type": "value_error.missing",
},
{
"loc": ("data", "quantity"),
"msg": "field required",
"type": "value_error.missing",
},
{
"loc": ("data", "price"),
"msg": "field required",
"type": "value_error.missing",
},
]
def test_response_constructed_with_resource_object() -> None:
ItemResponse = ResponseModel[ItemResponseModel, None]
item = ItemResponseModel(id="abc123", name="pear", price=1.2, quantity=10)
data = item.dict()
assert ItemResponse(data=data, links=None).dict() == {
"links": None,
"data": {
"id": "abc123",
"name": "pear",
"price": 1.2,
"quantity": 10,
},
}
def test_response_constructed_with_resource_object_list() -> None:
ItemResponse = MultiResponseModel[ItemResponseModel, None]
items = [
ItemResponseModel(id="1", name="apple", price=1.5, quantity=3),
ItemResponseModel(id="2", name="pear", price=1.2, quantity=10),
ItemResponseModel(id="3", name="orange", price=2.2, quantity=5),
]
response = ItemResponse(data=items, links=None)
assert response.dict() == {
"links": None,
"data": [
{
"id": "1",
"name": "apple",
"price": 1.5,
"quantity": 3,
},
{
"id": "2",
"name": "pear",
"price": 1.2,
"quantity": 10,
},
{
"id": "3",
"name": "orange",
"price": 2.2,
"quantity": 5,
},
],
}
| [
1,
529,
9507,
29958,
307,
7451,
29899,
2974,
29914,
21150,
29914,
5509,
29914,
3126,
29918,
2754,
29914,
1688,
29918,
5327,
29889,
2272,
13,
3166,
11451,
1688,
1053,
1153,
4637,
13,
3166,
282,
2941,
7716,
1053,
15758,
362,
2392,
13,
13,
3166,
19964,
29918,
2974,
29889,
5509,
29889,
3126,
29918,
2754,
29889,
5327,
1053,
313,
13,
1678,
13291,
1469,
3195,
29892,
13,
1678,
13291,
3195,
29892,
13,
1678,
14974,
5103,
3195,
29892,
13,
29897,
13,
3166,
6987,
29889,
5509,
29889,
3952,
6774,
1053,
10976,
5103,
3195,
13,
13,
13,
1753,
1243,
29918,
15697,
29918,
294,
29918,
8977,
580,
1599,
6213,
29901,
13,
1678,
1619,
5103,
353,
13291,
3195,
29961,
5103,
1469,
3195,
29892,
6213,
29962,
13,
1678,
5446,
29918,
517,
29918,
15480,
353,
426,
13,
4706,
376,
1272,
1115,
8853,
333,
1115,
376,
29896,
29906,
29941,
10758,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
1678,
500,
13,
1678,
590,
29918,
5327,
29918,
3318,
353,
1619,
5103,
29898,
1068,
5415,
29918,
517,
29918,
15480,
29897,
13,
1678,
4974,
590,
29918,
5327,
29918,
3318,
29889,
8977,
580,
1275,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
426,
13,
9651,
376,
333,
1115,
376,
29896,
29906,
29941,
613,
13,
4706,
2981,
13,
1678,
500,
13,
13,
13,
1753,
1243,
29918,
15697,
29918,
294,
29918,
667,
29918,
4299,
580,
1599,
6213,
29901,
13,
1678,
10976,
5103,
353,
13291,
3195,
29961,
2001,
5103,
3195,
29892,
6213,
29962,
13,
1678,
5446,
29918,
517,
29918,
15480,
353,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
8853,
333,
1115,
376,
29896,
29906,
29941,
613,
376,
978,
1115,
376,
11548,
613,
376,
22640,
1115,
29871,
29896,
29900,
29892,
376,
9175,
1115,
29871,
29896,
29889,
29906,
29900,
1118,
13,
1678,
500,
13,
1678,
590,
29918,
5327,
29918,
5415,
353,
10976,
5103,
29898,
1068,
5415,
29918,
517,
29918,
15480,
29897,
13,
1678,
4974,
590,
29918,
5327,
29918,
5415,
29889,
8977,
580,
1275,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
426,
13,
9651,
376,
333,
1115,
376,
29896,
29906,
29941,
613,
13,
9651,
376,
978,
1115,
376,
11548,
613,
13,
9651,
376,
22640,
1115,
29871,
29896,
29900,
29892,
13,
9651,
376,
9175,
1115,
29871,
29896,
29889,
29906,
29900,
29892,
13,
4706,
2981,
13,
1678,
500,
13,
13,
13,
1753,
1243,
29918,
1761,
29918,
667,
29918,
4299,
580,
1599,
6213,
29901,
13,
1678,
10976,
5103,
353,
14974,
5103,
3195,
29961,
2001,
5103,
3195,
29892,
6213,
29962,
13,
1678,
5446,
29918,
517,
29918,
15480,
353,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
518,
13,
9651,
8853,
333,
1115,
376,
29896,
29906,
29941,
613,
376,
978,
1115,
376,
11548,
613,
376,
22640,
1115,
29871,
29896,
29900,
29892,
376,
9175,
1115,
29871,
29896,
29889,
29906,
29900,
1118,
13,
9651,
8853,
333,
1115,
376,
29941,
29906,
29896,
613,
376,
978,
1115,
376,
2571,
1648,
613,
376,
22640,
1115,
29871,
29906,
29900,
29892,
376,
9175,
1115,
29871,
29906,
29889,
29941,
29946,
1118,
13,
4706,
21251,
13,
1678,
500,
13,
1678,
590,
29918,
5327,
29918,
5415,
353,
10976,
5103,
29898,
1068,
5415,
29918,
517,
29918,
15480,
29897,
13,
1678,
4974,
590,
29918,
5327,
29918,
5415,
29889,
8977,
580,
1275,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
518,
13,
9651,
426,
13,
18884,
376,
333,
1115,
376,
29896,
29906,
29941,
613,
13,
18884,
376,
978,
1115,
376,
11548,
613,
13,
18884,
376,
22640,
1115,
29871,
29896,
29900,
29892,
13,
18884,
376,
9175,
1115,
29871,
29896,
29889,
29906,
29900,
29892,
13,
9651,
2981,
13,
9651,
426,
13,
18884,
376,
333,
1115,
376,
29941,
29906,
29896,
613,
13,
18884,
376,
978,
1115,
376,
2571,
1648,
613,
13,
18884,
376,
22640,
1115,
29871,
29906,
29900,
29892,
13,
18884,
376,
9175,
1115,
29871,
29906,
29889,
29941,
29946,
29892,
13,
9651,
2981,
13,
4706,
21251,
13,
1678,
500,
13,
13,
13,
1753,
1243,
29918,
15697,
29918,
294,
29918,
667,
29918,
4299,
29918,
6310,
29918,
8977,
580,
1599,
6213,
29901,
13,
1678,
10976,
5103,
353,
13291,
3195,
29961,
2001,
5103,
3195,
29892,
6213,
29962,
13,
1678,
5446,
29918,
517,
29918,
15480,
353,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
426,
13,
9651,
376,
333,
1115,
376,
29896,
29906,
29941,
613,
13,
4706,
2981,
13,
1678,
500,
13,
1678,
411,
1153,
4637,
29898,
19448,
2392,
29897,
408,
321,
29901,
13,
4706,
10976,
5103,
29898,
1068,
5415,
29918,
517,
29918,
15480,
29897,
13,
13,
1678,
4974,
321,
29889,
1767,
29889,
12523,
580,
1275,
518,
13,
4706,
426,
13,
9651,
376,
2029,
1115,
4852,
1272,
613,
376,
978,
4968,
13,
9651,
376,
7645,
1115,
376,
2671,
3734,
613,
13,
9651,
376,
1853,
1115,
376,
1767,
29918,
2704,
29889,
27259,
613,
13,
4706,
2981,
13,
4706,
426,
13,
9651,
376,
2029,
1115,
4852,
1272,
613,
376,
22640,
4968,
13,
9651,
376,
7645,
1115,
376,
2671,
3734,
613,
13,
9651,
376,
1853,
1115,
376,
1767,
29918,
2704,
29889,
27259,
613,
13,
4706,
2981,
13,
4706,
426,
13,
9651,
376,
2029,
1115,
4852,
1272,
613,
376,
9175,
4968,
13,
9651,
376,
7645,
1115,
376,
2671,
3734,
613,
13,
9651,
376,
1853,
1115,
376,
1767,
29918,
2704,
29889,
27259,
613,
13,
4706,
2981,
13,
1678,
4514,
13,
13,
13,
1753,
1243,
29918,
5327,
29918,
11433,
287,
29918,
2541,
29918,
10314,
29918,
3318,
580,
1599,
6213,
29901,
13,
1678,
10976,
5103,
353,
13291,
3195,
29961,
2001,
5103,
3195,
29892,
6213,
29962,
13,
1678,
2944,
353,
10976,
5103,
3195,
29898,
333,
543,
10736,
29896,
29906,
29941,
613,
1024,
543,
412,
279,
613,
8666,
29922,
29896,
29889,
29906,
29892,
14728,
29922,
29896,
29900,
29897,
13,
1678,
848,
353,
2944,
29889,
8977,
580,
13,
13,
1678,
4974,
10976,
5103,
29898,
1272,
29922,
1272,
29892,
2988,
29922,
8516,
467,
8977,
580,
1275,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
426,
13,
9651,
376,
333,
1115,
376,
10736,
29896,
29906,
29941,
613,
13,
9651,
376,
978,
1115,
376,
412,
279,
613,
13,
9651,
376,
9175,
1115,
29871,
29896,
29889,
29906,
29892,
13,
9651,
376,
22640,
1115,
29871,
29896,
29900,
29892,
13,
4706,
2981,
13,
1678,
500,
13,
13,
13,
1753,
1243,
29918,
5327,
29918,
11433,
287,
29918,
2541,
29918,
10314,
29918,
3318,
29918,
1761,
580,
1599,
6213,
29901,
13,
1678,
10976,
5103,
353,
14974,
5103,
3195,
29961,
2001,
5103,
3195,
29892,
6213,
29962,
13,
1678,
4452,
353,
518,
13,
4706,
10976,
5103,
3195,
29898,
333,
543,
29896,
613,
1024,
543,
11548,
613,
8666,
29922,
29896,
29889,
29945,
29892,
14728,
29922,
29941,
511,
13,
4706,
10976,
5103,
3195,
29898,
333,
543,
29906,
613,
1024,
543,
412,
279,
613,
8666,
29922,
29896,
29889,
29906,
29892,
14728,
29922,
29896,
29900,
511,
13,
4706,
10976,
5103,
3195,
29898,
333,
543,
29941,
613,
1024,
543,
272,
927,
613,
8666,
29922,
29906,
29889,
29906,
29892,
14728,
29922,
29945,
511,
13,
1678,
4514,
13,
1678,
2933,
353,
10976,
5103,
29898,
1272,
29922,
7076,
29892,
2988,
29922,
8516,
29897,
13,
1678,
4974,
2933,
29889,
8977,
580,
1275,
426,
13,
4706,
376,
4965,
1115,
6213,
29892,
13,
4706,
376,
1272,
1115,
518,
13,
9651,
426,
13,
18884,
376,
333,
1115,
376,
29896,
613,
13,
18884,
376,
978,
1115,
376,
11548,
613,
13,
18884,
376,
9175,
1115,
29871,
29896,
29889,
29945,
29892,
13,
18884,
376,
22640,
1115,
29871,
29941,
29892,
13,
9651,
2981,
13,
9651,
426,
13,
18884,
376,
333,
1115,
376,
29906,
613,
13,
18884,
376,
978,
1115,
376,
412,
279,
613,
13,
18884,
376,
9175,
1115,
29871,
29896,
29889,
29906,
29892,
13,
18884,
376,
22640,
1115,
29871,
29896,
29900,
29892,
13,
9651,
2981,
13,
9651,
426,
13,
18884,
376,
333,
1115,
376,
29941,
613,
13,
18884,
376,
978,
1115,
376,
272,
927,
613,
13,
18884,
376,
9175,
1115,
29871,
29906,
29889,
29906,
29892,
13,
18884,
376,
22640,
1115,
29871,
29945,
29892,
13,
9651,
2981,
13,
4706,
21251,
13,
1678,
500,
13,
2
] |
WorkingExamples/MNIST_Worker.py | iansee/FYP | 0 | 1617385 |
import tensorflow as tf
import h5py
import collections
import six
from syft.workers.websocket_server import WebsocketServerWorker
import torch
import sys
import syft
import sys
import argparse
from torchvision import datasets
from torchvision import transforms
import numpy as np
import tensorflow_federated as tff
import os.path
from tensorflow_federated.python.simulation.hdf5_client_data import HDF5ClientData
fractionToUse = 5
class TrainDataset:
def __init__(self,transform=None, id="h2"):
fileprefix = "fed_emnist_digitsonly"
dir_path = os.path.dirname("/home/mininet/")
train = HDF5ClientData(os.path.join(dir_path, fileprefix + '_train.h5'))
trainFile = h5py.File(os.path.join(dir_path, fileprefix + '_train.h5'), "r")
_EXAMPLES_GROUP = "examples"
numberofclients = len(train.client_ids)
data = np.empty((0,28,28), np.float32)
target = np.empty((0), np.int_)
if id == "h2":
offset = 0
elif id == "h3":
offset = 1
elif id == "h4":
offset = 2
for i in range(int(numberofclients/(3*fractionToUse))):
clientdataset = collections.OrderedDict((name, ds[()]) for name, ds in sorted(
six.iteritems(trainFile[HDF5ClientData._EXAMPLES_GROUP][train.client_ids[i*3*fractionToUse+offset]])))
data = np.concatenate((data, clientdataset['pixels']))
target = np.concatenate((target, clientdataset['label']), axis=0)
self.target = list(target)
self.data = list(data)
self.transform = transform
def __getitem__(self, index):
x=self.data[index]
y=self.target[index]
if self.transform:
x = self.transform(x)
return x,y
def __len__(self):
return len(self.target)
def main(_id,ip):
mnist_dataset = TrainDataset(transform=transforms.Compose([
transforms.ToTensor(),
transforms.Normalize(
(0.1307,), (0.3081,))
]), id=_id)
hook = syft.TorchHook(torch)
server = WebsocketServerWorker(id = _id,host =ip, port = 8778,hook=hook,verbose=True)
print ("Worker:{}, Dataset contains {}".format(_id,str(len(mnist_dataset.data))))
dataset = syft.BaseDataset(
data=mnist_dataset.data, targets=mnist_dataset.target, transform=mnist_dataset.transform
)
key = "targeted"
server.add_dataset(dataset, key=key)
server.start()
main (sys.argv[1], sys.argv[2])
| [
1,
29871,
13,
5215,
26110,
408,
15886,
13,
5215,
298,
29945,
2272,
13,
5215,
16250,
13,
5215,
4832,
13,
13,
3166,
9878,
615,
29889,
1287,
414,
29889,
2676,
11514,
29918,
2974,
1053,
2563,
11514,
6004,
16164,
13,
5215,
4842,
305,
13,
5215,
10876,
13,
5215,
9878,
615,
13,
5215,
10876,
13,
5215,
1852,
5510,
13,
3166,
4842,
305,
4924,
1053,
20035,
13,
3166,
4842,
305,
4924,
1053,
4327,
29879,
13,
5215,
12655,
408,
7442,
13,
13,
5215,
26110,
29918,
29888,
2447,
630,
408,
260,
600,
13,
5215,
2897,
29889,
2084,
13,
3166,
26110,
29918,
29888,
2447,
630,
29889,
4691,
29889,
3601,
2785,
29889,
29882,
2176,
29945,
29918,
4645,
29918,
1272,
1053,
379,
4037,
29945,
4032,
1469,
13,
13,
29888,
13857,
1762,
11403,
353,
29871,
29945,
13,
13,
1990,
28186,
16390,
24541,
29901,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
9067,
29922,
8516,
29892,
1178,
543,
29882,
29906,
29908,
1125,
13,
4706,
934,
13506,
353,
376,
29888,
287,
29918,
331,
29876,
391,
29918,
26204,
1100,
368,
29908,
13,
4706,
4516,
29918,
2084,
353,
2897,
29889,
2084,
29889,
25721,
11974,
5184,
29914,
1195,
10157,
29914,
1159,
13,
4706,
7945,
353,
379,
4037,
29945,
4032,
1469,
29898,
359,
29889,
2084,
29889,
7122,
29898,
3972,
29918,
2084,
29892,
934,
13506,
718,
22868,
14968,
29889,
29882,
29945,
8785,
13,
4706,
7945,
2283,
353,
298,
29945,
2272,
29889,
2283,
29898,
359,
29889,
2084,
29889,
7122,
29898,
3972,
29918,
2084,
29892,
934,
13506,
718,
22868,
14968,
29889,
29882,
29945,
5477,
376,
29878,
1159,
13,
4706,
903,
5746,
19297,
17101,
29918,
26284,
353,
376,
19057,
29908,
13,
4706,
1353,
974,
11303,
1237,
353,
7431,
29898,
14968,
29889,
4645,
29918,
4841,
29897,
13,
4706,
848,
353,
7442,
29889,
6310,
3552,
29900,
29892,
29906,
29947,
29892,
29906,
29947,
511,
7442,
29889,
7411,
29941,
29906,
29897,
13,
4706,
3646,
353,
7442,
29889,
6310,
3552,
29900,
511,
7442,
29889,
524,
19925,
13,
4706,
565,
1178,
1275,
376,
29882,
29906,
1115,
13,
9651,
9210,
353,
29871,
29900,
13,
4706,
25342,
1178,
1275,
376,
29882,
29941,
1115,
13,
9651,
9210,
353,
29871,
29896,
13,
4706,
25342,
1178,
1275,
376,
29882,
29946,
1115,
13,
9651,
9210,
353,
29871,
29906,
13,
4706,
363,
474,
297,
3464,
29898,
524,
29898,
4537,
974,
11303,
1237,
14571,
29941,
29930,
29888,
13857,
1762,
11403,
876,
1125,
13,
9651,
3132,
24713,
353,
16250,
29889,
7514,
287,
21533,
3552,
978,
29892,
18031,
29961,
580,
2314,
363,
1024,
29892,
18031,
297,
12705,
29898,
13,
18884,
4832,
29889,
1524,
7076,
29898,
14968,
2283,
29961,
29950,
4037,
29945,
4032,
1469,
3032,
5746,
19297,
17101,
29918,
26284,
3816,
14968,
29889,
4645,
29918,
4841,
29961,
29875,
29930,
29941,
29930,
29888,
13857,
1762,
11403,
29974,
10289,
5262,
4961,
13,
9651,
848,
353,
7442,
29889,
535,
29883,
2579,
403,
3552,
1272,
29892,
3132,
24713,
1839,
29886,
861,
1379,
25901,
13,
9651,
3646,
353,
7442,
29889,
535,
29883,
2579,
403,
3552,
5182,
29892,
3132,
24713,
1839,
1643,
2033,
511,
9685,
29922,
29900,
29897,
13,
4706,
1583,
29889,
5182,
353,
1051,
29898,
5182,
29897,
13,
4706,
1583,
29889,
1272,
353,
1051,
29898,
1272,
29897,
13,
4706,
1583,
29889,
9067,
353,
4327,
13,
13,
1678,
822,
4770,
657,
667,
12035,
1311,
29892,
2380,
1125,
13,
4706,
921,
29922,
1311,
29889,
1272,
29961,
2248,
29962,
13,
4706,
343,
29922,
1311,
29889,
5182,
29961,
2248,
29962,
13,
4706,
565,
1583,
29889,
9067,
29901,
13,
9651,
921,
353,
1583,
29889,
9067,
29898,
29916,
29897,
13,
4706,
736,
921,
29892,
29891,
13,
1678,
822,
4770,
2435,
12035,
1311,
1125,
13,
4706,
736,
7431,
29898,
1311,
29889,
5182,
29897,
13,
13,
1753,
1667,
7373,
333,
29892,
666,
1125,
13,
1678,
28597,
391,
29918,
24713,
353,
28186,
16390,
24541,
29898,
9067,
29922,
9067,
29879,
29889,
1523,
4220,
4197,
13,
418,
4327,
29879,
29889,
1762,
29911,
6073,
3285,
13,
418,
4327,
29879,
29889,
19077,
675,
29898,
13,
4706,
313,
29900,
29889,
29896,
29941,
29900,
29955,
29892,
511,
313,
29900,
29889,
29941,
29900,
29947,
29896,
29892,
876,
13,
4706,
4514,
511,
1178,
29922,
29918,
333,
29897,
13,
13,
1678,
12422,
353,
9878,
615,
29889,
29911,
25350,
29950,
2550,
29898,
7345,
305,
29897,
13,
1678,
1923,
353,
2563,
11514,
6004,
16164,
29898,
333,
353,
903,
333,
29892,
3069,
353,
666,
29892,
2011,
353,
29871,
29947,
29955,
29955,
29947,
29892,
20849,
29922,
20849,
29892,
369,
15828,
29922,
5574,
29897,
13,
1678,
1596,
4852,
16164,
26254,
1118,
13373,
24541,
3743,
6571,
1642,
4830,
7373,
333,
29892,
710,
29898,
2435,
29898,
23521,
391,
29918,
24713,
29889,
1272,
13697,
13,
1678,
8783,
353,
9878,
615,
29889,
5160,
16390,
24541,
29898,
13,
1678,
848,
29922,
23521,
391,
29918,
24713,
29889,
1272,
29892,
22525,
29922,
23521,
391,
29918,
24713,
29889,
5182,
29892,
4327,
29922,
23521,
391,
29918,
24713,
29889,
9067,
13,
4706,
1723,
13,
1678,
1820,
353,
376,
5182,
287,
29908,
13,
1678,
1923,
29889,
1202,
29918,
24713,
29898,
24713,
29892,
1820,
29922,
1989,
29897,
13,
1678,
1923,
29889,
2962,
580,
13,
13,
13,
3396,
313,
9675,
29889,
19218,
29961,
29896,
1402,
10876,
29889,
19218,
29961,
29906,
2314,
13,
2
] |
ui/controller/user_handler.py | ctwardy/sitehound | 0 | 65811 |
from ui import app, Singleton
import json
from dao.JsonDatetimeEncoder import MyEncoder
from ui import app
from flask import Response, request, jsonify
from utils.json_encoder import JSONEncoder
from flask_login import login_required
from flask_security import roles_required, utils
from mongoengine import NotUniqueError
from controller.InvalidException import InvalidUsage
from service.user_service import get_all, delete, updateUser, get_all_roles
__author__ = 'tomas'
@app.route("/api/role", methods=['GET'])
@login_required
@roles_required('admin')
def get_all_roles_api():
in_doc = get_all_roles()
out_doc = MyEncoder(JSONEncoder()).encode(in_doc)
return Response(json.dumps(out_doc, cls = MyEncoder), mimetype="application/json")
@app.route("/api/user", methods=['GET'])
@login_required
@roles_required('admin')
def get_all_api():
in_doc = get_all()
out_doc = MyEncoder(JSONEncoder()).encode(in_doc)
return Response(json.dumps(out_doc, cls = MyEncoder), mimetype="application/json")
@app.route("/api/user/<id>", methods=['PUT'])
@app.errorhandler(InvalidUsage)
@login_required
@roles_required('admin')
def activate_api(id):
roles = None
isActive = None
if 'roles' in request.json:
roles = request.json['roles']
if 'isActive' in request.json:
isActive = bool(request.json['isActive'])
if isActive is None and roles is None:
raise InvalidUsage("no update provided", status_code=409)
updateUser(id, isActive, roles)
return Response("{}", mimetype="application/json")
@app.route("/api/user/<id>", methods=['DELETE'])
@login_required
@roles_required('admin')
def delete_api(id):
delete(id)
return Response("{}", mimetype="application/json")
@login_required
@roles_required('admin')
@app.errorhandler(InvalidUsage)
@app.route('/api/user/<username>', methods=['POST'])
def create_account(username):
password = request.json['password']
encrypted_password = utils.encrypt_password(password)
try:
Singleton.getInstance().user_datastore.create_user(
email=username, password=<PASSWORD>, roles=[], active=True, login_count=0)
except NotUniqueError as ex:
raise InvalidUsage('An username with that email already exists', status_code=409)
return Response("{}", mimetype="application/json")
| [
1,
29871,
13,
3166,
14313,
1053,
623,
29892,
6106,
11285,
13,
13,
13,
5215,
4390,
13,
13,
3166,
1146,
29877,
29889,
8148,
16390,
5410,
8566,
6119,
1053,
1619,
8566,
6119,
13,
3166,
14313,
1053,
623,
13,
3166,
29784,
1053,
13291,
29892,
2009,
29892,
4390,
1598,
13,
3166,
3667,
29879,
29889,
3126,
29918,
3977,
6119,
1053,
4663,
8566,
6119,
13,
3166,
29784,
29918,
7507,
1053,
6464,
29918,
12403,
13,
3166,
29784,
29918,
8926,
1053,
16178,
29918,
12403,
29892,
3667,
29879,
13,
3166,
19476,
10599,
1053,
2216,
8110,
802,
2392,
13,
13,
3166,
4701,
29889,
13919,
2451,
1053,
21403,
27573,
13,
3166,
2669,
29889,
1792,
29918,
5509,
1053,
679,
29918,
497,
29892,
5217,
29892,
2767,
2659,
29892,
679,
29918,
497,
29918,
307,
793,
13,
13,
1649,
8921,
1649,
353,
525,
15135,
294,
29915,
13,
13,
13,
29992,
932,
29889,
13134,
11974,
2754,
29914,
12154,
613,
3519,
29922,
1839,
7194,
11287,
13,
29992,
7507,
29918,
12403,
13,
29992,
307,
793,
29918,
12403,
877,
6406,
1495,
13,
1753,
679,
29918,
497,
29918,
307,
793,
29918,
2754,
7295,
13,
1678,
297,
29918,
1514,
353,
679,
29918,
497,
29918,
307,
793,
580,
13,
1678,
714,
29918,
1514,
353,
1619,
8566,
6119,
29898,
7249,
8566,
6119,
16655,
12508,
29898,
262,
29918,
1514,
29897,
13,
1678,
736,
13291,
29898,
3126,
29889,
29881,
17204,
29898,
449,
29918,
1514,
29892,
1067,
29879,
353,
1619,
8566,
6119,
511,
286,
17528,
668,
543,
6214,
29914,
3126,
1159,
13,
13,
13,
29992,
932,
29889,
13134,
11974,
2754,
29914,
1792,
613,
3519,
29922,
1839,
7194,
11287,
13,
29992,
7507,
29918,
12403,
13,
29992,
307,
793,
29918,
12403,
877,
6406,
1495,
13,
1753,
679,
29918,
497,
29918,
2754,
7295,
13,
1678,
297,
29918,
1514,
353,
679,
29918,
497,
580,
13,
1678,
714,
29918,
1514,
353,
1619,
8566,
6119,
29898,
7249,
8566,
6119,
16655,
12508,
29898,
262,
29918,
1514,
29897,
13,
1678,
736,
13291,
29898,
3126,
29889,
29881,
17204,
29898,
449,
29918,
1514,
29892,
1067,
29879,
353,
1619,
8566,
6119,
511,
286,
17528,
668,
543,
6214,
29914,
3126,
1159,
13,
13,
13,
29992,
932,
29889,
13134,
11974,
2754,
29914,
1792,
29914,
29966,
333,
28341,
3519,
29922,
1839,
12336,
11287,
13,
29992,
932,
29889,
2704,
13789,
29898,
13919,
27573,
29897,
13,
29992,
7507,
29918,
12403,
13,
29992,
307,
793,
29918,
12403,
877,
6406,
1495,
13,
1753,
5039,
403,
29918,
2754,
29898,
333,
1125,
13,
13,
1678,
16178,
353,
6213,
13,
1678,
338,
9966,
353,
6213,
13,
1678,
565,
525,
307,
793,
29915,
297,
2009,
29889,
3126,
29901,
13,
4706,
16178,
353,
2009,
29889,
3126,
1839,
307,
793,
2033,
13,
13,
1678,
565,
525,
275,
9966,
29915,
297,
2009,
29889,
3126,
29901,
13,
4706,
338,
9966,
353,
6120,
29898,
3827,
29889,
3126,
1839,
275,
9966,
11287,
13,
13,
1678,
565,
338,
9966,
338,
6213,
322,
16178,
338,
6213,
29901,
13,
4706,
12020,
21403,
27573,
703,
1217,
2767,
4944,
613,
4660,
29918,
401,
29922,
29946,
29900,
29929,
29897,
13,
13,
1678,
2767,
2659,
29898,
333,
29892,
338,
9966,
29892,
16178,
29897,
13,
1678,
736,
13291,
703,
8875,
613,
286,
17528,
668,
543,
6214,
29914,
3126,
1159,
13,
13,
13,
29992,
932,
29889,
13134,
11974,
2754,
29914,
1792,
29914,
29966,
333,
28341,
3519,
29922,
1839,
2287,
18476,
11287,
13,
29992,
7507,
29918,
12403,
13,
29992,
307,
793,
29918,
12403,
877,
6406,
1495,
13,
1753,
5217,
29918,
2754,
29898,
333,
1125,
13,
1678,
5217,
29898,
333,
29897,
13,
1678,
736,
13291,
703,
8875,
613,
286,
17528,
668,
543,
6214,
29914,
3126,
1159,
13,
13,
13,
29992,
7507,
29918,
12403,
13,
29992,
307,
793,
29918,
12403,
877,
6406,
1495,
13,
29992,
932,
29889,
2704,
13789,
29898,
13919,
27573,
29897,
13,
29992,
932,
29889,
13134,
11219,
2754,
29914,
1792,
29914,
29966,
6786,
29958,
742,
3519,
29922,
1839,
5438,
11287,
13,
1753,
1653,
29918,
10149,
29898,
6786,
1125,
13,
1678,
4800,
353,
2009,
29889,
3126,
1839,
5630,
2033,
13,
1678,
23220,
29918,
5630,
353,
3667,
29879,
29889,
3977,
4641,
29918,
5630,
29898,
5630,
29897,
13,
13,
1678,
1018,
29901,
13,
4706,
6106,
11285,
29889,
20958,
2141,
1792,
29918,
4130,
579,
487,
29889,
3258,
29918,
1792,
29898,
13,
18884,
4876,
29922,
6786,
29892,
4800,
29922,
29966,
25711,
17013,
10202,
16178,
11759,
1402,
6136,
29922,
5574,
29892,
6464,
29918,
2798,
29922,
29900,
29897,
13,
1678,
5174,
2216,
8110,
802,
2392,
408,
429,
29901,
13,
4706,
12020,
21403,
27573,
877,
2744,
8952,
411,
393,
4876,
2307,
4864,
742,
4660,
29918,
401,
29922,
29946,
29900,
29929,
29897,
13,
13,
1678,
736,
13291,
703,
8875,
613,
286,
17528,
668,
543,
6214,
29914,
3126,
1159,
13,
2
] |
scripts/python/lib/bmc.py | purushammi/power-up | 0 | 75435 | <filename>scripts/python/lib/bmc.py
#!/usr/bin/env python3
# Copyright 2019 IBM Corp.
#
# All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import argparse
import time
import requests.exceptions
import lib.logger as logger
import lib.open_bmc as open_bmc
import lib.ipmi as ipmi
class Bmc(object):
""" Creates a 'bmc' class instance. The created class establishes a
connection to a BMC. The connection can be openBMC rest API or IPMI.
Args:
host (str): ip address or resolvable hostname.
user (str): <NAME>
pw (str): <PASSWORD>
bmc_type (str): Indicates the type of BMC ('ipmi' or 'openbmc')
"""
def __init__(self, host, user, pw, bmc_type='ipmi', timeout=10):
self.log = logger.getlogger()
self.host = host
self.user = user
self.pw = pw
self.bmc_type = bmc_type
self.timeout = timeout
self.connected = False
if bmc_type == 'openbmc':
self.bmc = open_bmc.login(host, user, pw)
if isinstance(self.bmc, requests.sessions.Session):
self.connected = True
elif bmc_type == 'ipmi':
self.bmc = ipmi.login(host, user, pw)
if isinstance(self.bmc, ipmi.command.Command):
self.connected = True
else:
self.log.error(f'Unsupported BMC type: {bmc_type}')
def is_connected(self):
return self.connected
def get_host(self):
return self.host
def logout(self):
if self.bmc_type == 'openbmc':
return open_bmc.logout(self.host, self.user, self.pw, self.bmc)
elif self.bmc_type == 'ipmi':
return ipmi.logout(self.host, self.user, self.pw, self.bmc)
def chassis_power(self, op, timeout=5):
if self.bmc_type == 'openbmc':
return open_bmc.chassisPower(self.host, op, self.bmc)
if self.bmc_type == 'ipmi':
return ipmi.chassisPower(self.host, op, self.bmc)
def host_boot_source(self, source='', timeout=5):
if self.bmc_type == 'openbmc':
return open_bmc.hostBootSource(self.host, source, self.bmc)
elif self.bmc_type == 'ipmi':
return ipmi.hostBootSource(self.host, source, self.bmc)
def host_boot_mode(self, mode='', timeout=5):
if self.bmc_type == 'openbmc':
return open_bmc.hostBootMode(self.host, mode, self.bmc)
elif self.bmc_type == 'ipmi':
return ipmi.hostBootMode(self.host, mode, self.bmc)
def bmc_reset(self, op):
if self.bmc_type == 'openbmc':
return open_bmc.bmcReset(self.host, op, self.bmc)
elif self.bmc_type == 'ipmi':
return ipmi.bmcReset(self.host, op, self.bmc)
def bmc_status(self, timeout=5):
if self.bmc_type == 'openbmc':
return open_bmc.bmcPowerState(self.host, self.bmc, timeout)
elif self.bmc_type == 'ipmi':
return 'Ready'
if __name__ == '__main__':
"""Show status of the Cluster Genesis environment
Args:
INV_FILE (string): Inventory file.
LOG_LEVEL (string): Log level.
Raises:
Exception: If parameter count is invalid.
"""
logger.create('debug', 'debug')
log = logger.getlogger()
parser = argparse.ArgumentParser()
parser.add_argument('host', nargs='?',
help='bmc ip address',
default='')
parser.add_argument('user', nargs='?',
help='bmc user',
default='ADMIN')
parser.add_argument('pw', nargs='?',
help='bmc password',
default='<PASSWORD>')
# parser.add_argument('user', nargs='?',
# help='bmc user',
# default='root')
#
# parser.add_argument('pw', nargs='?',
# help='bmc password',
# default='<PASSWORD>')
parser.add_argument('bmc_type', nargs='?', choices=['open', 'ipmi'],
help='bmc type (open, ipmi)',
default='ipmi')
parser.add_argument('--print', '-p', dest='log_lvl_print',
help='print log level', default='info')
parser.add_argument('--file', '-f', dest='log_lvl_file',
help='file log level', default='info')
args = parser.parse_args()
if not args.host:
args.host = input('Enter bmc ip address: ')
bmc = Bmc(args.host, args.user, args.pw, args.bmc_type)
if bmc.is_connected():
print(f'logged into BMC {bmc}')
if args.bmc_type in ('open', 'ipmi'):
bmc_status = bmc.bmc_status()
print(f'BMC status: {bmc_status}')
# print('Rebooting bmc')
# r = bmc.bmc_reset('cold')
# print(f'BMC response: {r}')
# if not r:
# log.error(f'Failed reboot of bmc {args.host}.')
# else:
# print('Attempting BMC logout...')
# if bmc.logout():
# print(f'Logged out of BMC {args.host}')
# else:
# log.debug(f'Failed to log out of BMC {args.host}')
# del bmc
# print('Setting host boot mode')
# r = bmc.host_boot_mode('regular')
# get boot source
# r = bmc.host_boot_source()
# print(f'host boot source: {r}')
# source = 'network'
# source = 'default'
# print(f'Setting host boot source to {source}')
# r = bmc.host_boot_source(source)
# print('clossing BMC connection')
# bmc.logout()
print('Attempting to log back into BMC')
while True:
bmc = Bmc(args.host, args.user, args.pw, args.bmc_type)
if bmc.is_connected():
print(f'\nsuccessfully logged back into {args.host}')
break
else:
print('Failed login attempt')
time.sleep(3)
else:
log.error('Failed to instantiate the bmc class')
print('done')
| [
1,
529,
9507,
29958,
16713,
29914,
4691,
29914,
1982,
29914,
5838,
29883,
29889,
2272,
13,
29937,
14708,
4855,
29914,
2109,
29914,
6272,
3017,
29941,
13,
29937,
14187,
1266,
29871,
29906,
29900,
29896,
29929,
27955,
2994,
29886,
29889,
13,
29937,
13,
29937,
2178,
26863,
2538,
9841,
29889,
13,
29937,
13,
29937,
10413,
21144,
1090,
278,
13380,
19245,
29892,
10079,
29871,
29906,
29889,
29900,
313,
1552,
376,
29931,
293,
1947,
1496,
13,
29937,
366,
1122,
451,
671,
445,
934,
5174,
297,
752,
13036,
411,
278,
19245,
29889,
13,
29937,
887,
1122,
4017,
263,
3509,
310,
278,
19245,
472,
13,
29937,
13,
29937,
268,
1732,
597,
1636,
29889,
4288,
29889,
990,
29914,
506,
11259,
29914,
27888,
1430,
1660,
29899,
29906,
29889,
29900,
13,
29937,
13,
29937,
25870,
3734,
491,
22903,
4307,
470,
15502,
304,
297,
5007,
29892,
7047,
13,
29937,
13235,
1090,
278,
19245,
338,
13235,
373,
385,
376,
3289,
8519,
29908,
350,
3289,
3235,
29892,
13,
29937,
399,
1806,
8187,
2692,
399,
1718,
29934,
13566,
29059,
6323,
8707,
29928,
22122,
29903,
8079,
13764,
29979,
476,
22255,
29892,
2845,
4653,
470,
2411,
2957,
29889,
13,
29937,
2823,
278,
19245,
363,
278,
2702,
4086,
14765,
1076,
11239,
322,
13,
29937,
27028,
1090,
278,
19245,
29889,
13,
13,
5215,
1852,
5510,
13,
5215,
931,
13,
5215,
7274,
29889,
11739,
29879,
13,
13,
5215,
4303,
29889,
21707,
408,
17927,
13,
5215,
4303,
29889,
3150,
29918,
5838,
29883,
408,
1722,
29918,
5838,
29883,
13,
5215,
4303,
29889,
666,
2460,
408,
10377,
2460,
13,
13,
13,
1990,
350,
14047,
29898,
3318,
1125,
13,
1678,
9995,
6760,
1078,
263,
525,
5838,
29883,
29915,
770,
2777,
29889,
450,
2825,
770,
10127,
267,
263,
13,
1678,
3957,
304,
263,
350,
12513,
29889,
450,
3957,
508,
367,
1722,
29933,
12513,
1791,
3450,
470,
5641,
10403,
29889,
13,
1678,
826,
3174,
29901,
13,
4706,
3495,
313,
710,
1125,
10377,
3211,
470,
3770,
29894,
519,
3495,
978,
29889,
13,
4706,
1404,
313,
710,
1125,
529,
5813,
29958,
13,
4706,
282,
29893,
313,
710,
1125,
529,
25711,
17013,
29958,
13,
4706,
289,
14047,
29918,
1853,
313,
710,
1125,
1894,
293,
1078,
278,
1134,
310,
350,
12513,
6702,
666,
2460,
29915,
470,
525,
3150,
5838,
29883,
1495,
13,
1678,
9995,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
3495,
29892,
1404,
29892,
282,
29893,
29892,
289,
14047,
29918,
1853,
2433,
666,
2460,
742,
11815,
29922,
29896,
29900,
1125,
13,
4706,
1583,
29889,
1188,
353,
17927,
29889,
657,
21707,
580,
13,
4706,
1583,
29889,
3069,
353,
3495,
13,
4706,
1583,
29889,
1792,
353,
1404,
13,
4706,
1583,
29889,
29886,
29893,
353,
282,
29893,
13,
4706,
1583,
29889,
5838,
29883,
29918,
1853,
353,
289,
14047,
29918,
1853,
13,
4706,
1583,
29889,
15619,
353,
11815,
13,
4706,
1583,
29889,
18045,
353,
7700,
13,
13,
4706,
565,
289,
14047,
29918,
1853,
1275,
525,
3150,
5838,
29883,
2396,
13,
9651,
1583,
29889,
5838,
29883,
353,
1722,
29918,
5838,
29883,
29889,
7507,
29898,
3069,
29892,
1404,
29892,
282,
29893,
29897,
13,
9651,
565,
338,
8758,
29898,
1311,
29889,
5838,
29883,
29892,
7274,
29889,
29879,
10964,
29889,
7317,
1125,
13,
18884,
1583,
29889,
18045,
353,
5852,
13,
4706,
25342,
289,
14047,
29918,
1853,
1275,
525,
666,
2460,
2396,
13,
9651,
1583,
29889,
5838,
29883,
353,
10377,
2460,
29889,
7507,
29898,
3069,
29892,
1404,
29892,
282,
29893,
29897,
13,
9651,
565,
338,
8758,
29898,
1311,
29889,
5838,
29883,
29892,
10377,
2460,
29889,
6519,
29889,
6255,
1125,
13,
18884,
1583,
29889,
18045,
353,
5852,
13,
4706,
1683,
29901,
13,
9651,
1583,
29889,
1188,
29889,
2704,
29898,
29888,
29915,
25807,
29884,
3016,
287,
350,
12513,
1134,
29901,
426,
5838,
29883,
29918,
1853,
29913,
1495,
13,
13,
1678,
822,
338,
29918,
18045,
29898,
1311,
1125,
13,
4706,
736,
1583,
29889,
18045,
13,
13,
1678,
822,
679,
29918,
3069,
29898,
1311,
1125,
13,
4706,
736,
1583,
29889,
3069,
13,
13,
1678,
822,
1480,
449,
29898,
1311,
1125,
13,
4706,
565,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
3150,
5838,
29883,
2396,
13,
9651,
736,
1722,
29918,
5838,
29883,
29889,
1188,
449,
29898,
1311,
29889,
3069,
29892,
1583,
29889,
1792,
29892,
1583,
29889,
29886,
29893,
29892,
1583,
29889,
5838,
29883,
29897,
13,
4706,
25342,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
666,
2460,
2396,
13,
9651,
736,
10377,
2460,
29889,
1188,
449,
29898,
1311,
29889,
3069,
29892,
1583,
29889,
1792,
29892,
1583,
29889,
29886,
29893,
29892,
1583,
29889,
5838,
29883,
29897,
13,
13,
1678,
822,
521,
465,
275,
29918,
13519,
29898,
1311,
29892,
1015,
29892,
11815,
29922,
29945,
1125,
13,
4706,
565,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
3150,
5838,
29883,
2396,
13,
9651,
736,
1722,
29918,
5838,
29883,
29889,
305,
465,
275,
21472,
29898,
1311,
29889,
3069,
29892,
1015,
29892,
1583,
29889,
5838,
29883,
29897,
13,
4706,
565,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
666,
2460,
2396,
13,
9651,
736,
10377,
2460,
29889,
305,
465,
275,
21472,
29898,
1311,
29889,
3069,
29892,
1015,
29892,
1583,
29889,
5838,
29883,
29897,
13,
13,
1678,
822,
3495,
29918,
4777,
29918,
4993,
29898,
1311,
29892,
2752,
2433,
742,
11815,
29922,
29945,
1125,
13,
4706,
565,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
3150,
5838,
29883,
2396,
13,
9651,
736,
1722,
29918,
5838,
29883,
29889,
3069,
20967,
4435,
29898,
1311,
29889,
3069,
29892,
2752,
29892,
1583,
29889,
5838,
29883,
29897,
13,
4706,
25342,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
666,
2460,
2396,
13,
9651,
736,
10377,
2460,
29889,
3069,
20967,
4435,
29898,
1311,
29889,
3069,
29892,
2752,
29892,
1583,
29889,
5838,
29883,
29897,
13,
13,
1678,
822,
3495,
29918,
4777,
29918,
8513,
29898,
1311,
29892,
4464,
2433,
742,
11815,
29922,
29945,
1125,
13,
4706,
565,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
3150,
5838,
29883,
2396,
13,
9651,
736,
1722,
29918,
5838,
29883,
29889,
3069,
20967,
6818,
29898,
1311,
29889,
3069,
29892,
4464,
29892,
1583,
29889,
5838,
29883,
29897,
13,
4706,
25342,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
666,
2460,
2396,
13,
9651,
736,
10377,
2460,
29889,
3069,
20967,
6818,
29898,
1311,
29889,
3069,
29892,
4464,
29892,
1583,
29889,
5838,
29883,
29897,
13,
13,
1678,
822,
289,
14047,
29918,
12071,
29898,
1311,
29892,
1015,
1125,
13,
4706,
565,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
3150,
5838,
29883,
2396,
13,
9651,
736,
1722,
29918,
5838,
29883,
29889,
5838,
29883,
27175,
29898,
1311,
29889,
3069,
29892,
1015,
29892,
1583,
29889,
5838,
29883,
29897,
13,
4706,
25342,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
666,
2460,
2396,
13,
9651,
736,
10377,
2460,
29889,
5838,
29883,
27175,
29898,
1311,
29889,
3069,
29892,
1015,
29892,
1583,
29889,
5838,
29883,
29897,
13,
13,
1678,
822,
289,
14047,
29918,
4882,
29898,
1311,
29892,
11815,
29922,
29945,
1125,
13,
4706,
565,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
3150,
5838,
29883,
2396,
13,
9651,
736,
1722,
29918,
5838,
29883,
29889,
5838,
29883,
21472,
2792,
29898,
1311,
29889,
3069,
29892,
1583,
29889,
5838,
29883,
29892,
11815,
29897,
13,
4706,
25342,
1583,
29889,
5838,
29883,
29918,
1853,
1275,
525,
666,
2460,
2396,
13,
9651,
736,
525,
28181,
29915,
13,
13,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
13,
1678,
9995,
8964,
4660,
310,
278,
2233,
5402,
5739,
6656,
5177,
13,
1678,
826,
3174,
29901,
13,
4706,
2672,
29963,
29918,
7724,
313,
1807,
1125,
512,
23886,
934,
29889,
13,
4706,
25401,
29918,
1307,
29963,
6670,
313,
1807,
1125,
4522,
3233,
29889,
13,
13,
1678,
390,
1759,
267,
29901,
13,
539,
8960,
29901,
960,
3443,
2302,
338,
8340,
29889,
13,
1678,
9995,
13,
13,
1678,
17927,
29889,
3258,
877,
8382,
742,
525,
8382,
1495,
13,
1678,
1480,
353,
17927,
29889,
657,
21707,
580,
13,
13,
1678,
13812,
353,
1852,
5510,
29889,
15730,
11726,
580,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
3069,
742,
302,
5085,
2433,
29973,
742,
13,
462,
4706,
1371,
2433,
5838,
29883,
10377,
3211,
742,
13,
462,
4706,
2322,
2433,
1495,
13,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
1792,
742,
302,
5085,
2433,
29973,
742,
13,
462,
4706,
1371,
2433,
5838,
29883,
1404,
742,
13,
462,
4706,
2322,
2433,
3035,
16173,
1495,
13,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
29886,
29893,
742,
302,
5085,
2433,
29973,
742,
13,
462,
4706,
1371,
2433,
5838,
29883,
4800,
742,
13,
462,
4706,
2322,
2433,
29966,
25711,
17013,
29958,
1495,
13,
13,
29937,
1678,
13812,
29889,
1202,
29918,
23516,
877,
1792,
742,
302,
5085,
2433,
29973,
742,
13,
29937,
462,
4706,
1371,
2433,
5838,
29883,
1404,
742,
13,
29937,
462,
4706,
2322,
2433,
4632,
1495,
13,
29937,
13,
29937,
1678,
13812,
29889,
1202,
29918,
23516,
877,
29886,
29893,
742,
302,
5085,
2433,
29973,
742,
13,
29937,
462,
4706,
1371,
2433,
5838,
29883,
4800,
742,
13,
29937,
462,
4706,
2322,
2433,
29966,
25711,
17013,
29958,
1495,
13,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
5838,
29883,
29918,
1853,
742,
302,
5085,
2433,
29973,
742,
19995,
29922,
1839,
3150,
742,
525,
666,
2460,
7464,
13,
462,
4706,
1371,
2433,
5838,
29883,
1134,
313,
3150,
29892,
10377,
2460,
29897,
742,
13,
462,
4706,
2322,
2433,
666,
2460,
1495,
13,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
489,
2158,
742,
17411,
29886,
742,
2731,
2433,
1188,
29918,
29880,
20901,
29918,
2158,
742,
13,
462,
4706,
1371,
2433,
2158,
1480,
3233,
742,
2322,
2433,
3888,
1495,
13,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
489,
1445,
742,
17411,
29888,
742,
2731,
2433,
1188,
29918,
29880,
20901,
29918,
1445,
742,
13,
462,
4706,
1371,
2433,
1445,
1480,
3233,
742,
2322,
2433,
3888,
1495,
13,
13,
1678,
6389,
353,
13812,
29889,
5510,
29918,
5085,
580,
13,
13,
1678,
565,
451,
6389,
29889,
3069,
29901,
13,
4706,
6389,
29889,
3069,
353,
1881,
877,
10399,
289,
14047,
10377,
3211,
29901,
25710,
13,
13,
1678,
289,
14047,
353,
350,
14047,
29898,
5085,
29889,
3069,
29892,
6389,
29889,
1792,
29892,
6389,
29889,
29886,
29893,
29892,
6389,
29889,
5838,
29883,
29918,
1853,
29897,
13,
13,
1678,
565,
289,
14047,
29889,
275,
29918,
18045,
7295,
13,
4706,
1596,
29898,
29888,
29915,
1188,
3192,
964,
350,
12513,
426,
5838,
29883,
29913,
1495,
13,
4706,
565,
6389,
29889,
5838,
29883,
29918,
1853,
297,
6702,
3150,
742,
525,
666,
2460,
29374,
13,
9651,
289,
14047,
29918,
4882,
353,
289,
14047,
29889,
5838,
29883,
29918,
4882,
580,
13,
9651,
1596,
29898,
29888,
29915,
29933,
12513,
4660,
29901,
426,
5838,
29883,
29918,
4882,
29913,
1495,
13,
9651,
396,
1596,
877,
29934,
774,
3155,
292,
289,
14047,
1495,
13,
9651,
396,
364,
353,
289,
14047,
29889,
5838,
29883,
29918,
12071,
877,
29883,
1025,
1495,
13,
9651,
396,
1596,
29898,
29888,
29915,
29933,
12513,
2933,
29901,
426,
29878,
29913,
1495,
13,
9651,
396,
565,
451,
364,
29901,
13,
9651,
396,
268,
1480,
29889,
2704,
29898,
29888,
29915,
17776,
22538,
310,
289,
14047,
426,
5085,
29889,
3069,
1836,
1495,
13,
9651,
396,
1683,
29901,
13,
9651,
396,
268,
1596,
877,
4165,
3456,
292,
350,
12513,
1480,
449,
856,
1495,
13,
9651,
396,
268,
565,
289,
14047,
29889,
1188,
449,
7295,
13,
9651,
396,
308,
1596,
29898,
29888,
29915,
3403,
3192,
714,
310,
350,
12513,
426,
5085,
29889,
3069,
29913,
1495,
13,
9651,
396,
268,
1683,
29901,
13,
9651,
396,
308,
1480,
29889,
8382,
29898,
29888,
29915,
17776,
304,
1480,
714,
310,
350,
12513,
426,
5085,
29889,
3069,
29913,
1495,
13,
9651,
396,
308,
628,
289,
14047,
13,
13,
9651,
396,
1596,
877,
29020,
3495,
6579,
4464,
1495,
13,
9651,
396,
364,
353,
289,
14047,
29889,
3069,
29918,
4777,
29918,
8513,
877,
15227,
1495,
13,
13,
9651,
396,
679,
6579,
2752,
13,
9651,
396,
364,
353,
289,
14047,
29889,
3069,
29918,
4777,
29918,
4993,
580,
13,
9651,
396,
1596,
29898,
29888,
29915,
3069,
6579,
2752,
29901,
426,
29878,
29913,
1495,
13,
13,
9651,
396,
2752,
353,
525,
11618,
29915,
13,
9651,
396,
2752,
353,
525,
4381,
29915,
13,
9651,
396,
1596,
29898,
29888,
29915,
29020,
3495,
6579,
2752,
304,
426,
4993,
29913,
1495,
13,
9651,
396,
364,
353,
289,
14047,
29889,
3069,
29918,
4777,
29918,
4993,
29898,
4993,
29897,
13,
13,
9651,
396,
1596,
877,
695,
2209,
292,
350,
12513,
3957,
1495,
13,
9651,
396,
289,
14047,
29889,
1188,
449,
580,
13,
13,
4706,
1596,
877,
4165,
3456,
292,
304,
1480,
1250,
964,
350,
12513,
1495,
13,
4706,
1550,
5852,
29901,
13,
9651,
289,
14047,
353,
350,
14047,
29898,
5085,
29889,
3069,
29892,
6389,
29889,
1792,
29892,
6389,
29889,
29886,
29893,
29892,
6389,
29889,
5838,
29883,
29918,
1853,
29897,
13,
9651,
565,
289,
14047,
29889,
275,
29918,
18045,
7295,
13,
18884,
1596,
29898,
29888,
12764,
1983,
29884,
1676,
3730,
13817,
1250,
964,
426,
5085,
29889,
3069,
29913,
1495,
13,
18884,
2867,
13,
9651,
1683,
29901,
13,
18884,
1596,
877,
17776,
6464,
4218,
1495,
13,
18884,
931,
29889,
17059,
29898,
29941,
29897,
13,
1678,
1683,
29901,
13,
4706,
1480,
29889,
2704,
877,
17776,
304,
25112,
278,
289,
14047,
770,
1495,
13,
13,
1678,
1596,
877,
15091,
1495,
13,
2
] |
backend/base/urls/order_urls.py | danylott/sale-rent-real-estate-platform | 0 | 155565 | from django.urls import path
from base.views import order_views as views
urlpatterns = [
path("", views.get_orders, name="orders"),
path("add/", views.add_order_items, name="orders-add"),
path("myorders/", views.get_my_orders, name="myorders"),
path("<str:pk>/", views.get_order_by_id, name="user-order"),
path("<str:pk>/deliver/", views.update_order_to_delivered, name="order-delivered"),
path("<str:pk>/pay/", views.update_order_to_paid, name="pay"),
]
| [
1,
515,
9557,
29889,
26045,
1053,
2224,
13,
13,
3166,
2967,
29889,
7406,
1053,
1797,
29918,
7406,
408,
8386,
13,
13,
2271,
11037,
29879,
353,
518,
13,
1678,
2224,
703,
613,
8386,
29889,
657,
29918,
20488,
29892,
1024,
543,
20488,
4968,
13,
1678,
2224,
703,
1202,
29914,
613,
8386,
29889,
1202,
29918,
2098,
29918,
7076,
29892,
1024,
543,
20488,
29899,
1202,
4968,
13,
1678,
2224,
703,
1357,
20488,
29914,
613,
8386,
29889,
657,
29918,
1357,
29918,
20488,
29892,
1024,
543,
1357,
20488,
4968,
13,
1678,
2224,
28945,
710,
29901,
20571,
20690,
613,
8386,
29889,
657,
29918,
2098,
29918,
1609,
29918,
333,
29892,
1024,
543,
1792,
29899,
2098,
4968,
13,
1678,
2224,
28945,
710,
29901,
20571,
20690,
6144,
2147,
29914,
613,
8386,
29889,
5504,
29918,
2098,
29918,
517,
29918,
6144,
2147,
287,
29892,
1024,
543,
2098,
29899,
6144,
2147,
287,
4968,
13,
1678,
2224,
28945,
710,
29901,
20571,
20690,
10472,
29914,
613,
8386,
29889,
5504,
29918,
2098,
29918,
517,
29918,
3274,
333,
29892,
1024,
543,
10472,
4968,
13,
29962,
13,
2
] |
value_based_1.py | frankfangy/gridlab | 0 | 32200 | <reponame>frankfangy/gridlab
# -*- coding: utf-8 -*-
'''
这个来源于 udacity 的讲座
验证基础的概念和算法
'''
from grid_world import *
import sys
#from PyQt5.QtCore import QPoint, QRect, QSize, Qt
#from PyQt5.QtGui import (QBrush, QPainter, QColor, QPen )
#from PyQt5.QtWidgets import (QApplication, QPushButton, QCheckBox, QGridLayout,QLabel, QWidget, QInputDialog)
from PyQt5.QtWidgets import ( QLabel , QTextEdit , QPlainTextEdit , QLineEdit )
import numpy as np
from random import randint
import time
from math import fabs
class value_based(grid_world):
'''
用来实验各种算法,并图形展示,基于方块地图
'''
def __init__(self):
super(value_based, self).__init__()
def config_map(self):
# 地图大小 , 初始map , 供子类再定义
self.map_mask = '''
1113
1214
1111
''' # map mask must be plus i8 (0 ~ 127 )
def config_gui(self):
super(value_based, self).config_gui()
self.add_ctrl( QLabel , '移动奖励' )
self.edit_moving_reward = self.add_ctrl( QLineEdit , '-0.04' , 15 )
self.add_ctrl( QLabel , '绿位奖励' )
self.edit_green_reward = self.add_ctrl( QLineEdit , '+1' , 15 )
self.add_ctrl( QLabel , '红位奖励' )
self.edit_red_reward = self.add_ctrl( QLineEdit , '-1' , 15 )
self.add_ctrl( QLabel , '运动稳定度' )
self.edit_moving_stability = self.add_ctrl( QLineEdit , '0.8' , 15 )
self.block_size = 60 # using a bigger block
def reset(self):
'''
初始化地图,以及计算条件,可能会反复运算
'''
self.moving_reward = float( self.edit_moving_reward.text() )
self.green_reward = float( self.edit_green_reward.text() )
self.red_reward = float( self.edit_red_reward.text() )
self.moving_stability = float( self.edit_moving_stability.text() )
print('get config :',self.moving_reward , self.green_reward , self.red_reward , self.moving_stability )
# init value
self.value_init = -100
self.value = np.zeros( ( self.map_width , self.map_height ) , float )
for x in range(self.map_width):
for y in range(self.map_height):
mpv = self.map[x][y]
self.value[x][y] = {1:self.value_init , 2:self.value_init , 3: self.green_reward , 4:self.red_reward }.get(mpv,0)
self.show_direction = False
self.update()
def avaliable_for_value(self,x,y):
if x < 0 or x >= self.map_width or y < 0 or y >= self.map_height:
return False
return self.map[x][y] != 2
def calc_direction(self):
self.direction = np.ndarray( ( self.map_width , self.map_height ) , dtype=np.int8 )
for x in range(self.map_width):
for y in range(self.map_height):
maxv = self.value_init
ii = 4 # stay there
if self.avaliable_for_value(x,y):
v0 = self.value[x][y]
for i in range(5):
d = ((0,-1),(1,0),(0,1),(-1,0),(0,0))[i]
nx = x + d[0]
ny = y + d[1]
if self.avaliable_for_value(nx,ny):
if maxv < self.value[nx][ny] :
ii = i
maxv = self.value[nx][ny]
self.direction[x][y] = ii
self.show_direction = True
def run_proc(self):
''' 此处是一个示范代码,子类应沿袭相同结构 '''
# setup flag
self.running = True
self.set_log('运算中')
while self.running:
updated = 0
self.value_old = self.value.copy()
for x in range(self.map_width):
for y in range(self.map_height):
if self.map[x][y] == 1:
v0 = self.value_old[x][y]
maxv = self.value_init
for i in range(4):
d =((0,-1),(1,0),(0,1),(-1,0))[i]
d1 =((-1,0),(0,-1),(1,0),(0,1))[i]
d2 =((1,0),(0,1),(-1,0),(0,-1))[i]
nx = x + d[0]
ny = y + d[1]
nx1 = x + d1[0]
ny1 = y + d1[1]
nx2 = x + d2[0]
ny2 = y + d2[1]
if self.avaliable_for_value(nx,ny): # this nx,ny is avaliable for value
# 计算,如果向 nx ny 点移动, 本地的value值可能是多少
v = self.value_old[nx][ny] * self.moving_stability
if self.avaliable_for_value(nx1,ny1):
v += (1.0-self.moving_stability )*0.5 * self.value_old[nx1][ny1]
else: # 留在原地
v += (1-self.moving_stability )*0.5 * v0
if self.avaliable_for_value(nx2,ny2):
v += (1-self.moving_stability )*0.5 * self.value_old[nx2][ny2]
else: # 留在原地
v += (1-self.moving_stability )*0.5 * v0
if v > maxv:
maxv = v
# here we got the maxv
if v0 - self.moving_reward < maxv:
updated += fabs( v0 - maxv - self.moving_reward )
self.value[x][y] = maxv + self.moving_reward
if updated < 1e-5 :
break
self.update()
time.sleep(0.3)
self.set_log('价值网络计算完成')
self.calc_direction()
self.running = False
self.update()
def draw_block(self, painter,x,y , block_map_value = None ):
painter.save()
if block_map_value is None:
block_map_value = self.map[x][y]
block_value = self.value[x][y]
bkcolor = {0:(55,55,55) , 1:(222,255,222) , 2 :(111,111,111) , 3:(111,255,111) , 4:(255,0,0) }.get( block_map_value , (0,0,0) )
self.draw_background( painter, x,y , bkcolor )
if block_map_value == 1: # path block
self.draw_text( painter , x,y , '%g'%(block_value) , (0,0,0) , 'd' )
if self.show_direction:
self.draw_arrow(painter,x,y, 'urdlo'[ self.direction[x][y] ] , (255,0,0) , 'u' )
elif block_map_value != 2: # other
self.draw_text( painter , x,y , str(block_value) , (0,0,0) , 'd' )
painter.restore()
if __name__ == '__main__':
run_gui( value_based )
| [
1,
529,
276,
1112,
420,
29958,
29888,
10003,
11363,
29891,
29914,
7720,
8205,
13,
29937,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
6756,
13,
12008,
30004,
13,
30810,
30502,
30805,
31193,
30909,
11430,
5946,
29871,
30210,
235,
177,
181,
31780,
6756,
13,
236,
173,
143,
235,
178,
132,
31359,
234,
164,
131,
30210,
233,
169,
133,
232,
194,
184,
30503,
31565,
30545,
30004,
13,
30004,
13,
12008,
30004,
13,
3166,
6856,
29918,
11526,
1053,
334,
30004,
13,
30004,
13,
5215,
10876,
6756,
13,
29937,
3166,
10772,
17303,
29945,
29889,
17303,
9203,
1053,
660,
5228,
29892,
660,
7364,
29892,
660,
3505,
29892,
14705,
259,
6756,
13,
29937,
3166,
10772,
17303,
29945,
29889,
17303,
28707,
1053,
313,
29984,
27680,
29892,
29871,
660,
29925,
475,
357,
29892,
660,
3306,
29892,
660,
29925,
264,
1723,
30004,
13,
29937,
3166,
10772,
17303,
29945,
29889,
17303,
8801,
29879,
1053,
313,
29984,
4873,
29892,
660,
27031,
3125,
29892,
660,
28360,
29892,
660,
5756,
3453,
29892,
2239,
1107,
29892,
660,
8801,
29892,
660,
4290,
7647,
8443,
13,
30004,
13,
3166,
10772,
17303,
29945,
29889,
17303,
8801,
29879,
1053,
313,
660,
4775,
1919,
660,
1626,
6103,
1919,
660,
29925,
7420,
1626,
6103,
1919,
660,
3542,
6103,
29871,
1723,
30004,
13,
30004,
13,
5215,
12655,
408,
7442,
6756,
13,
3166,
4036,
1053,
20088,
524,
6756,
13,
5215,
931,
6756,
13,
3166,
5844,
1053,
285,
6897,
30004,
13,
30004,
13,
30004,
13,
1990,
995,
29918,
6707,
29898,
7720,
29918,
11526,
1125,
259,
6756,
13,
1678,
14550,
30004,
13,
268,
30406,
30805,
31195,
236,
173,
143,
232,
147,
135,
31893,
31565,
30545,
30214,
31666,
30861,
31305,
31599,
30858,
30214,
31359,
30909,
30525,
232,
160,
154,
30533,
30861,
30004,
13,
1678,
14550,
30004,
13,
1678,
822,
4770,
2344,
12035,
1311,
1125,
29871,
6756,
13,
4706,
2428,
29898,
1767,
29918,
6707,
29892,
1583,
467,
1649,
2344,
1649,
580,
29871,
6756,
13,
4706,
6756,
13,
1678,
822,
2295,
29918,
1958,
29898,
1311,
1125,
30004,
13,
4706,
396,
29871,
30533,
30861,
30257,
30446,
1919,
29871,
31120,
31020,
1958,
1919,
29871,
231,
193,
158,
30319,
30832,
31733,
30495,
31349,
30004,
13,
4706,
1583,
29889,
1958,
29918,
13168,
353,
14550,
30004,
13,
308,
29896,
29896,
29896,
29941,
30004,
13,
308,
29896,
29906,
29896,
29946,
30004,
13,
308,
29896,
29896,
29896,
29896,
30004,
13,
4706,
14550,
396,
2910,
11105,
1818,
367,
2298,
474,
29947,
313,
29900,
3695,
29871,
29896,
29906,
29955,
1723,
30004,
13,
6756,
13,
30004,
13,
1678,
822,
2295,
29918,
23569,
29898,
1311,
1125,
30004,
13,
4706,
2428,
29898,
1767,
29918,
6707,
29892,
1583,
467,
2917,
29918,
23569,
26471,
13,
6756,
13,
4706,
1583,
29889,
1202,
29918,
24220,
29898,
660,
4775,
1919,
525,
31618,
30846,
232,
168,
153,
232,
141,
180,
29915,
1723,
30004,
13,
4706,
1583,
29889,
5628,
29918,
13529,
292,
29918,
276,
1328,
353,
1583,
29889,
1202,
29918,
24220,
29898,
660,
3542,
6103,
1919,
17411,
29900,
29889,
29900,
29946,
29915,
1919,
29871,
29896,
29945,
1723,
30004,
13,
30004,
13,
4706,
1583,
29889,
1202,
29918,
24220,
29898,
660,
4775,
1919,
525,
234,
190,
194,
30956,
232,
168,
153,
232,
141,
180,
29915,
1723,
30004,
13,
4706,
1583,
29889,
5628,
29918,
12692,
29918,
276,
1328,
353,
1583,
29889,
1202,
29918,
24220,
29898,
660,
3542,
6103,
1919,
525,
29974,
29896,
29915,
1919,
29871,
29896,
29945,
1723,
30004,
13,
30004,
13,
4706,
1583,
29889,
1202,
29918,
24220,
29898,
660,
4775,
1919,
525,
31869,
30956,
232,
168,
153,
232,
141,
180,
29915,
1723,
30004,
13,
4706,
1583,
29889,
5628,
29918,
1127,
29918,
276,
1328,
353,
1583,
29889,
1202,
29918,
24220,
29898,
660,
3542,
6103,
1919,
17411,
29896,
29915,
1919,
29871,
29896,
29945,
1723,
30004,
13,
30004,
13,
4706,
1583,
29889,
1202,
29918,
24220,
29898,
660,
4775,
1919,
525,
31894,
30846,
234,
171,
182,
30495,
30898,
29915,
1723,
30004,
13,
4706,
1583,
29889,
5628,
29918,
13529,
292,
29918,
303,
3097,
353,
1583,
29889,
1202,
29918,
24220,
29898,
660,
3542,
6103,
1919,
525,
29900,
29889,
29947,
29915,
1919,
29871,
29896,
29945,
1723,
30004,
13,
30004,
13,
4706,
1583,
29889,
1271,
29918,
2311,
353,
29871,
29953,
29900,
396,
773,
263,
16600,
2908,
30004,
13,
30004,
13,
1678,
822,
10092,
29898,
1311,
1125,
29871,
6756,
13,
4706,
14550,
30004,
13,
308,
31120,
31020,
30705,
30533,
30861,
30214,
30651,
31436,
31466,
31565,
31217,
30631,
30214,
30682,
30815,
30437,
31908,
31810,
31894,
31565,
6756,
13,
4706,
14550,
30004,
13,
4706,
1583,
29889,
13529,
292,
29918,
276,
1328,
353,
5785,
29898,
1583,
29889,
5628,
29918,
13529,
292,
29918,
276,
1328,
29889,
726,
580,
1723,
30004,
13,
4706,
1583,
29889,
12692,
29918,
276,
1328,
353,
5785,
29898,
1583,
29889,
5628,
29918,
12692,
29918,
276,
1328,
29889,
726,
580,
1723,
30004,
13,
4706,
1583,
29889,
1127,
29918,
276,
1328,
353,
5785,
29898,
1583,
29889,
5628,
29918,
1127,
29918,
276,
1328,
29889,
726,
580,
1723,
30004,
13,
4706,
1583,
29889,
13529,
292,
29918,
303,
3097,
353,
5785,
29898,
1583,
29889,
5628,
29918,
13529,
292,
29918,
303,
3097,
29889,
726,
580,
1723,
30004,
13,
4706,
1596,
877,
657,
2295,
584,
742,
1311,
29889,
13529,
292,
29918,
276,
1328,
1919,
1583,
29889,
12692,
29918,
276,
1328,
1919,
1583,
29889,
1127,
29918,
276,
1328,
1919,
1583,
29889,
13529,
292,
29918,
303,
3097,
1723,
30004,
13,
30004,
13,
4706,
396,
2069,
995,
30004,
13,
4706,
1583,
29889,
1767,
29918,
2344,
353,
448,
29896,
29900,
29900,
30004,
13,
4706,
1583,
29889,
1767,
353,
7442,
29889,
3298,
359,
29898,
313,
1583,
29889,
1958,
29918,
2103,
1919,
1583,
29889,
1958,
29918,
3545,
1723,
1919,
5785,
1723,
30004,
13,
4706,
363,
921,
297,
3464,
29898,
1311,
29889,
1958,
29918,
2103,
1125,
30004,
13,
9651,
363,
343,
297,
3464,
29898,
1311,
29889,
1958,
29918,
3545,
1125,
30004,
13,
18884,
22326,
29894,
353,
1583,
29889,
1958,
29961,
29916,
3816,
29891,
29962,
30004,
13,
18884,
1583,
29889,
1767,
29961,
29916,
3816,
29891,
29962,
353,
426,
29896,
29901,
1311,
29889,
1767,
29918,
2344,
1919,
29871,
29906,
29901,
1311,
29889,
1767,
29918,
2344,
1919,
29871,
29941,
29901,
1583,
29889,
12692,
29918,
276,
1328,
1919,
29871,
29946,
29901,
1311,
29889,
1127,
29918,
276,
1328,
500,
29889,
657,
29898,
1526,
29894,
29892,
29900,
8443,
13,
30004,
13,
4706,
1583,
29889,
4294,
29918,
20845,
353,
7700,
6756,
13,
4706,
1583,
29889,
5504,
26471,
13,
30004,
13,
1678,
822,
263,
791,
29875,
519,
29918,
1454,
29918,
1767,
29898,
1311,
29892,
29916,
29892,
29891,
1125,
30004,
13,
4706,
565,
921,
529,
29871,
29900,
470,
921,
6736,
1583,
29889,
1958,
29918,
2103,
470,
343,
529,
29871,
29900,
470,
343,
6736,
1583,
29889,
1958,
29918,
3545,
29901,
30004,
13,
9651,
736,
7700,
6756,
13,
4706,
736,
1583,
29889,
1958,
29961,
29916,
3816,
29891,
29962,
2804,
29871,
29906,
30004,
13,
30004,
13,
1678,
822,
22235,
29918,
20845,
29898,
1311,
1125,
30004,
13,
4706,
1583,
29889,
20845,
353,
7442,
29889,
299,
2378,
29898,
313,
1583,
29889,
1958,
29918,
2103,
1919,
1583,
29889,
1958,
29918,
3545,
1723,
1919,
26688,
29922,
9302,
29889,
524,
29947,
1723,
30004,
13,
4706,
363,
921,
297,
3464,
29898,
1311,
29889,
1958,
29918,
2103,
1125,
30004,
13,
9651,
363,
343,
297,
3464,
29898,
1311,
29889,
1958,
29918,
3545,
1125,
18884,
6756,
13,
18884,
4236,
29894,
353,
1583,
29889,
1767,
29918,
2344,
30004,
13,
18884,
13607,
353,
29871,
29946,
396,
7952,
727,
30004,
13,
18884,
565,
1583,
29889,
485,
2606,
519,
29918,
1454,
29918,
1767,
29898,
29916,
29892,
29891,
1125,
30004,
13,
462,
1678,
325,
29900,
353,
1583,
29889,
1767,
29961,
29916,
3816,
29891,
29962,
30004,
13,
462,
1678,
363,
474,
297,
3464,
29898,
29945,
1125,
30004,
13,
462,
4706,
270,
353,
5135,
29900,
6653,
29896,
21336,
29896,
29892,
29900,
21336,
29900,
29892,
29896,
511,
6278,
29896,
29892,
29900,
21336,
29900,
29892,
29900,
876,
29961,
29875,
29962,
30004,
13,
462,
4706,
302,
29916,
353,
921,
718,
270,
29961,
29900,
29962,
30004,
13,
462,
4706,
7098,
353,
343,
718,
270,
29961,
29896,
29962,
30004,
13,
462,
4706,
565,
1583,
29889,
485,
2606,
519,
29918,
1454,
29918,
1767,
29898,
23818,
29892,
1460,
1125,
30004,
13,
462,
9651,
565,
4236,
29894,
529,
1583,
29889,
1767,
29961,
23818,
3816,
1460,
29962,
29871,
584,
30004,
13,
462,
18884,
13607,
353,
474,
6756,
13,
462,
18884,
4236,
29894,
353,
1583,
29889,
1767,
29961,
23818,
3816,
1460,
29962,
6756,
13,
462,
1678,
1583,
29889,
20845,
29961,
29916,
3816,
29891,
29962,
353,
13607,
6756,
13,
4706,
1583,
29889,
4294,
29918,
20845,
353,
5852,
6756,
13,
268,
6756,
13,
1678,
822,
1065,
29918,
15439,
29898,
1311,
1125,
30004,
13,
4706,
14550,
29871,
31389,
31548,
30392,
30287,
30502,
30858,
235,
143,
134,
30690,
31183,
30214,
30319,
30832,
31370,
233,
181,
194,
235,
165,
176,
30990,
30980,
31320,
31901,
14550,
30004,
13,
4706,
396,
6230,
7353,
30004,
13,
4706,
1583,
29889,
21094,
353,
5852,
30004,
13,
4706,
1583,
29889,
842,
29918,
1188,
877,
31894,
31565,
30275,
1495,
30004,
13,
30004,
13,
4706,
1550,
1583,
29889,
21094,
29901,
30004,
13,
9651,
4784,
353,
29871,
29900,
30004,
13,
9651,
1583,
29889,
1767,
29918,
1025,
353,
1583,
29889,
1767,
29889,
8552,
26471,
13,
9651,
363,
921,
297,
3464,
29898,
1311,
29889,
1958,
29918,
2103,
1125,
30004,
13,
18884,
363,
343,
297,
3464,
29898,
1311,
29889,
1958,
29918,
3545,
1125,
30004,
13,
462,
1678,
565,
29871,
1583,
29889,
1958,
29961,
29916,
3816,
29891,
29962,
1275,
29871,
29896,
29901,
30004,
13,
462,
4706,
325,
29900,
353,
1583,
29889,
1767,
29918,
1025,
29961,
29916,
3816,
29891,
29962,
30004,
13,
462,
4706,
4236,
29894,
353,
1583,
29889,
1767,
29918,
2344,
6756,
13,
462,
4706,
363,
474,
297,
3464,
29898,
29946,
1125,
30004,
13,
462,
9651,
270,
29871,
353,
3552,
29900,
6653,
29896,
21336,
29896,
29892,
29900,
21336,
29900,
29892,
29896,
511,
6278,
29896,
29892,
29900,
876,
29961,
29875,
29962,
30004,
13,
462,
9651,
270,
29896,
353,
3552,
29899,
29896,
29892,
29900,
21336,
29900,
6653,
29896,
21336,
29896,
29892,
29900,
21336,
29900,
29892,
29896,
876,
29961,
29875,
29962,
30004,
13,
462,
9651,
270,
29906,
353,
3552,
29896,
29892,
29900,
21336,
29900,
29892,
29896,
511,
6278,
29896,
29892,
29900,
21336,
29900,
6653,
29896,
876,
29961,
29875,
29962,
30004,
13,
462,
9651,
302,
29916,
353,
921,
718,
270,
29961,
29900,
29962,
30004,
13,
462,
9651,
7098,
353,
343,
718,
270,
29961,
29896,
29962,
965,
6756,
13,
462,
9651,
302,
29916,
29896,
353,
921,
718,
270,
29896,
29961,
29900,
29962,
30004,
13,
462,
9651,
7098,
29896,
353,
343,
718,
270,
29896,
29961,
29896,
29962,
965,
6756,
13,
462,
9651,
302,
29916,
29906,
353,
921,
718,
270,
29906,
29961,
29900,
29962,
30004,
13,
462,
9651,
7098,
29906,
353,
343,
718,
270,
29906,
29961,
29896,
29962,
462,
9651,
6756,
13,
462,
9651,
565,
1583,
29889,
485,
2606,
519,
29918,
1454,
29918,
1767,
29898,
23818,
29892,
1460,
1125,
396,
445,
302,
29916,
29892,
1460,
338,
263,
791,
29875,
519,
363,
995,
30004,
13,
462,
18884,
396,
29871,
31466,
31565,
30214,
30847,
30801,
31331,
302,
29916,
7098,
29871,
30940,
31618,
30846,
30214,
29871,
30346,
30533,
30210,
1767,
30959,
30682,
30815,
30392,
30923,
31022,
6756,
13,
462,
18884,
325,
353,
1583,
29889,
1767,
29918,
1025,
29961,
23818,
3816,
1460,
29962,
334,
1583,
29889,
13529,
292,
29918,
303,
3097,
6756,
13,
462,
18884,
565,
1583,
29889,
485,
2606,
519,
29918,
1454,
29918,
1767,
29898,
23818,
29896,
29892,
1460,
29896,
1125,
30004,
13,
462,
462,
1678,
325,
4619,
313,
29896,
29889,
29900,
29899,
1311,
29889,
13529,
292,
29918,
303,
3097,
1723,
29930,
29900,
29889,
29945,
334,
1583,
29889,
1767,
29918,
1025,
29961,
23818,
29896,
3816,
1460,
29896,
29962,
30004,
13,
462,
18884,
1683,
29901,
29871,
396,
29871,
234,
152,
156,
30505,
30667,
30533,
30004,
13,
462,
462,
1678,
325,
4619,
313,
29896,
29899,
1311,
29889,
13529,
292,
29918,
303,
3097,
1723,
29930,
29900,
29889,
29945,
334,
325,
29900,
30004,
13,
30004,
13,
462,
18884,
565,
1583,
29889,
485,
2606,
519,
29918,
1454,
29918,
1767,
29898,
23818,
29906,
29892,
1460,
29906,
1125,
30004,
13,
462,
462,
1678,
325,
4619,
313,
29896,
29899,
1311,
29889,
13529,
292,
29918,
303,
3097,
1723,
29930,
29900,
29889,
29945,
334,
1583,
29889,
1767,
29918,
1025,
29961,
23818,
29906,
3816,
1460,
29906,
29962,
30004,
13,
462,
18884,
1683,
29901,
29871,
396,
29871,
234,
152,
156,
30505,
30667,
30533,
30004,
13,
462,
462,
1678,
325,
4619,
313,
29896,
29899,
1311,
29889,
13529,
292,
29918,
303,
3097,
1723,
29930,
29900,
29889,
29945,
334,
325,
29900,
30004,
13,
462,
18884,
565,
325,
1405,
4236,
29894,
29901,
30004,
13,
462,
462,
1678,
4236,
29894,
353,
325,
6756,
13,
462,
4706,
396,
1244,
591,
2355,
278,
4236,
29894,
6756,
13,
462,
4706,
565,
259,
325,
29900,
448,
1583,
29889,
13529,
292,
29918,
276,
1328,
529,
4236,
29894,
29901,
6756,
13,
462,
9651,
4784,
4619,
285,
6897,
29898,
325,
29900,
448,
4236,
29894,
448,
1583,
29889,
13529,
292,
29918,
276,
1328,
1723,
30004,
13,
462,
9651,
1583,
29889,
1767,
29961,
29916,
3816,
29891,
29962,
353,
4236,
29894,
718,
1583,
29889,
13529,
292,
29918,
276,
1328,
30004,
13,
9651,
565,
4784,
529,
29871,
29896,
29872,
29899,
29945,
584,
30004,
13,
18884,
2867,
6756,
13,
9651,
1583,
29889,
5504,
26471,
13,
9651,
931,
29889,
17059,
29898,
29900,
29889,
29941,
8443,
13,
30004,
13,
4706,
1583,
29889,
842,
29918,
1188,
877,
231,
190,
186,
30959,
31222,
234,
190,
159,
31466,
31565,
31366,
30494,
1495,
259,
6756,
13,
4706,
1583,
29889,
28667,
29918,
20845,
580,
268,
6756,
13,
4706,
1583,
29889,
21094,
353,
7700,
29871,
6756,
13,
4706,
1583,
29889,
5504,
26471,
13,
30004,
13,
4706,
6756,
13,
1678,
822,
4216,
29918,
1271,
29898,
1311,
29892,
23187,
29892,
29916,
29892,
29891,
1919,
2908,
29918,
1958,
29918,
1767,
353,
6213,
259,
1125,
30004,
13,
4706,
23187,
29889,
7620,
26471,
13,
4706,
565,
2908,
29918,
1958,
29918,
1767,
338,
6213,
29901,
30004,
13,
9651,
2908,
29918,
1958,
29918,
1767,
353,
1583,
29889,
1958,
29961,
29916,
3816,
29891,
29962,
30004,
13,
4706,
2908,
29918,
1767,
353,
1583,
29889,
1767,
29961,
29916,
3816,
29891,
29962,
30004,
13,
4706,
6756,
13,
4706,
289,
29895,
2780,
353,
426,
29900,
5919,
29945,
29945,
29892,
29945,
29945,
29892,
29945,
29945,
29897,
1919,
29871,
29896,
5919,
29906,
29906,
29906,
29892,
29906,
29945,
29945,
29892,
29906,
29906,
29906,
29897,
1919,
29871,
29906,
16824,
29896,
29896,
29896,
29892,
29896,
29896,
29896,
29892,
29896,
29896,
29896,
29897,
1919,
29871,
29941,
5919,
29896,
29896,
29896,
29892,
29906,
29945,
29945,
29892,
29896,
29896,
29896,
29897,
1919,
29871,
29946,
5919,
29906,
29945,
29945,
29892,
29900,
29892,
29900,
29897,
500,
29889,
657,
29898,
2908,
29918,
1958,
29918,
1767,
1919,
313,
29900,
29892,
29900,
29892,
29900,
29897,
1723,
29871,
6756,
13,
4706,
1583,
29889,
4012,
29918,
7042,
29898,
23187,
29892,
921,
29892,
29891,
1919,
289,
29895,
2780,
29871,
1723,
30004,
13,
4706,
565,
2908,
29918,
1958,
29918,
1767,
1275,
29871,
29896,
29901,
396,
2224,
2908,
30004,
13,
9651,
1583,
29889,
4012,
29918,
726,
29898,
23187,
1919,
921,
29892,
29891,
1919,
29871,
14210,
29887,
29915,
29995,
29898,
1271,
29918,
1767,
29897,
1919,
313,
29900,
29892,
29900,
29892,
29900,
29897,
1919,
525,
29881,
29915,
29871,
1723,
30004,
13,
9651,
565,
1583,
29889,
4294,
29918,
20845,
29901,
30004,
13,
18884,
1583,
29889,
4012,
29918,
2936,
29898,
29886,
475,
357,
29892,
29916,
29892,
29891,
29892,
525,
18245,
417,
29915,
29961,
1583,
29889,
20845,
29961,
29916,
3816,
29891,
29962,
4514,
1919,
313,
29906,
29945,
29945,
29892,
29900,
29892,
29900,
29897,
1919,
29871,
525,
29884,
29915,
29871,
1723,
29871,
6756,
13,
4706,
25342,
2908,
29918,
1958,
29918,
1767,
2804,
29871,
29906,
29901,
396,
916,
30004,
13,
9651,
1583,
29889,
4012,
29918,
726,
29898,
23187,
1919,
921,
29892,
29891,
1919,
29871,
851,
29898,
1271,
29918,
1767,
29897,
1919,
313,
29900,
29892,
29900,
29892,
29900,
29897,
1919,
525,
29881,
29915,
29871,
1723,
30004,
13,
30004,
13,
4706,
23187,
29889,
5060,
487,
26471,
13,
30004,
13,
30004,
13,
30004,
13,
30004,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
29871,
6756,
13,
1678,
1065,
29918,
23569,
29898,
995,
29918,
6707,
1723,
6756,
13,
2
] |
BasicConcepts/SyntaxErrors/Volume1_Chapter6_SyntaxErrors_Fixed.py | jpike/PythonProgrammingForKids | 0 | 37565 | # Commenting syntax errors.
print("Printing out a message!") # This is a comment.
floating_point_number = 1.5 * 2.7
| [
1,
396,
461,
292,
5877,
4436,
29889,
13,
2158,
703,
11816,
292,
714,
263,
2643,
29991,
1159,
29871,
396,
910,
338,
263,
3440,
29889,
13,
29888,
417,
1218,
29918,
3149,
29918,
4537,
353,
29871,
29896,
29889,
29945,
334,
29871,
29906,
29889,
29955,
13,
2
] |
knox/serializers.py | liradb2000/django-rest-knox | 0 | 177945 | from django.contrib.auth import get_user_model
from rest_framework import serializers
from knox.models import AuthToken
User = get_user_model()
username_field = User.USERNAME_FIELD if hasattr(User, 'USERNAME_FIELD') else 'username'
class UserSerializer(serializers.ModelSerializer):
class Meta:
model = User
fields = (username_field,)
class AuthTokenSerializer(serializers.ModelSerializer):
class Meta:
model = AuthToken
fields = ('created', 'token_key') | [
1,
515,
9557,
29889,
21570,
29889,
5150,
1053,
679,
29918,
1792,
29918,
4299,
13,
3166,
1791,
29918,
4468,
1053,
7797,
19427,
13,
3166,
889,
2251,
29889,
9794,
1053,
13189,
6066,
13,
2659,
353,
679,
29918,
1792,
29918,
4299,
580,
13,
13,
6786,
29918,
2671,
353,
4911,
29889,
11889,
5813,
29918,
3738,
27286,
565,
756,
5552,
29898,
2659,
29892,
525,
11889,
5813,
29918,
3738,
27286,
1495,
1683,
525,
6786,
29915,
13,
13,
13,
1990,
4911,
17679,
29898,
15550,
19427,
29889,
3195,
17679,
1125,
13,
1678,
770,
20553,
29901,
13,
4706,
1904,
353,
4911,
13,
4706,
4235,
353,
313,
6786,
29918,
2671,
29892,
29897,
13,
13,
1990,
13189,
6066,
17679,
29898,
15550,
19427,
29889,
3195,
17679,
1125,
13,
1678,
770,
20553,
29901,
13,
4706,
1904,
353,
13189,
6066,
13,
4706,
4235,
353,
6702,
11600,
742,
525,
6979,
29918,
1989,
1495,
2
] |
src/rgw/setup/rgw.py | Seagate/cortx-rgw-integration | 2 | 91089 | #!/usr/bin/python3
# Copyright (c) 2022 Seagate Technology LLC and/or its Affiliates
# This program is free software: you can redistribute it and/or modify
# it under the terms of the GNU Affero General Public License as published
# by the Free Software Foundation, either version 3 of the License, or
# (at your option) any later version.
# This program is distributed in the hope that it will be useful,
# but WITHOUT ANY WARRANTY; without even the implied warranty of
# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the
# GNU Affero General Public License for more details.
# You should have received a copy of the GNU Affero General Public License
# along with this program. If not, see <https://www.gnu.org/licenses/>.
# For any questions about this software or licensing,
# please email <EMAIL> or <EMAIL>.
import os
import shutil
import time
import errno
import json
from urllib.parse import urlparse
from cortx.utils.security.certificate import Certificate
from cortx.utils.errors import SSLCertificateError
from cortx.utils.validator.v_pkg import PkgV
from cortx.utils.conf_store import Conf, MappedConf
from cortx.utils.conf_store.error import ConfError
from cortx.utils.process import SimpleProcess
from cortx.utils.schema.release import Release
from cortx.utils.log import Log
from cortx.rgw.setup.error import SetupError
from cortx.rgw.setup.rgw_service import RgwService
from cortx.utils.security.cipher import Cipher, CipherInvalidToken
from cortx.rgw import const
from cortx.utils.common import ExponentialBackoff
class Rgw:
"""Represents RGW and Performs setup related actions."""
_machine_id = Conf.machine_id
_conf_idx = f'{const.COMPONENT_NAME}_config' # e.g. rgw_config
@staticmethod
def validate(phase: str):
"""Perform validations."""
Log.info(f'validations started for {phase} phase.')
if phase == 'post_install':
# Perform RPM validations
for rpms in [const.REQUIRED_RPMS]:
PkgV().validate('rpms', rpms)
Log.info(f'All RGW required RPMs are installed on {Rgw._machine_id} node.')
elif phase == 'prepare':
Rgw._file_exist(const.CONF_TMPL)
Log.info(f'validations completed for {phase} phase.')
return 0
@staticmethod
def post_install(conf: MappedConf):
"""Performs post install operations."""
Log.info('PostInstall phase completed.')
return 0
@staticmethod
def prepare(conf: MappedConf):
"""Prepare for operations required before RGW can be configured."""
Log.info('Prepare phase started.')
try:
config_path = Rgw._get_rgw_config_path(conf)
tmpl_idx = f'{const.COMPONENT_NAME}_conf_tmpl' # e.g. rgw_conf_tmpl
tmpl_url = const.CONFSTORE_FILE_HANDLER + const.CONF_TMPL
Rgw._load_rgw_config(tmpl_idx, tmpl_url)
confstore_url = const.CONFSTORE_FILE_HANDLER + config_path
Rgw._load_rgw_config(Rgw._conf_idx, confstore_url)
Conf.copy(tmpl_idx, Rgw._conf_idx)
Conf.save(Rgw._conf_idx)
Log.info(f'{const.CONF_TMPL} config copied to {config_path}')
except Exception as e:
raise SetupError(errno.EINVAL, f'Error ocurred while fetching node ip, {e}')
Log.info('Prepare phase completed.')
return 0
@staticmethod
def config(conf: MappedConf):
"""Performs configurations."""
Log.info('Config phase started.')
Rgw._check_consul_connection(conf)
config_file = Rgw._get_rgw_config_path(conf)
if not os.path.exists(config_file):
raise SetupError(errno.EINVAL, f'"{config_file}" config file is not present.')
# Create ssl certificate
Rgw._generate_ssl_cert(conf)
# Create svc config
Rgw._create_svc_config(conf)
# Create motr trace directory for collecting m0trace files
# in case admin user creation issue during mini-provisioner execution.
Log.info('Creating motr trace directory for collecting m0trace files..')
log_path = Rgw._get_log_dir_path(conf)
motr_trace_dir = os.path.join(log_path, 'motr_trace_files')
os.makedirs(motr_trace_dir, exist_ok=True)
os.environ['M0_TRACE_DIR'] = motr_trace_dir
Log.info('Created motr trace directory : %s' % os.environ.get('M0_TRACE_DIR'))
# Read Motr HA(HAX) endpoint from data pod using hctl fetch-fids and update in config file
# Use remote hax endpoint running on data pod which will be available during rgw
# config phase since data pod starts before server pod.
# Try HAX endpoint from data pod of same node first & if it doesnt work,
# from other data pods in cluster
Rgw._update_hax_endpoint_and_create_admin(conf)
Log.info('Config phase completed.')
return 0
@staticmethod
def start(conf: MappedConf, index: str):
"""Create rgw admin user and start rgw service."""
Log.info(f'Configure logrotate for {const.COMPONENT_NAME} at path: {const.LOGROTATE_CONF}')
Rgw._logrotate_generic(conf)
# Before starting service,Verify backend store value=motr in rgw config file.
Rgw._verify_backend_store_value(conf)
# Create motr trace & addb stob dirctory.
# Collect fid value of motr to create addb value.
config_file = Rgw._get_rgw_config_path(conf)
confstore_url = const.CONFSTORE_FILE_HANDLER + config_file
Rgw._load_rgw_config(Rgw._conf_idx, confstore_url)
motr_fid_key = const.MOTR_MY_FID % index
motr_fid_value = Conf.get(Rgw._conf_idx, motr_fid_key)
log_path = Rgw._get_log_dir_path(conf)
motr_trace_dir = os.path.join(log_path, 'motr_trace_files')
addb_dir = os.path.join(log_path, f'addb_files-{motr_fid_value}')
os.makedirs(motr_trace_dir, exist_ok=True)
os.makedirs(addb_dir, exist_ok=True)
# Create rgw crash file directory
rgw_core_dir = os.path.join(log_path, 'rgw_debug')
os.makedirs(rgw_core_dir, exist_ok=True)
Log.info('Starting radosgw service.')
log_file = os.path.join(log_path, f'{const.COMPONENT_NAME}_startup.log')
RgwService.start(conf, config_file, log_file, motr_trace_dir, rgw_core_dir, index)
Log.info("Started radosgw service.")
return 0
@staticmethod
def init(conf: MappedConf):
"""Perform initialization."""
Log.info('Init phase completed.')
return 0
@staticmethod
def test(conf: MappedConf, plan: str):
"""Perform configuration testing."""
Log.info('Test phase completed.')
return 0
@staticmethod
def reset(conf: MappedConf):
"""Remove/Delete all the data/logs that was created by user/testing."""
Log.info('Reset phase completed.')
return 0
@staticmethod
def cleanup(conf: MappedConf, pre_factory: bool = False):
"""Remove/Delete all the data that was created after post install."""
config_path = Rgw._get_rgw_config_path(conf)
if os.path.exists(config_path):
os.remove(config_path)
Log.info('Cleanup phase completed.')
return 0
@staticmethod
def _update_rgw_config(conf: MappedConf, config_index:str, config_key: str, config_val: str):
"""Update RGW Config based on changed Gconf values."""
for rgw_config_key, confstore_key in const.SVC_CONFIG_DICT.items():
if confstore_key == config_key:
Conf.set(config_index, f'{const.CLIENT_SECTION}>{rgw_config_key}', config_val)
Conf.save(config_index)
@staticmethod
def _remove_rgw_config(conf: MappedConf, config_index:str, config_key: str):
"""Remove specific key from rgw config file."""
for rgw_config_key, confstore_key in const.SVC_CONFIG_DICT.items():
if confstore_key == config_key:
Conf.delete(config_index, f'{const.CLIENT_SECTION}>{rgw_config_key}')
Conf.save(config_index)
@staticmethod
def upgrade(conf: MappedConf, changeset_path: str):
"""Perform upgrade steps."""
Log.info('Upgrade phase started.')
conf_dir = Rgw._get_rgw_config_dir(conf)
svc_conf_file = Rgw._get_rgw_config_path(conf)
# Load changeset file
changeset_index="rgw_changeset_index"
Rgw._load_rgw_config(changeset_index, changeset_path)
# Get all changed keys from changeset file.
changeset_all_keys=Conf.get_keys(changeset_index)
# Load deployed rgw config and take a backup.
Rgw._load_rgw_config(Rgw._conf_idx, const.CONFSTORE_FILE_HANDLER + svc_conf_file)
deployed_version = conf.get(const.VERSION_KEY)
conf_bkp_file = os.path.join(conf_dir, const.RGW_CONF_FILE + f'.{deployed_version}')
try:
# Cleaning up failure config of previous upgrade.
if os.path.exists(conf_bkp_file):
os.remove(conf_bkp_file)
# create backup of existing config file
shutil.copy(svc_conf_file, conf_bkp_file)
# Handle svc key & Gconf key mapping
for key in changeset_all_keys:
if key.startswith('new') :
# Handle addition of new key
# This will work if corresponding rgw config mapping is preset in const.py for this new key.
new_val = Conf.get(changeset_index, key)
key =key.split('new>')[1]
Rgw._update_rgw_config(conf, Rgw._conf_idx, key, new_val)
elif key.startswith('changed'):
# Handle updation of existing key
value = Conf.get(changeset_index, key)
key =key.split('changed>')[1]
new_val = value.split('|')[1]
Rgw._update_rgw_config(conf, Rgw._conf_idx, key, new_val)
elif key.startswith('deleted'):
# Handle deletion of existing key
key =key.split('deleted>')[1]
Rgw._remove_rgw_config(conf, Rgw._conf_idx, key)
# Update upgraded release version.
updated_version = Release(const.RELEASE_INFO_URL).get_release_version()
Conf.set(Rgw._conf_idx, 'release>version', updated_version)
# Save updated config file.
Conf.save(Rgw._conf_idx)
# delete backup file after upgrade.
os.remove(conf_bkp_file)
except Exception as e:
raise SetupError(errno.EINVAL, f'Upgrade failed with error: {e}')
Log.info('Upgrade phase completed.')
return 0
@staticmethod
def _create_svc_config(conf: MappedConf):
"""Create svc config"""
svc_name = Rgw._get_svc_name(conf)
client_instance_count = Rgw._get_num_client_instances(conf, svc_name)
Log.info('fetching endpoint values from hctl fetch-fids cmd.')
# For running rgw service and radosgw-admin tool,
# we are using same endpoints fetched from hctl fetch-fids cmd as default endpoints,
# given radosgw-admin tool & rgw service not expected to run simultaneously.
# Update motr fid,endpoint config in cortx_rgw.conf.
instance = 1
while instance <= client_instance_count:
service_endpoints = Rgw._parse_endpoint_values(
conf, instance, client_instance_count, svc_name)
Log.debug('Validating endpoint entries provided by fetch-fids cmd')
Rgw._validate_endpoint_paramters(service_endpoints)
Log.info('Validated endpoint entries provided by fetch-fids cmd successfully.')
Log.info('Updating endpoint values in rgw config file.')
Rgw._update_rgw_config_with_endpoints(conf, service_endpoints, instance)
instance = instance + 1
# Add additional parameters of SVC & Motr to config file.
Rgw._update_svc_config(conf, 'client', const.SVC_CONFIG_DICT)
Rgw._update_svc_data_path_value(conf, 'client')
# Before user creation,Verify backend store value=motr in rgw config file.
Rgw._verify_backend_store_value(conf)
Log.info(f'Configure logrotate for {const.COMPONENT_NAME} at path: {const.LOGROTATE_CONF}')
Rgw._logrotate_generic(conf)
@staticmethod
def _get_consul_url(conf: MappedConf, seq: int = 0):
"""Return consul url."""
http_endpoints = Rgw._fetch_endpoint_url(conf, const.CONSUL_ENDPOINT_KEY, 'http')
consul_fqdn = http_endpoints[seq].split(':')[1]
consul_url = 'consul:' + consul_fqdn + ':8500'
return consul_url
@staticmethod
@ExponentialBackoff(exception=Exception, tries=4)
def _check_consul_connection(conf: MappedConf):
import socket
sock = socket.socket(socket.AF_INET, socket.SOCK_STREAM)
sock.settimeout(2)
consul_url = Rgw._get_consul_url(conf).split('//')[-1]
host, port = consul_url.split(':')
result = sock.connect_ex((host, int(port)))
if result != 0:
raise SetupError(errno.EINVAL, f"Consul server {host:port} not reachable")
@staticmethod
def _fetch_endpoint_url(conf: MappedConf, confstore_endpoint_key: str, endpoint_type: str):
"""Fetch endpoint url based on endpoint type from cortx config."""
endpoints = Rgw._get_cortx_conf(conf, confstore_endpoint_key)
endpoints_values = list(filter(lambda x: urlparse(x).scheme == endpoint_type, endpoints))
if len(endpoints_values) == 0:
raise SetupError(errno.EINVAL,
f'{endpoint_type} endpoint is not specified in the conf.'
f' Listed endpoints: {endpoints_values}')
return endpoints_values
@staticmethod
def _file_exist(file_path: str):
"""Check if a file is exists."""
if not os.path.exists(file_path):
raise SetupError(errno.EINVAL,
f'{file_path} file not exists.')
@staticmethod
def _load_rgw_config(conf_idx: str, conf_url: str):
"""Add/Updated key-values in given config."""
try:
if conf_url is None:
raise SetupError(errno.EINVAL, 'Conf url is None.')
Conf.load(conf_idx, conf_url, fail_reload=False)
except (AssertionError, ConfError) as e:
raise SetupError(errno.EINVAL,
f'Error occurred while adding the key in {conf_url} config. {e}')
@staticmethod
def _get_rgw_config_path(conf: MappedConf):
"""Return RGW config file path."""
rgw_config_dir = Rgw._get_rgw_config_dir(conf)
os.makedirs(rgw_config_dir, exist_ok=True)
rgw_conf_file_path = os.path.join(rgw_config_dir, const.RGW_CONF_FILE)
return rgw_conf_file_path
@staticmethod
def _get_rgw_config_dir(conf: MappedConf):
"""Return RGW config directory path."""
config_path = Rgw._get_cortx_conf(conf, const.CONFIG_PATH_KEY)
rgw_config_dir = os.path.join(config_path, const.COMPONENT_NAME, Rgw._machine_id)
return rgw_config_dir
@staticmethod
def _get_log_dir_path(conf: MappedConf):
"""Return log dir path."""
log_path = Rgw._get_cortx_conf(conf, const.LOG_PATH_KEY)
log_dir_path = os.path.join(log_path, const.COMPONENT_NAME, Rgw._machine_id)
os.makedirs(log_dir_path, exist_ok=True)
return log_dir_path
@staticmethod
def _create_rgw_user(conf: MappedConf):
"""Create RGW admin user."""
user_name = Rgw._get_cortx_conf(conf, const.AUTH_USER_KEY)
access_key = Rgw._get_cortx_conf(conf, const.AUTH_ADMIN_KEY)
auth_secret = Rgw._get_cortx_conf(conf, const.AUTH_SECRET_KEY)
err_str = f'user: {user_name} exists'
timeout_str = f'timed out after {const.ADMIN_CREATION_TIMEOUT} seconds'
# decrypt secret key.
try:
cluster_id = Rgw._get_cortx_conf(conf, const.CLUSTER_ID_KEY)
cipher_key = Cipher.gen_key(cluster_id, const.DECRYPTION_KEY)
password = Cipher.decrypt(cipher_key, auth_secret.encode(const.UTF_ENCODING))
password = password.decode(const.UTF_ENCODING)
except CipherInvalidToken as e:
raise SetupError(errno.EINVAL, f'auth_secret decryption failed. {e}')
rgw_config = Rgw._get_rgw_config_path(conf)
create_usr_cmd = f'radosgw-admin user create --uid={user_name} --access-key \
{access_key} --secret {password} --display-name="{user_name}" \
--caps="users=*;metadata=*;usage=*;zone=*;info=*;user=*;roles=*;user-policy=*;buckets=*" \
-c {rgw_config} -n client.radosgw-admin --no-mon-config'
_, err, rc, = SimpleProcess(create_usr_cmd).run(timeout=const.ADMIN_CREATION_TIMEOUT)
if rc == 0:
Log.info(f'RGW admin user {user_name} is created.')
return 0
elif rc != 0:
err = err.decode(const.UTF_ENCODING) if isinstance(err, bytes) else err
if err_str in err:
Log.info(f'RGW admin user {user_name} is already created,'
' Skipping user creation.')
return 0
elif timeout_str in err:
Log.info('RGW user creation process exceeding timeout value - '
f'{const.ADMIN_CREATION_TIMEOUT} seconds. Skipping user creation on this node.')
return rc
else:
Log.error(f'"{create_usr_cmd}" failed with error {err}.')
return rc
@staticmethod
def _parse_endpoint_values(conf: MappedConf, instance: int, client_instance_count: int, svc_name: str):
"""Fetch endpoint values from hctl fetch-fids."""
hare_config_dir = Rgw._get_hare_config_path(conf)
fetch_fids_cmd = f'hctl fetch-fids -c {hare_config_dir}'
decoded_out = Rgw._run_fetch_fid_cmd(fetch_fids_cmd)
Rgw._validate_hctl_cmd_response(decoded_out, svc_name)
endpoints = [comp for comp in decoded_out if comp['name'] == svc_name]
# RGW client_instance_count should be equal/less than the
# no of rgw config elements present in hctl fetch-fids output.
if len(endpoints) < client_instance_count:
raise SetupError(errno.EINVAL,
f'The count of {svc_name} elements in hctl-fetch-fids o/p '
f'does not match with the {svc_name} client instance count.')
# Fetch endpoints based on instance,
# for eg. for instance=1 read 0th index rgw config list from output and so on.
index = instance - 1
endpoints = endpoints[index]
for ep_key, ep_value in const.RgwEndpoint.__members__.items():
if list(ep_value.value.keys())[0] in endpoints:
endpoints[ep_key] = endpoints.pop(list(ep_value.value.keys())[0])
return endpoints
@staticmethod
def _update_rgw_config_with_endpoints(conf: MappedConf, endpoints: dict, instance: int):
"""Update endpoints,port and log path values to rgw config file."""
config_file = Rgw._get_rgw_config_path(conf)
confstore_url = const.CONFSTORE_FILE_HANDLER + config_file
Rgw._load_rgw_config(Rgw._conf_idx, confstore_url)
log_path = Rgw._get_log_dir_path(conf)
service_instance_log_file = os.path.join(log_path, f'{const.COMPONENT_NAME}-{instance}.log')
radosgw_admin_log_file = os.path.join(log_path, 'radosgw-admin.log')
# Update version in conf file.
version = Rgw._get_cortx_conf(conf, const.VERSION_KEY)
Conf.set(Rgw._conf_idx, 'release>version', version)
# Update client.radosgw-admin section only once,
# Update this with same config that is define for 1st instance.
if instance == 1:
for key, ep_value in const.RgwEndpoint.__members__.items():
value = list(ep_value.value.values())[0]
Conf.set(Rgw._conf_idx, f'{const.ADMIN_SECTION}>{value}', endpoints[key])
Conf.set(Rgw._conf_idx, const.MOTR_ADMIN_FID_KEY,
endpoints[const.RgwEndpoint.MOTR_PROCESS_FID.name])
Conf.set(Rgw._conf_idx, const.MOTR_ADMIN_ENDPOINT_KEY,
endpoints[const.RgwEndpoint.MOTR_CLIENT_EP.name])
Conf.set(Rgw._conf_idx, const.RADOS_ADMIN_LOG_FILE_KEY, radosgw_admin_log_file)
# Create separate section for each service instance in cortx_rgw.conf file.
for key, ep_value in const.RgwEndpoint.__members__.items():
value = list(ep_value.value.values())[0]
Conf.set(Rgw._conf_idx, f'{const.SVC_SECTION % instance}>{value}', endpoints[key])
Conf.set(Rgw._conf_idx, const.SVC_LOG_FILE % instance, service_instance_log_file)
# Removed port increment support for service multiple instances.
# (in case of multiple instances port value needs to be incremented.)
http_port = Rgw._get_service_port(conf, 'http')
https_port = Rgw._get_service_port(conf, 'https')
ssl_cert_path = Rgw._get_cortx_conf(conf, const.SSL_CERT_PATH_KEY)
Conf.set(Rgw._conf_idx, const.RGW_FRONTEND_KEY % instance,
f'beast port={http_port} ssl_port={https_port} ssl_certificate={ssl_cert_path} ssl_private_key={ssl_cert_path}')
Conf.save(Rgw._conf_idx)
@staticmethod
def _get_service_port(conf: MappedConf, protocol: str):
"""Return rgw service port value."""
port = None
endpoints = conf.get(const.SVC_ENDPOINT_KEY)
if endpoints:
svc_endpoints = list(filter(lambda x: urlparse(x).scheme == protocol, endpoints))
port = urlparse(svc_endpoints[0]).port
Log.info(f'{protocol} port value - {port}')
else:
# If endpoint is not present, use default port value.
if protocol == 'http':
port = const.DEFAULT_HTTP_PORT
elif protocol == 'https':
port = const.DEFAULT_HTTPS_PORT
Log.info(f'{const.SVC_ENDPOINT_KEY} is not available in cluster.conf,'
f' using the default value. {protocol} - {port}')
return port
@staticmethod
def _validate_endpoint_paramters(endpoints: dict):
"""Validate endpoint values fetched from hctl fetch-fids cmd."""
for key, _ in const.RgwEndpoint.__members__.items():
if key not in endpoints:
raise SetupError(errno.EINVAL, f'Failed to validate hare endpoint values.'
f'endpoint {key} is not present.')
for ept_key, ept_value in endpoints.items():
if ept_value == '':
raise SetupError(errno.EINVAL, f'Invalid values for {ept_key}: {ept_value}')
@staticmethod
def _validate_hctl_cmd_response(decoded_out: list, svc_name: str):
"""Validate hctl command response."""
try:
next(endpoint for endpoint in decoded_out if endpoint['name'] == svc_name)
except StopIteration:
raise SetupError(errno.EINVAL, 'Invalid %s endpoint values', svc_name)
@staticmethod
def _get_hare_config_path(conf: MappedConf):
"""Return config path of hare component."""
base_config_path = Rgw._get_cortx_conf(conf, const.CONFIG_PATH_KEY)
hare_config_path = os.path.join(base_config_path, 'hare',
'config', Rgw._machine_id)
return hare_config_path
@staticmethod
def _get_num_client_instances(conf: MappedConf, svc_name: str):
"""Read number of client instances."""
client_idx = 0
num_instances = 1
while conf.get(const.CLIENT_INSTANCE_NAME_KEY % client_idx) is not None:
name = Rgw._get_cortx_conf(conf, const.CLIENT_INSTANCE_NAME_KEY % client_idx)
if name == svc_name:
num_instances = int(Rgw._get_cortx_conf(conf, const.CLIENT_INSTANCE_NUMBER_KEY % client_idx))
break
client_idx = client_idx + 1
return num_instances
@staticmethod
def _get_cortx_conf(conf: MappedConf, key: str, default_value = None):
"""Read value from cluster config for given key"""
val = conf.get(key)
if val is None:
if default_value is None:
raise SetupError(errno.EINVAL, f'Value for {key} key is None.')
else:
val = default_value
return val
@staticmethod
def _get_svc_name(conf: MappedConf):
"""Read service name from cluster.conf"""
svc_name = None
num_component = Rgw._get_cortx_conf(conf, const.NUM_COMPONENTS_KEY % Rgw._machine_id)
for idx in range(0, num_component):
if (Rgw._get_cortx_conf(conf,
const.COMPONENT_NAME_KEY % (Rgw._machine_id, idx)) == const.COMPONENT_NAME):
svc_name = Rgw._get_cortx_conf(conf,
const.SVC_NAME_KEY % (Rgw._machine_id, idx), const.COMPONENT_NAME)
break
Log.info(f'Service name for {const.COMPONENT_NAME} is {svc_name}')
return svc_name
@staticmethod
def _generate_ssl_cert(conf: MappedConf):
"""Generate SSL certificate."""
ssl_cert_path = Rgw._get_cortx_conf(conf, const.SSL_CERT_PATH_KEY)
if not os.path.exists(ssl_cert_path):
# Generate SSL cert.
Log.info(f'"https" is enabled and SSL certificate is not present at {ssl_cert_path}.')
Log.info('Generating SSL certificate.')
try:
ssl_cert_configs = const.SSL_CERT_CONFIGS
ssl_cert_obj = Certificate.init('ssl')
ssl_cert_obj.generate(
cert_path=ssl_cert_path, dns_list=const.SSL_DNS_LIST, **ssl_cert_configs)
except SSLCertificateError as e:
raise SetupError(errno.EINVAL, f'Failed to generate self signed ssl certificate: {e}')
@staticmethod
def _update_hax_endpoint(conf: MappedConf, data_pod_hostname: str):
"""Update hax endpoint values in rgw config file."""
Log.info('Reading motr_ha_endpoint from data pod')
if not data_pod_hostname:
raise SetupError(errno.EINVAL, 'Invalid data pod hostname: %s', data_pod_hostname)
hare_config_dir = Rgw._get_hare_config_path(conf)
fetch_fids_cmd = f'hctl fetch-fids -c {hare_config_dir} --node {data_pod_hostname}'
decoded_out = Rgw._run_fetch_fid_cmd(fetch_fids_cmd, data_pod_hostname)
Rgw._validate_hctl_cmd_response(decoded_out, 'hax')
motr_ha_endpoint = [endpoints['ep'] for endpoints in decoded_out \
if 'hax' in endpoints.values()][0]
Log.info(f'Fetched motr_ha_endpoint from data pod. Endpoint: {motr_ha_endpoint}')
config_path = Rgw._get_rgw_config_path(conf)
confstore_url = const.CONFSTORE_FILE_HANDLER + config_path
Rgw._load_rgw_config(Rgw._conf_idx, confstore_url)
ha_ep_key = list(const.RgwEndpoint.MOTR_HA_EP.value.values())[0]
Conf.set(Rgw._conf_idx, f'client.radosgw-admin>{ha_ep_key}', motr_ha_endpoint)
Conf.save(Rgw._conf_idx)
Log.info(f'Updated motr_ha_endpoint in config file {config_path}')
@staticmethod
def _run_fetch_fid_cmd(fetch_fids_cmd: str, data_pod_hostname: str = None):
"""Run hctl fetch-fids command through SimpleProcess."""
out, err, rc = SimpleProcess(fetch_fids_cmd).run()
if rc != 0:
if data_pod_hostname:
Log.error(f'Unable to read fid information for hostname: '
f'{data_pod_hostname}. {err}')
raise SetupError(rc, 'Unable to read fid information for hostname: '
'%s. %s', data_pod_hostname, err)
else:
Log.error(f'Unable to read fid information. {err}')
raise SetupError(rc, 'Unable to read fid information. %s', err)
decoded_out = json.loads(out.decode(const.UTF_ENCODING))
return decoded_out
@staticmethod
def _create_admin_on_current_node(conf: MappedConf, current_data_node: str):
try:
Rgw._update_hax_endpoint(conf, current_data_node)
Log.info('Creating admin user.')
# Before creating user check if user is already created.
user_status = Rgw._create_rgw_user(conf)
return user_status
except Exception:
return -1
@staticmethod
def _update_hax_endpoint_and_create_admin(conf: MappedConf):
"""Update motr_ha(hax) endpoint values to rgw config file and create admin."""
# admin user should be created only on one node.
# 1. While creating admin user, global lock created in consul kv store.
# (rgw_consul_index, cortx>rgw>volatile>rgw_lock, machine_id)
# 2. Before creating admin user.
# a. Check for rgw_lock in consul kv store
# b. Create user only if lock value is equal to **self** machine_id
# 3. If user creation attempt failed from this node, delete the lock
# so other node can acquire the lock and try user creation.
# 4. If user creation is successful, update lock value to 'user_created'.
rgw_consul_idx = f'{const.COMPONENT_NAME}_consul_idx'
# Get consul url from cortx config.
consul_url = Rgw._get_consul_url(conf)
# Check for rgw_lock in consul kv store.
Log.info('Checking for rgw lock in consul kv store.')
Rgw._load_rgw_config(rgw_consul_idx, consul_url)
rgw_lock = Rgw._get_lock(rgw_consul_idx)
if rgw_lock is True:
# TODO: Find a way to get current data pod hostname on server node.
# current_data_node = socket.gethostname().replace('server', 'data')
# user_status = Rgw._create_admin_on_current_node(conf, current_data_node)
# if user_status == 0:
# Log.info(f'User creation is successful on "{Rgw._machine_id}" node.')
# Rgw._set_consul_kv(rgw_consul_idx, const.CONSUL_LOCK_KEY, const.ADMIN_USER_CREATED)
# else:
data_pod_hostnames = Rgw._get_data_nodes(conf)
# if len(data_pod_hostnames) == 1 and current_data_node == data_pod_hostnames[0]:
# Log.error('Admin user creation failed')
# Rgw._delete_consul_kv(rgw_consul_idx, const.CONSUL_LOCK_KEY)
# raise SetupError(user_status, 'Admin user creation failed on'
# f' "{Rgw._machine_id}" node, with all data pods - {data_pod_hostnames}')
# data_pod_hostnames.remove(current_data_node)
for data_pod_hostname in data_pod_hostnames:
try:
Rgw._update_hax_endpoint(conf, data_pod_hostname)
except SetupError as e:
Log.debug(f'Error occured while updating hax endpoints. {e}')
continue
status = Rgw._create_rgw_user(conf)
if status == 0:
Log.info(f'User creation is successful on "{Rgw._machine_id}" node.')
Rgw._set_consul_kv(rgw_consul_idx, const.CONSUL_LOCK_KEY, const.ADMIN_USER_CREATED)
break
else:
if data_pod_hostname == data_pod_hostnames[-1]:
Log.error(f'Admin user creation failed with error code - {status}')
Rgw._delete_consul_kv(rgw_consul_idx, const.CONSUL_LOCK_KEY)
raise SetupError(status, 'Admin user creation failed on'
f' "{Rgw._machine_id}" node, with all data pods - {data_pod_hostnames}')
@staticmethod
def _get_data_nodes(conf: MappedConf):
"""Return all data nodes hostname"""
storage_set = Rgw._get_cortx_conf(conf, const.STORAGE_SET % Rgw._machine_id)
storage_set_count = Rgw._get_cortx_conf(conf, const.STORAGE_SET_COUNT)
machine_ids = []
for storage_set_index in range(0, storage_set_count):
if Rgw._get_cortx_conf(conf,
const.STORAGE_SET_NAME % storage_set_index) == storage_set:
machine_ids = Rgw._get_cortx_conf(
conf, const.STORAGE_SET_NODE % storage_set_index)
data_pod_hostnames = [Rgw._get_cortx_conf(conf, const.NODE_HOSTNAME % machine_id)
for machine_id in machine_ids if
Rgw._get_cortx_conf(conf, const.NODE_TYPE % machine_id) == const.DATA_NODE]
return data_pod_hostnames
@staticmethod
def _get_lock(consul_idx: str):
"""Get lock from consul kv."""
# if in case try-catch block code executed at the same time on all the nodes,
# then all nodes will try to update rgw lock-key in consul, after updating key
# it will wait for sometime(time.sleep(3)) and in next iteration all nodes will
# get lock value as node-id of node who has updated the lock key at last.
# and then only that node will perform the user creation operation.
rgw_lock = False
while True:
try:
rgw_lock_val = Conf.get(consul_idx, const.CONSUL_LOCK_KEY)
Log.info(f'{const.CONSUL_LOCK_KEY} value - {rgw_lock_val}')
if rgw_lock_val is None:
Log.info(f'Setting consul kv store value for key :{const.CONSUL_LOCK_KEY}'
f' and value as :{Rgw._machine_id}')
Rgw._set_consul_kv(consul_idx, const.CONSUL_LOCK_KEY, Rgw._machine_id)
continue
elif rgw_lock_val == Rgw._machine_id:
Log.info('Required lock already possessed, proceeding with RGW '
f'admin user creation on node {rgw_lock_val}')
rgw_lock = True
break
elif rgw_lock_val != Rgw._machine_id:
if rgw_lock_val == const.ADMIN_USER_CREATED:
Log.info('User is already created.')
break
Log.info(f'RGW lock is acquired by "{rgw_lock_val}" node.')
Log.info(f'Waiting for user creation to complete on "{rgw_lock_val}" node')
time.sleep(3)
continue
except Exception as e:
Log.error('Exception occured while connecting to consul service'
f' endpoint {e}')
break
return rgw_lock
@staticmethod
def _set_consul_kv(consul_idx: str, key: str, value: str):
"""Update key value pair in consul kv store."""
Conf.set(consul_idx, key, value)
Conf.save(consul_idx)
time.sleep(3)
Log.info(f'Updated consul kv store - {key} - {value}.')
@staticmethod
def _delete_consul_kv(consul_idx: str, key: str):
"""Delete key value pair from consul kv store."""
Log.debug(f'Deleting rgw_lock key {key}.')
Conf.delete(consul_idx, key)
Log.info(f'{key} key is deleted')
@staticmethod
def _logrotate_generic(conf: MappedConf):
""" Configure logrotate utility for rgw logs."""
log_file_path = Rgw._get_log_dir_path(conf)
# Configure the cron job on hourly frequency for RGW log files.
try:
with open(const.CRON_LOGROTATE_TMPL, 'r') as f:
content = f.read()
with open(const.CRON_LOGROTATE, 'w') as f:
f.write(content)
except Exception as e:
Log.error(f"Failed to configure cron job for logrotate at {const.FREQUENCY} basis."
f"ERROR:{e}")
# create radosgw logrotate file.
# For eg:
# filepath='/etc/logrotate.d/radosgw'
old_file = os.path.join(const.LOGROTATE_DIR, 'ceph')
if os.path.exists(old_file):
os.remove(old_file)
try:
with open(const.LOGROTATE_TMPL, 'r') as f:
content = f.read()
content = content.replace('TMP_LOG_PATH', log_file_path)
with open(const.LOGROTATE_CONF, 'w') as f:
f.write(content)
Log.info(f'{const.LOGROTATE_TMPL} file copied to {const.LOGROTATE_CONF}')
except Exception as e:
Log.error(f"Failed to configure logrotate for {const.COMPONENT_NAME}. ERROR:{e}")
# start cron.d service
try:
os.system(f"chmod +x {const.CRON_LOGROTATE}")
os.system("/usr/sbin/crond start")
except Exception as e:
Log.error(f"Failed to start the crond service for {const.COMPONENT_NAME}. ERROR:{e}")
@staticmethod
def _verify_backend_store_value(conf: MappedConf):
"""Verify backed store value as motr."""
config_file = Rgw._get_rgw_config_path(conf)
confstore_url = const.CONFSTORE_FILE_HANDLER + config_file
Rgw._load_rgw_config(Rgw._conf_idx, confstore_url)
backend_store = Conf.get(Rgw._conf_idx, const.RGW_BACKEND_STORE_KEY)
if not backend_store in const.SUPPORTED_BACKEND_STORES:
raise SetupError(errno.EINVAL,
f'Supported rgw backend store are {const.SUPPORTED_BACKEND_STORES},'
f' currently configured one is {backend_store}')
@staticmethod
def _update_svc_config(conf: MappedConf, client_section: str, config_key_mapping: dict):
"""Update config properties from confstore to rgw config file."""
svc_config_file = Rgw._get_rgw_config_path(conf)
confstore_url = const.CONFSTORE_FILE_HANDLER + svc_config_file
Rgw._load_rgw_config(Rgw._conf_idx, confstore_url)
Log.info(f'updating parameters to {client_section} in {svc_config_file}')
for config_key, confstore_key in config_key_mapping.items():
default_value = Conf.get(Rgw._conf_idx, f'{client_section}>{config_key}')
if confstore_key is None:
Log.info(f'config key:{config_key} not found in rgw key mapping.\
hence using default value as {default_value} specified in config file.')
continue
else:
# fetch actual value of parameter from confstore.
# if config key/value is missing in confstore then use default value mentioned in config file.
config_value = conf.get(confstore_key)
if config_value is not None:
Log.info(f'Setting config key :{config_key} with value:{config_value} at {client_section} section')
Conf.set(Rgw._conf_idx, f'{client_section}>{config_key}', str(config_value))
else :
Log.info(f'GConfig entry is missing for config key :{config_key}.\
hence using default value as {default_value} specified in config file.')
continue
Conf.save(Rgw._conf_idx)
Log.info(f'added paramters to {client_section} successfully..')
@staticmethod
def _update_svc_data_path_value(conf: MappedConf, client_section: str):
"Update svc config file with data path key which needs pre-processing values incase of default values."
# Fetch cluster-id
cluster_id = Rgw._get_cortx_conf(conf, const.CLUSTER_ID_KEY)
svc_config_file = Rgw._get_rgw_config_path(conf)
confstore_url = const.CONFSTORE_FILE_HANDLER + svc_config_file
Rgw._load_rgw_config(Rgw._conf_idx, confstore_url)
Log.info(f'updating data_path paramter to {client_section} in {svc_config_file}')
# Create data path's default value e.g. /var/lib/ceph/radosgw/<cluster-id>
data_path_default_value = const.SVC_DATA_PATH_DEFAULT_VALUE + cluster_id
confstore_data_path_value = conf.get(const.SVC_DATA_PATH_CONFSTORE_KEY)
if confstore_data_path_value is not None:
Log.info(f'Setting config key :{const.SVC_DATA_PATH_KEY} with value:{confstore_data_path_value}\
at {client_section} section')
Conf.set(Rgw._conf_idx, f'{client_section}>{const.SVC_DATA_PATH_KEY}', str(confstore_data_path_value))
else:
Log.info(f'GConfig entry is missing for config key :{const.SVC_DATA_PATH_KEY}.\
hence using default value as {data_path_default_value} specified in config file.')
Conf.set(Rgw._conf_idx, f'{client_section}>{const.SVC_DATA_PATH_KEY}', str(data_path_default_value))
Conf.save(Rgw._conf_idx)
Log.info(f'added config parameters to {client_section} successfully..')
| [
1,
18787,
4855,
29914,
2109,
29914,
4691,
29941,
13,
13,
29937,
14187,
1266,
313,
29883,
29897,
29871,
29906,
29900,
29906,
29906,
922,
351,
403,
17968,
365,
12182,
322,
29914,
272,
967,
13737,
2638,
1078,
13,
29937,
910,
1824,
338,
3889,
7047,
29901,
366,
508,
2654,
391,
2666,
372,
322,
29914,
272,
6623,
13,
29937,
372,
1090,
278,
4958,
310,
278,
15143,
10393,
571,
29877,
4593,
5236,
19245,
408,
6369,
13,
29937,
491,
278,
12362,
18540,
10606,
29892,
2845,
1873,
29871,
29941,
310,
278,
19245,
29892,
470,
13,
29937,
313,
271,
596,
2984,
29897,
738,
2678,
1873,
29889,
13,
29937,
910,
1824,
338,
13235,
297,
278,
4966,
393,
372,
674,
367,
5407,
29892,
13,
29937,
541,
399,
1806,
8187,
2692,
13764,
29979,
399,
1718,
29934,
13566,
29979,
29936,
1728,
1584,
278,
2411,
2957,
1370,
21867,
29891,
310,
13,
29937,
341,
1001,
3210,
13566,
2882,
6227,
11937,
470,
383,
1806,
8186,
1799,
15842,
319,
349,
8322,
2965,
13309,
1718,
349,
4574,
13152,
1660,
29889,
2823,
278,
13,
29937,
15143,
10393,
571,
29877,
4593,
5236,
19245,
363,
901,
4902,
29889,
13,
29937,
887,
881,
505,
4520,
263,
3509,
310,
278,
15143,
10393,
571,
29877,
4593,
5236,
19245,
13,
29937,
3412,
411,
445,
1824,
29889,
960,
451,
29892,
1074,
529,
991,
597,
1636,
29889,
18713,
29889,
990,
29914,
506,
11259,
3779,
29889,
13,
29937,
1152,
738,
5155,
1048,
445,
7047,
470,
7794,
575,
292,
29892,
13,
29937,
3113,
4876,
529,
26862,
6227,
29958,
470,
529,
26862,
6227,
15513,
13,
13,
5215,
2897,
13,
5215,
528,
4422,
13,
5215,
931,
13,
5215,
4589,
1217,
13,
5215,
4390,
13,
3166,
3142,
1982,
29889,
5510,
1053,
3142,
5510,
13,
13,
3166,
13979,
29916,
29889,
13239,
29889,
8926,
29889,
6327,
8021,
1053,
18410,
8021,
13,
3166,
13979,
29916,
29889,
13239,
29889,
12523,
1053,
5886,
12182,
814,
8021,
2392,
13,
3166,
13979,
29916,
29889,
13239,
29889,
3084,
1061,
29889,
29894,
29918,
15865,
1053,
349,
9415,
29963,
13,
3166,
13979,
29916,
29889,
13239,
29889,
5527,
29918,
8899,
1053,
10811,
29892,
341,
17280,
16376,
13,
3166,
13979,
29916,
29889,
13239,
29889,
5527,
29918,
8899,
29889,
2704,
1053,
10811,
2392,
13,
3166,
13979,
29916,
29889,
13239,
29889,
5014,
1053,
12545,
7032,
13,
3166,
13979,
29916,
29889,
13239,
29889,
11010,
29889,
14096,
1053,
23708,
13,
3166,
13979,
29916,
29889,
13239,
29889,
1188,
1053,
4522,
13,
3166,
13979,
29916,
29889,
11007,
29893,
29889,
14669,
29889,
2704,
1053,
3789,
786,
2392,
13,
3166,
13979,
29916,
29889,
11007,
29893,
29889,
14669,
29889,
11007,
29893,
29918,
5509,
1053,
390,
29887,
29893,
3170,
13,
3166,
13979,
29916,
29889,
13239,
29889,
8926,
29889,
455,
8096,
1053,
11402,
8096,
29892,
11402,
8096,
13919,
6066,
13,
3166,
13979,
29916,
29889,
11007,
29893,
1053,
1040,
13,
3166,
13979,
29916,
29889,
13239,
29889,
9435,
1053,
1222,
1112,
2556,
5841,
2696,
13,
13,
13,
1990,
390,
29887,
29893,
29901,
13,
1678,
9995,
1123,
4569,
1237,
390,
29954,
29956,
322,
2431,
9514,
6230,
4475,
8820,
1213,
15945,
13,
13,
1678,
903,
23523,
29918,
333,
353,
10811,
29889,
23523,
29918,
333,
13,
1678,
903,
5527,
29918,
13140,
353,
285,
29915,
29912,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
2403,
2917,
29915,
259,
396,
321,
29889,
29887,
29889,
15552,
29893,
29918,
2917,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
12725,
29898,
21646,
29901,
851,
1125,
13,
4706,
9995,
5894,
689,
2854,
800,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
3084,
800,
4687,
363,
426,
21646,
29913,
8576,
29889,
1495,
13,
13,
4706,
565,
8576,
1275,
525,
2490,
29918,
6252,
2396,
13,
9651,
396,
27313,
390,
13427,
2854,
800,
13,
9651,
363,
364,
29886,
1516,
297,
518,
3075,
29889,
1525,
29984,
3120,
19386,
29918,
29934,
29925,
4345,
5387,
13,
18884,
349,
9415,
29963,
2141,
15480,
877,
19080,
1516,
742,
364,
29886,
1516,
29897,
13,
9651,
4522,
29889,
3888,
29898,
29888,
29915,
3596,
390,
29954,
29956,
3734,
390,
13427,
29879,
526,
5130,
373,
426,
29934,
29887,
29893,
3032,
23523,
29918,
333,
29913,
2943,
29889,
1495,
13,
4706,
25342,
8576,
1275,
525,
19125,
2396,
13,
9651,
390,
29887,
29893,
3032,
1445,
29918,
28997,
29898,
3075,
29889,
6007,
29943,
29918,
29911,
3580,
29931,
29897,
13,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
3084,
800,
8676,
363,
426,
21646,
29913,
8576,
29889,
1495,
13,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
1400,
29918,
6252,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
5894,
9514,
1400,
2601,
6931,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
877,
6747,
23271,
8576,
8676,
29889,
1495,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
19012,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
29925,
3445,
598,
363,
6931,
3734,
1434,
390,
29954,
29956,
508,
367,
13252,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
877,
29925,
3445,
598,
8576,
4687,
29889,
1495,
13,
13,
4706,
1018,
29901,
13,
9651,
2295,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
9651,
27702,
572,
29918,
13140,
353,
285,
29915,
29912,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
2403,
5527,
29918,
18276,
572,
29915,
29871,
396,
321,
29889,
29887,
29889,
15552,
29893,
29918,
5527,
29918,
18276,
572,
13,
9651,
27702,
572,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
1040,
29889,
6007,
29943,
29918,
29911,
3580,
29931,
13,
9651,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
18276,
572,
29918,
13140,
29892,
27702,
572,
29918,
2271,
29897,
13,
9651,
1970,
8899,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
2295,
29918,
2084,
13,
9651,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1970,
8899,
29918,
2271,
29897,
13,
9651,
10811,
29889,
8552,
29898,
18276,
572,
29918,
13140,
29892,
390,
29887,
29893,
3032,
5527,
29918,
13140,
29897,
13,
9651,
10811,
29889,
7620,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29897,
13,
9651,
4522,
29889,
3888,
29898,
29888,
29915,
29912,
3075,
29889,
6007,
29943,
29918,
29911,
3580,
29931,
29913,
2295,
13746,
304,
426,
2917,
29918,
2084,
29913,
1495,
13,
13,
4706,
5174,
8960,
408,
321,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29915,
2392,
288,
2764,
1127,
1550,
6699,
292,
2943,
10377,
29892,
426,
29872,
29913,
1495,
13,
13,
4706,
4522,
29889,
3888,
877,
29925,
3445,
598,
8576,
8676,
29889,
1495,
13,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
2295,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
5894,
9514,
22920,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
877,
3991,
8576,
4687,
29889,
1495,
13,
4706,
390,
29887,
29893,
3032,
3198,
29918,
3200,
352,
29918,
9965,
29898,
5527,
29897,
13,
4706,
2295,
29918,
1445,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
565,
451,
2897,
29889,
2084,
29889,
9933,
29898,
2917,
29918,
1445,
1125,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
11838,
29912,
2917,
29918,
1445,
5038,
2295,
934,
338,
451,
2198,
29889,
1495,
13,
13,
4706,
396,
6204,
24250,
12289,
13,
4706,
390,
29887,
29893,
3032,
17158,
29918,
16265,
29918,
6327,
29898,
5527,
29897,
13,
13,
4706,
396,
6204,
3731,
29883,
2295,
13,
4706,
390,
29887,
29893,
3032,
3258,
29918,
4501,
29883,
29918,
2917,
29898,
5527,
29897,
13,
13,
4706,
396,
6204,
3184,
29878,
9637,
3884,
363,
6314,
292,
286,
29900,
15003,
2066,
13,
4706,
396,
297,
1206,
4113,
1404,
11265,
2228,
2645,
20629,
29899,
771,
4924,
261,
8225,
29889,
13,
4706,
4522,
29889,
3888,
877,
9832,
1218,
3184,
29878,
9637,
3884,
363,
6314,
292,
286,
29900,
15003,
2066,
636,
1495,
13,
4706,
1480,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
1188,
29918,
3972,
29918,
2084,
29898,
5527,
29897,
13,
4706,
3184,
29878,
29918,
15003,
29918,
3972,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
525,
14817,
29878,
29918,
15003,
29918,
5325,
1495,
13,
4706,
2897,
29889,
29885,
12535,
12935,
29898,
14817,
29878,
29918,
15003,
29918,
3972,
29892,
1863,
29918,
554,
29922,
5574,
29897,
13,
4706,
2897,
29889,
21813,
1839,
29924,
29900,
29918,
5659,
11538,
29918,
9464,
2033,
353,
3184,
29878,
29918,
15003,
29918,
3972,
13,
4706,
4522,
29889,
3888,
877,
20399,
3184,
29878,
9637,
3884,
584,
1273,
29879,
29915,
1273,
2897,
29889,
21813,
29889,
657,
877,
29924,
29900,
29918,
5659,
11538,
29918,
9464,
8785,
13,
13,
4706,
396,
7523,
7142,
29878,
379,
29909,
29898,
29950,
6604,
29897,
16248,
515,
848,
2532,
773,
298,
16948,
6699,
29899,
29888,
4841,
322,
2767,
297,
2295,
934,
13,
4706,
396,
4803,
7592,
447,
29916,
16248,
2734,
373,
848,
2532,
607,
674,
367,
3625,
2645,
15552,
29893,
13,
4706,
396,
2295,
8576,
1951,
848,
2532,
8665,
1434,
1923,
2532,
29889,
13,
4706,
396,
3967,
379,
6604,
16248,
515,
848,
2532,
310,
1021,
2943,
937,
669,
565,
372,
19403,
664,
29892,
13,
4706,
396,
515,
916,
848,
2532,
29879,
297,
9867,
13,
4706,
390,
29887,
29893,
3032,
5504,
29918,
29882,
1165,
29918,
29734,
29918,
392,
29918,
3258,
29918,
6406,
29898,
5527,
29897,
13,
4706,
4522,
29889,
3888,
877,
3991,
8576,
8676,
29889,
1495,
13,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
1369,
29898,
5527,
29901,
341,
17280,
16376,
29892,
2380,
29901,
851,
1125,
13,
4706,
9995,
4391,
15552,
29893,
4113,
1404,
322,
1369,
15552,
29893,
2669,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
3991,
545,
1480,
23361,
363,
426,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
29913,
472,
2224,
29901,
426,
3075,
29889,
14480,
1672,
29911,
3040,
29918,
6007,
29943,
29913,
1495,
13,
4706,
390,
29887,
29893,
3032,
1188,
23361,
29918,
19206,
29898,
5527,
29897,
13,
13,
4706,
396,
10949,
6257,
2669,
29892,
6565,
1598,
14998,
3787,
995,
29922,
14817,
29878,
297,
15552,
29893,
2295,
934,
29889,
13,
4706,
390,
29887,
29893,
3032,
27902,
29918,
27852,
29918,
8899,
29918,
1767,
29898,
5527,
29897,
13,
13,
4706,
396,
6204,
3184,
29878,
9637,
669,
788,
29890,
380,
711,
4516,
312,
706,
29889,
13,
4706,
396,
24930,
25947,
995,
310,
3184,
29878,
304,
1653,
788,
29890,
995,
29889,
13,
4706,
2295,
29918,
1445,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
1970,
8899,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
2295,
29918,
1445,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1970,
8899,
29918,
2271,
29897,
13,
4706,
3184,
29878,
29918,
29888,
333,
29918,
1989,
353,
1040,
29889,
29924,
2891,
29934,
29918,
17870,
29918,
29943,
1367,
1273,
2380,
13,
4706,
3184,
29878,
29918,
29888,
333,
29918,
1767,
353,
10811,
29889,
657,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
3184,
29878,
29918,
29888,
333,
29918,
1989,
29897,
13,
4706,
1480,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
1188,
29918,
3972,
29918,
2084,
29898,
5527,
29897,
13,
4706,
3184,
29878,
29918,
15003,
29918,
3972,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
525,
14817,
29878,
29918,
15003,
29918,
5325,
1495,
13,
4706,
788,
29890,
29918,
3972,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
285,
29915,
1202,
29890,
29918,
5325,
29899,
29912,
14817,
29878,
29918,
29888,
333,
29918,
1767,
29913,
1495,
13,
4706,
2897,
29889,
29885,
12535,
12935,
29898,
14817,
29878,
29918,
15003,
29918,
3972,
29892,
1863,
29918,
554,
29922,
5574,
29897,
13,
4706,
2897,
29889,
29885,
12535,
12935,
29898,
1202,
29890,
29918,
3972,
29892,
1863,
29918,
554,
29922,
5574,
29897,
13,
4706,
396,
6204,
15552,
29893,
8095,
934,
3884,
13,
4706,
15552,
29893,
29918,
3221,
29918,
3972,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
525,
11007,
29893,
29918,
8382,
1495,
13,
4706,
2897,
29889,
29885,
12535,
12935,
29898,
11007,
29893,
29918,
3221,
29918,
3972,
29892,
1863,
29918,
554,
29922,
5574,
29897,
13,
13,
4706,
4522,
29889,
3888,
877,
4763,
292,
364,
2255,
29887,
29893,
2669,
29889,
1495,
13,
4706,
1480,
29918,
1445,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
285,
29915,
29912,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
2403,
2962,
786,
29889,
1188,
1495,
13,
13,
4706,
390,
29887,
29893,
3170,
29889,
2962,
29898,
5527,
29892,
2295,
29918,
1445,
29892,
1480,
29918,
1445,
29892,
3184,
29878,
29918,
15003,
29918,
3972,
29892,
15552,
29893,
29918,
3221,
29918,
3972,
29892,
2380,
29897,
13,
4706,
4522,
29889,
3888,
703,
4763,
287,
364,
2255,
29887,
29893,
2669,
23157,
13,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
2069,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
5894,
689,
17865,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
877,
6644,
8576,
8676,
29889,
1495,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
1243,
29898,
5527,
29901,
341,
17280,
16376,
29892,
3814,
29901,
851,
1125,
13,
4706,
9995,
5894,
689,
5285,
6724,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
877,
3057,
8576,
8676,
29889,
1495,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
10092,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
15941,
29914,
12498,
599,
278,
848,
29914,
20756,
393,
471,
2825,
491,
1404,
29914,
13424,
1213,
15945,
13,
13,
4706,
4522,
29889,
3888,
877,
27175,
8576,
8676,
29889,
1495,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
5941,
786,
29898,
5527,
29901,
341,
17280,
16376,
29892,
758,
29918,
14399,
29901,
6120,
353,
7700,
1125,
13,
4706,
9995,
15941,
29914,
12498,
599,
278,
848,
393,
471,
2825,
1156,
1400,
2601,
1213,
15945,
13,
4706,
2295,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
565,
2897,
29889,
2084,
29889,
9933,
29898,
2917,
29918,
2084,
1125,
13,
9651,
2897,
29889,
5992,
29898,
2917,
29918,
2084,
29897,
13,
4706,
4522,
29889,
3888,
877,
29907,
14044,
786,
8576,
8676,
29889,
1495,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5504,
29918,
11007,
29893,
29918,
2917,
29898,
5527,
29901,
341,
17280,
16376,
29892,
2295,
29918,
2248,
29901,
710,
29892,
2295,
29918,
1989,
29901,
851,
29892,
2295,
29918,
791,
29901,
851,
1125,
13,
4706,
9995,
6422,
390,
29954,
29956,
12782,
2729,
373,
3939,
402,
5527,
1819,
1213,
15945,
13,
4706,
363,
15552,
29893,
29918,
2917,
29918,
1989,
29892,
1970,
8899,
29918,
1989,
297,
1040,
29889,
7597,
29907,
29918,
25903,
29918,
4571,
1783,
29889,
7076,
7295,
13,
9651,
565,
1970,
8899,
29918,
1989,
1275,
2295,
29918,
1989,
29901,
13,
18884,
10811,
29889,
842,
29898,
2917,
29918,
2248,
29892,
285,
29915,
29912,
3075,
29889,
27205,
3919,
29918,
1660,
9838,
17428,
29912,
11007,
29893,
29918,
2917,
29918,
1989,
29913,
742,
2295,
29918,
791,
29897,
13,
4706,
10811,
29889,
7620,
29898,
2917,
29918,
2248,
29897,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5992,
29918,
11007,
29893,
29918,
2917,
29898,
5527,
29901,
341,
17280,
16376,
29892,
2295,
29918,
2248,
29901,
710,
29892,
2295,
29918,
1989,
29901,
851,
1125,
13,
4706,
9995,
15941,
2702,
1820,
515,
15552,
29893,
2295,
934,
1213,
15945,
13,
4706,
363,
15552,
29893,
29918,
2917,
29918,
1989,
29892,
1970,
8899,
29918,
1989,
297,
1040,
29889,
7597,
29907,
29918,
25903,
29918,
4571,
1783,
29889,
7076,
7295,
13,
9651,
565,
1970,
8899,
29918,
1989,
1275,
2295,
29918,
1989,
29901,
13,
18884,
10811,
29889,
8143,
29898,
2917,
29918,
2248,
29892,
285,
29915,
29912,
3075,
29889,
27205,
3919,
29918,
1660,
9838,
17428,
29912,
11007,
29893,
29918,
2917,
29918,
1989,
29913,
1495,
13,
4706,
10811,
29889,
7620,
29898,
2917,
29918,
2248,
29897,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
14955,
29898,
5527,
29901,
341,
17280,
16376,
29892,
3620,
300,
29918,
2084,
29901,
851,
1125,
13,
4706,
9995,
5894,
689,
14955,
6576,
1213,
15945,
13,
4706,
4522,
29889,
3888,
877,
3373,
8228,
8576,
4687,
29889,
1495,
13,
4706,
1970,
29918,
3972,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
3972,
29898,
5527,
29897,
13,
4706,
3731,
29883,
29918,
5527,
29918,
1445,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
13,
4706,
396,
16012,
3620,
300,
934,
13,
4706,
3620,
300,
29918,
2248,
543,
11007,
29893,
29918,
25990,
300,
29918,
2248,
29908,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
25990,
300,
29918,
2248,
29892,
3620,
300,
29918,
2084,
29897,
13,
13,
4706,
396,
3617,
599,
3939,
6611,
515,
3620,
300,
934,
29889,
13,
4706,
3620,
300,
29918,
497,
29918,
8149,
29922,
16376,
29889,
657,
29918,
8149,
29898,
25990,
300,
29918,
2248,
29897,
13,
13,
4706,
396,
16012,
21168,
15552,
29893,
2295,
322,
2125,
263,
16199,
29889,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
3731,
29883,
29918,
5527,
29918,
1445,
29897,
13,
4706,
21168,
29918,
3259,
353,
1970,
29889,
657,
29898,
3075,
29889,
16358,
29918,
10818,
29897,
13,
4706,
1970,
29918,
29890,
29895,
29886,
29918,
1445,
353,
2897,
29889,
2084,
29889,
7122,
29898,
5527,
29918,
3972,
29892,
1040,
29889,
29934,
29954,
29956,
29918,
6007,
29943,
29918,
7724,
718,
285,
4286,
29912,
16519,
287,
29918,
3259,
29913,
1495,
13,
13,
4706,
1018,
29901,
13,
9651,
396,
315,
14044,
292,
701,
10672,
2295,
310,
3517,
14955,
29889,
13,
9651,
565,
2897,
29889,
2084,
29889,
9933,
29898,
5527,
29918,
29890,
29895,
29886,
29918,
1445,
1125,
13,
18884,
2897,
29889,
5992,
29898,
5527,
29918,
29890,
29895,
29886,
29918,
1445,
29897,
13,
13,
9651,
396,
1653,
16199,
310,
5923,
2295,
934,
13,
9651,
528,
4422,
29889,
8552,
29898,
4501,
29883,
29918,
5527,
29918,
1445,
29892,
1970,
29918,
29890,
29895,
29886,
29918,
1445,
29897,
13,
13,
9651,
396,
29273,
3731,
29883,
1820,
669,
402,
5527,
1820,
10417,
13,
9651,
363,
1820,
297,
3620,
300,
29918,
497,
29918,
8149,
29901,
13,
18884,
565,
1820,
29889,
27382,
2541,
877,
1482,
1495,
584,
13,
462,
1678,
396,
29273,
6124,
310,
716,
1820,
13,
462,
1678,
396,
910,
674,
664,
565,
6590,
15552,
29893,
2295,
10417,
338,
2225,
300,
297,
1040,
29889,
2272,
363,
445,
716,
1820,
29889,
13,
462,
1678,
716,
29918,
791,
353,
10811,
29889,
657,
29898,
25990,
300,
29918,
2248,
29892,
1820,
29897,
13,
462,
1678,
1820,
353,
1989,
29889,
5451,
877,
1482,
29958,
29861,
29896,
29962,
13,
462,
1678,
390,
29887,
29893,
3032,
5504,
29918,
11007,
29893,
29918,
2917,
29898,
5527,
29892,
390,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1820,
29892,
716,
29918,
791,
29897,
13,
18884,
25342,
1820,
29889,
27382,
2541,
877,
15033,
29374,
13,
462,
1678,
396,
29273,
3329,
362,
310,
5923,
1820,
13,
462,
1678,
995,
353,
10811,
29889,
657,
29898,
25990,
300,
29918,
2248,
29892,
1820,
29897,
13,
462,
1678,
1820,
353,
1989,
29889,
5451,
877,
15033,
29958,
29861,
29896,
29962,
13,
462,
1678,
716,
29918,
791,
353,
995,
29889,
5451,
877,
29989,
29861,
29896,
29962,
13,
462,
1678,
390,
29887,
29893,
3032,
5504,
29918,
11007,
29893,
29918,
2917,
29898,
5527,
29892,
390,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1820,
29892,
716,
29918,
791,
29897,
13,
18884,
25342,
1820,
29889,
27382,
2541,
877,
311,
22742,
29374,
13,
462,
1678,
396,
29273,
7374,
291,
310,
5923,
1820,
13,
462,
1678,
1820,
353,
1989,
29889,
5451,
877,
311,
22742,
29958,
29861,
29896,
29962,
13,
462,
1678,
390,
29887,
29893,
3032,
5992,
29918,
11007,
29893,
29918,
2917,
29898,
5527,
29892,
390,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1820,
29897,
13,
13,
9651,
396,
10318,
20337,
287,
6507,
1873,
29889,
13,
9651,
4784,
29918,
3259,
353,
23708,
29898,
3075,
29889,
14829,
29918,
11690,
29918,
4219,
467,
657,
29918,
14096,
29918,
3259,
580,
13,
9651,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
525,
14096,
29958,
3259,
742,
4784,
29918,
3259,
29897,
13,
13,
9651,
396,
16913,
4784,
2295,
934,
29889,
13,
9651,
10811,
29889,
7620,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29897,
13,
13,
9651,
396,
5217,
16199,
934,
1156,
14955,
29889,
13,
9651,
2897,
29889,
5992,
29898,
5527,
29918,
29890,
29895,
29886,
29918,
1445,
29897,
13,
13,
4706,
5174,
8960,
408,
321,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29915,
3373,
8228,
5229,
411,
1059,
29901,
426,
29872,
29913,
1495,
13,
13,
4706,
4522,
29889,
3888,
877,
3373,
8228,
8576,
8676,
29889,
1495,
13,
4706,
736,
29871,
29900,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
3258,
29918,
4501,
29883,
29918,
2917,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
4391,
3731,
29883,
2295,
15945,
29908,
13,
4706,
3731,
29883,
29918,
978,
353,
390,
29887,
29893,
3032,
657,
29918,
4501,
29883,
29918,
978,
29898,
5527,
29897,
13,
4706,
3132,
29918,
8758,
29918,
2798,
353,
390,
29887,
29893,
3032,
657,
29918,
1949,
29918,
4645,
29918,
2611,
2925,
29898,
5527,
29892,
3731,
29883,
29918,
978,
29897,
13,
4706,
4522,
29889,
3888,
877,
9155,
292,
16248,
1819,
515,
298,
16948,
6699,
29899,
29888,
4841,
9920,
29889,
1495,
13,
4706,
396,
1152,
2734,
15552,
29893,
2669,
322,
364,
2255,
29887,
29893,
29899,
6406,
5780,
29892,
13,
4706,
396,
591,
526,
773,
1021,
1095,
9748,
6699,
287,
515,
298,
16948,
6699,
29899,
29888,
4841,
9920,
408,
2322,
1095,
9748,
29892,
13,
4706,
396,
2183,
364,
2255,
29887,
29893,
29899,
6406,
5780,
669,
15552,
29893,
2669,
451,
3806,
304,
1065,
21699,
29889,
13,
13,
4706,
396,
10318,
3184,
29878,
25947,
29892,
29734,
2295,
297,
13979,
29916,
29918,
11007,
29893,
29889,
5527,
29889,
13,
4706,
2777,
353,
29871,
29896,
13,
4706,
1550,
2777,
5277,
3132,
29918,
8758,
29918,
2798,
29901,
13,
9651,
2669,
29918,
355,
9748,
353,
390,
29887,
29893,
3032,
5510,
29918,
29734,
29918,
5975,
29898,
13,
18884,
1970,
29892,
2777,
29892,
3132,
29918,
8758,
29918,
2798,
29892,
3731,
29883,
29918,
978,
29897,
13,
9651,
4522,
29889,
8382,
877,
7211,
1218,
16248,
9976,
4944,
491,
6699,
29899,
29888,
4841,
9920,
1495,
13,
9651,
390,
29887,
29893,
3032,
15480,
29918,
29734,
29918,
3207,
2153,
29898,
5509,
29918,
355,
9748,
29897,
13,
9651,
4522,
29889,
3888,
877,
7211,
630,
16248,
9976,
4944,
491,
6699,
29899,
29888,
4841,
9920,
8472,
29889,
1495,
13,
13,
9651,
4522,
29889,
3888,
877,
3373,
26747,
16248,
1819,
297,
15552,
29893,
2295,
934,
29889,
1495,
13,
9651,
390,
29887,
29893,
3032,
5504,
29918,
11007,
29893,
29918,
2917,
29918,
2541,
29918,
355,
9748,
29898,
5527,
29892,
2669,
29918,
355,
9748,
29892,
2777,
29897,
13,
9651,
2777,
353,
2777,
718,
29871,
29896,
13,
13,
4706,
396,
3462,
5684,
4128,
310,
317,
8257,
669,
7142,
29878,
304,
2295,
934,
29889,
13,
4706,
390,
29887,
29893,
3032,
5504,
29918,
4501,
29883,
29918,
2917,
29898,
5527,
29892,
525,
4645,
742,
1040,
29889,
7597,
29907,
29918,
25903,
29918,
4571,
1783,
29897,
13,
4706,
390,
29887,
29893,
3032,
5504,
29918,
4501,
29883,
29918,
1272,
29918,
2084,
29918,
1767,
29898,
5527,
29892,
525,
4645,
1495,
13,
13,
4706,
396,
10949,
1404,
11265,
29892,
6565,
1598,
14998,
3787,
995,
29922,
14817,
29878,
297,
15552,
29893,
2295,
934,
29889,
13,
4706,
390,
29887,
29893,
3032,
27902,
29918,
27852,
29918,
8899,
29918,
1767,
29898,
5527,
29897,
13,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
3991,
545,
1480,
23361,
363,
426,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
29913,
472,
2224,
29901,
426,
3075,
29889,
14480,
1672,
29911,
3040,
29918,
6007,
29943,
29913,
1495,
13,
4706,
390,
29887,
29893,
3032,
1188,
23361,
29918,
19206,
29898,
5527,
29897,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
3200,
352,
29918,
2271,
29898,
5527,
29901,
341,
17280,
16376,
29892,
19359,
29901,
938,
353,
29871,
29900,
1125,
13,
4706,
9995,
11609,
1136,
352,
3142,
1213,
15945,
13,
4706,
1732,
29918,
355,
9748,
353,
390,
29887,
29893,
3032,
9155,
29918,
29734,
29918,
2271,
29898,
5527,
29892,
1040,
29889,
6007,
29903,
13309,
29918,
1430,
11191,
6992,
29911,
29918,
10818,
29892,
525,
1124,
1495,
13,
4706,
1136,
352,
29918,
29888,
29939,
5200,
353,
1732,
29918,
355,
9748,
29961,
11762,
1822,
5451,
877,
29901,
29861,
29896,
29962,
13,
4706,
1136,
352,
29918,
2271,
353,
525,
3200,
352,
11283,
718,
1136,
352,
29918,
29888,
29939,
5200,
718,
525,
29901,
29947,
29945,
29900,
29900,
29915,
13,
4706,
736,
1136,
352,
29918,
2271,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
732,
1252,
1112,
2556,
5841,
2696,
29898,
11739,
29922,
2451,
29892,
14335,
29922,
29946,
29897,
13,
1678,
822,
903,
3198,
29918,
3200,
352,
29918,
9965,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
1053,
9909,
13,
4706,
577,
384,
353,
9909,
29889,
11514,
29898,
11514,
29889,
5098,
29918,
1177,
2544,
29892,
9909,
29889,
6156,
7077,
29918,
1254,
1525,
5194,
29897,
13,
4706,
577,
384,
29889,
842,
15619,
29898,
29906,
29897,
13,
4706,
1136,
352,
29918,
2271,
353,
390,
29887,
29893,
3032,
657,
29918,
3200,
352,
29918,
2271,
29898,
5527,
467,
5451,
877,
458,
1495,
14352,
29896,
29962,
13,
4706,
3495,
29892,
2011,
353,
1136,
352,
29918,
2271,
29889,
5451,
877,
29901,
1495,
13,
4706,
1121,
353,
577,
384,
29889,
6915,
29918,
735,
3552,
3069,
29892,
938,
29898,
637,
4961,
13,
4706,
565,
1121,
2804,
29871,
29900,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29908,
13696,
352,
1923,
426,
3069,
29901,
637,
29913,
451,
6159,
519,
1159,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
9155,
29918,
29734,
29918,
2271,
29898,
5527,
29901,
341,
17280,
16376,
29892,
1970,
8899,
29918,
29734,
29918,
1989,
29901,
851,
29892,
16248,
29918,
1853,
29901,
851,
1125,
13,
4706,
9995,
20927,
16248,
3142,
2729,
373,
16248,
1134,
515,
13979,
29916,
2295,
1213,
15945,
13,
4706,
1095,
9748,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1970,
8899,
29918,
29734,
29918,
1989,
29897,
13,
4706,
1095,
9748,
29918,
5975,
353,
1051,
29898,
4572,
29898,
2892,
921,
29901,
3142,
5510,
29898,
29916,
467,
816,
2004,
1275,
16248,
29918,
1853,
29892,
1095,
9748,
876,
13,
4706,
565,
7431,
29898,
355,
9748,
29918,
5975,
29897,
1275,
29871,
29900,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
13,
18884,
285,
29915,
29912,
29734,
29918,
1853,
29913,
16248,
338,
451,
6790,
297,
278,
1970,
6169,
13,
18884,
285,
29915,
2391,
287,
1095,
9748,
29901,
426,
355,
9748,
29918,
5975,
29913,
1495,
13,
4706,
736,
1095,
9748,
29918,
5975,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
1445,
29918,
28997,
29898,
1445,
29918,
2084,
29901,
851,
1125,
13,
4706,
9995,
5596,
565,
263,
934,
338,
4864,
1213,
15945,
13,
4706,
565,
451,
2897,
29889,
2084,
29889,
9933,
29898,
1445,
29918,
2084,
1125,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
13,
18884,
285,
29915,
29912,
1445,
29918,
2084,
29913,
934,
451,
4864,
29889,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
5527,
29918,
13140,
29901,
851,
29892,
1970,
29918,
2271,
29901,
851,
1125,
13,
4706,
9995,
2528,
29914,
29248,
1820,
29899,
5975,
297,
2183,
2295,
1213,
15945,
13,
4706,
1018,
29901,
13,
9651,
565,
1970,
29918,
2271,
338,
6213,
29901,
13,
18884,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
525,
16376,
3142,
338,
6213,
29889,
1495,
13,
9651,
10811,
29889,
1359,
29898,
5527,
29918,
13140,
29892,
1970,
29918,
2271,
29892,
4418,
29918,
28120,
29922,
8824,
29897,
13,
4706,
5174,
313,
14697,
291,
2392,
29892,
10811,
2392,
29897,
408,
321,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
13,
18884,
285,
29915,
2392,
10761,
1550,
4417,
278,
1820,
297,
426,
5527,
29918,
2271,
29913,
2295,
29889,
426,
29872,
29913,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
11609,
390,
29954,
29956,
2295,
934,
2224,
1213,
15945,
13,
4706,
15552,
29893,
29918,
2917,
29918,
3972,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
3972,
29898,
5527,
29897,
13,
4706,
2897,
29889,
29885,
12535,
12935,
29898,
11007,
29893,
29918,
2917,
29918,
3972,
29892,
1863,
29918,
554,
29922,
5574,
29897,
13,
4706,
15552,
29893,
29918,
5527,
29918,
1445,
29918,
2084,
353,
2897,
29889,
2084,
29889,
7122,
29898,
11007,
29893,
29918,
2917,
29918,
3972,
29892,
1040,
29889,
29934,
29954,
29956,
29918,
6007,
29943,
29918,
7724,
29897,
13,
4706,
736,
15552,
29893,
29918,
5527,
29918,
1445,
29918,
2084,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
11007,
29893,
29918,
2917,
29918,
3972,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
11609,
390,
29954,
29956,
2295,
3884,
2224,
1213,
15945,
13,
4706,
2295,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
25903,
29918,
10145,
29918,
10818,
29897,
13,
4706,
15552,
29893,
29918,
2917,
29918,
3972,
353,
2897,
29889,
2084,
29889,
7122,
29898,
2917,
29918,
2084,
29892,
1040,
29889,
21514,
1164,
3919,
29918,
5813,
29892,
390,
29887,
29893,
3032,
23523,
29918,
333,
29897,
13,
4706,
736,
15552,
29893,
29918,
2917,
29918,
3972,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
1188,
29918,
3972,
29918,
2084,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
11609,
1480,
4516,
2224,
1213,
15945,
13,
4706,
1480,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
14480,
29918,
10145,
29918,
10818,
29897,
13,
4706,
1480,
29918,
3972,
29918,
2084,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
1040,
29889,
21514,
1164,
3919,
29918,
5813,
29892,
390,
29887,
29893,
3032,
23523,
29918,
333,
29897,
13,
4706,
2897,
29889,
29885,
12535,
12935,
29898,
1188,
29918,
3972,
29918,
2084,
29892,
1863,
29918,
554,
29922,
5574,
29897,
13,
4706,
736,
1480,
29918,
3972,
29918,
2084,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
3258,
29918,
11007,
29893,
29918,
1792,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
4391,
390,
29954,
29956,
4113,
1404,
1213,
15945,
13,
4706,
1404,
29918,
978,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
20656,
29950,
29918,
11889,
29918,
10818,
29897,
13,
4706,
2130,
29918,
1989,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
20656,
29950,
29918,
3035,
16173,
29918,
10818,
29897,
13,
4706,
4817,
29918,
19024,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
20656,
29950,
29918,
1660,
22245,
29911,
29918,
10818,
29897,
13,
4706,
4589,
29918,
710,
353,
285,
29915,
1792,
29901,
426,
1792,
29918,
978,
29913,
4864,
29915,
13,
4706,
11815,
29918,
710,
353,
285,
29915,
9346,
287,
714,
1156,
426,
3075,
29889,
3035,
16173,
29918,
22245,
8098,
29918,
15307,
12015,
29913,
6923,
29915,
13,
4706,
396,
1602,
4641,
7035,
1820,
29889,
13,
4706,
1018,
29901,
13,
9651,
9867,
29918,
333,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
6154,
17321,
1001,
29918,
1367,
29918,
10818,
29897,
13,
9651,
4583,
8096,
29918,
1989,
353,
11402,
8096,
29889,
1885,
29918,
1989,
29898,
19594,
29918,
333,
29892,
1040,
29889,
2287,
11341,
29979,
7982,
2725,
29918,
10818,
29897,
13,
9651,
4800,
353,
11402,
8096,
29889,
7099,
4641,
29898,
455,
8096,
29918,
1989,
29892,
4817,
29918,
19024,
29889,
12508,
29898,
3075,
29889,
10496,
29918,
1430,
3217,
29928,
4214,
876,
13,
9651,
4800,
353,
4800,
29889,
13808,
29898,
3075,
29889,
10496,
29918,
1430,
3217,
29928,
4214,
29897,
13,
4706,
5174,
11402,
8096,
13919,
6066,
408,
321,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29915,
5150,
29918,
19024,
1602,
14272,
5229,
29889,
426,
29872,
29913,
1495,
13,
4706,
15552,
29893,
29918,
2917,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
1653,
29918,
4855,
29918,
9006,
353,
285,
29915,
29878,
2255,
29887,
29893,
29899,
6406,
1404,
1653,
1192,
5416,
3790,
1792,
29918,
978,
29913,
1192,
5943,
29899,
1989,
320,
13,
9651,
426,
5943,
29918,
1989,
29913,
1192,
19024,
426,
5630,
29913,
1192,
4990,
29899,
978,
10724,
1792,
29918,
978,
5038,
320,
13,
9651,
1192,
29883,
2547,
543,
7193,
29922,
29930,
29936,
19635,
29922,
29930,
29936,
21125,
29922,
29930,
29936,
8028,
29922,
29930,
29936,
3888,
29922,
29930,
29936,
1792,
29922,
29930,
29936,
307,
793,
29922,
29930,
29936,
1792,
29899,
22197,
29922,
29930,
29936,
2423,
9737,
29922,
20605,
320,
13,
9651,
448,
29883,
426,
11007,
29893,
29918,
2917,
29913,
448,
29876,
3132,
29889,
29878,
2255,
29887,
29893,
29899,
6406,
1192,
1217,
29899,
3712,
29899,
2917,
29915,
13,
4706,
17117,
4589,
29892,
364,
29883,
29892,
353,
12545,
7032,
29898,
3258,
29918,
4855,
29918,
9006,
467,
3389,
29898,
15619,
29922,
3075,
29889,
3035,
16173,
29918,
22245,
8098,
29918,
15307,
12015,
29897,
13,
4706,
565,
364,
29883,
1275,
29871,
29900,
29901,
13,
9651,
4522,
29889,
3888,
29898,
29888,
29915,
29934,
29954,
29956,
4113,
1404,
426,
1792,
29918,
978,
29913,
338,
2825,
29889,
1495,
13,
9651,
736,
29871,
29900,
13,
4706,
25342,
364,
29883,
2804,
29871,
29900,
29901,
13,
9651,
4589,
353,
4589,
29889,
13808,
29898,
3075,
29889,
10496,
29918,
1430,
3217,
29928,
4214,
29897,
565,
338,
8758,
29898,
3127,
29892,
6262,
29897,
1683,
4589,
13,
9651,
565,
4589,
29918,
710,
297,
4589,
29901,
13,
18884,
4522,
29889,
3888,
29898,
29888,
29915,
29934,
29954,
29956,
4113,
1404,
426,
1792,
29918,
978,
29913,
338,
2307,
2825,
5501,
13,
462,
1678,
525,
28551,
3262,
1404,
11265,
29889,
1495,
13,
18884,
736,
29871,
29900,
13,
9651,
25342,
11815,
29918,
710,
297,
4589,
29901,
13,
18884,
4522,
29889,
3888,
877,
29934,
29954,
29956,
1404,
11265,
1889,
13461,
292,
11815,
995,
448,
525,
13,
462,
1678,
285,
29915,
29912,
3075,
29889,
3035,
16173,
29918,
22245,
8098,
29918,
15307,
12015,
29913,
6923,
29889,
28551,
3262,
1404,
11265,
373,
445,
2943,
29889,
1495,
13,
18884,
736,
364,
29883,
13,
9651,
1683,
29901,
13,
18884,
4522,
29889,
2704,
29898,
29888,
11838,
29912,
3258,
29918,
4855,
29918,
9006,
5038,
5229,
411,
1059,
426,
3127,
1836,
1495,
13,
18884,
736,
364,
29883,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5510,
29918,
29734,
29918,
5975,
29898,
5527,
29901,
341,
17280,
16376,
29892,
2777,
29901,
938,
29892,
3132,
29918,
8758,
29918,
2798,
29901,
938,
29892,
3731,
29883,
29918,
978,
29901,
851,
1125,
13,
4706,
9995,
20927,
16248,
1819,
515,
298,
16948,
6699,
29899,
29888,
4841,
1213,
15945,
13,
4706,
447,
276,
29918,
2917,
29918,
3972,
353,
390,
29887,
29893,
3032,
657,
29918,
29882,
598,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
6699,
29918,
29888,
4841,
29918,
9006,
353,
285,
29915,
29882,
16948,
6699,
29899,
29888,
4841,
448,
29883,
426,
29882,
598,
29918,
2917,
29918,
3972,
10162,
13,
4706,
1602,
6797,
29918,
449,
353,
390,
29887,
29893,
3032,
3389,
29918,
9155,
29918,
29888,
333,
29918,
9006,
29898,
9155,
29918,
29888,
4841,
29918,
9006,
29897,
13,
4706,
390,
29887,
29893,
3032,
15480,
29918,
29882,
16948,
29918,
9006,
29918,
5327,
29898,
7099,
6797,
29918,
449,
29892,
3731,
29883,
29918,
978,
29897,
13,
13,
4706,
1095,
9748,
353,
518,
2388,
363,
752,
297,
1602,
6797,
29918,
449,
565,
752,
1839,
978,
2033,
1275,
3731,
29883,
29918,
978,
29962,
13,
4706,
396,
390,
29954,
29956,
3132,
29918,
8758,
29918,
2798,
881,
367,
5186,
29914,
2222,
1135,
278,
13,
4706,
396,
694,
310,
15552,
29893,
2295,
3161,
2198,
297,
298,
16948,
6699,
29899,
29888,
4841,
1962,
29889,
13,
4706,
565,
7431,
29898,
355,
9748,
29897,
529,
3132,
29918,
8758,
29918,
2798,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
13,
18884,
285,
29915,
1576,
2302,
310,
426,
4501,
29883,
29918,
978,
29913,
3161,
297,
298,
16948,
29899,
9155,
29899,
29888,
4841,
288,
29914,
29886,
525,
13,
18884,
285,
29915,
13221,
451,
1993,
411,
278,
426,
4501,
29883,
29918,
978,
29913,
3132,
2777,
2302,
29889,
1495,
13,
4706,
396,
383,
3486,
1095,
9748,
2729,
373,
2777,
29892,
13,
4706,
396,
363,
8087,
29889,
363,
2777,
29922,
29896,
1303,
29871,
29900,
386,
2380,
15552,
29893,
2295,
1051,
515,
1962,
322,
577,
373,
29889,
13,
4706,
2380,
353,
2777,
448,
29871,
29896,
13,
4706,
1095,
9748,
353,
1095,
9748,
29961,
2248,
29962,
13,
13,
4706,
363,
9358,
29918,
1989,
29892,
9358,
29918,
1767,
297,
1040,
29889,
29934,
29887,
29893,
25602,
17255,
28109,
26914,
7076,
7295,
13,
9651,
565,
1051,
29898,
1022,
29918,
1767,
29889,
1767,
29889,
8149,
3101,
29961,
29900,
29962,
297,
1095,
9748,
29901,
13,
18884,
1095,
9748,
29961,
1022,
29918,
1989,
29962,
353,
1095,
9748,
29889,
7323,
29898,
1761,
29898,
1022,
29918,
1767,
29889,
1767,
29889,
8149,
3101,
29961,
29900,
2314,
13,
13,
4706,
736,
1095,
9748,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5504,
29918,
11007,
29893,
29918,
2917,
29918,
2541,
29918,
355,
9748,
29898,
5527,
29901,
341,
17280,
16376,
29892,
1095,
9748,
29901,
9657,
29892,
2777,
29901,
938,
1125,
13,
4706,
9995,
6422,
1095,
9748,
29892,
637,
322,
1480,
2224,
1819,
304,
15552,
29893,
2295,
934,
1213,
15945,
13,
4706,
2295,
29918,
1445,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
1970,
8899,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
2295,
29918,
1445,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1970,
8899,
29918,
2271,
29897,
13,
4706,
1480,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
1188,
29918,
3972,
29918,
2084,
29898,
5527,
29897,
13,
4706,
2669,
29918,
8758,
29918,
1188,
29918,
1445,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
285,
29915,
29912,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
7402,
29912,
8758,
1836,
1188,
1495,
13,
4706,
364,
2255,
29887,
29893,
29918,
6406,
29918,
1188,
29918,
1445,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1188,
29918,
2084,
29892,
525,
29878,
2255,
29887,
29893,
29899,
6406,
29889,
1188,
1495,
13,
13,
4706,
396,
10318,
1873,
297,
1970,
934,
29889,
13,
4706,
1873,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
16358,
29918,
10818,
29897,
13,
4706,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
525,
14096,
29958,
3259,
742,
1873,
29897,
13,
4706,
396,
10318,
3132,
29889,
29878,
2255,
29887,
29893,
29899,
6406,
4004,
871,
2748,
29892,
13,
4706,
396,
10318,
445,
411,
1021,
2295,
393,
338,
4529,
363,
29871,
29896,
303,
2777,
29889,
13,
4706,
565,
2777,
1275,
29871,
29896,
29901,
13,
9651,
363,
1820,
29892,
9358,
29918,
1767,
297,
1040,
29889,
29934,
29887,
29893,
25602,
17255,
28109,
26914,
7076,
7295,
13,
18884,
995,
353,
1051,
29898,
1022,
29918,
1767,
29889,
1767,
29889,
5975,
3101,
29961,
29900,
29962,
13,
18884,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
285,
29915,
29912,
3075,
29889,
3035,
16173,
29918,
1660,
9838,
17428,
29912,
1767,
29913,
742,
1095,
9748,
29961,
1989,
2314,
13,
9651,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1040,
29889,
29924,
2891,
29934,
29918,
3035,
16173,
29918,
29943,
1367,
29918,
10818,
29892,
13,
18884,
1095,
9748,
29961,
3075,
29889,
29934,
29887,
29893,
25602,
29889,
29924,
2891,
29934,
29918,
8618,
23524,
29918,
29943,
1367,
29889,
978,
2314,
13,
9651,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1040,
29889,
29924,
2891,
29934,
29918,
3035,
16173,
29918,
1430,
11191,
6992,
29911,
29918,
10818,
29892,
13,
18884,
1095,
9748,
29961,
3075,
29889,
29934,
29887,
29893,
25602,
29889,
29924,
2891,
29934,
29918,
27205,
3919,
29918,
15488,
29889,
978,
2314,
13,
9651,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1040,
29889,
29934,
3035,
3267,
29918,
3035,
16173,
29918,
14480,
29918,
7724,
29918,
10818,
29892,
364,
2255,
29887,
29893,
29918,
6406,
29918,
1188,
29918,
1445,
29897,
13,
13,
4706,
396,
6204,
5004,
4004,
363,
1269,
2669,
2777,
297,
13979,
29916,
29918,
11007,
29893,
29889,
5527,
934,
29889,
13,
4706,
363,
1820,
29892,
9358,
29918,
1767,
297,
1040,
29889,
29934,
29887,
29893,
25602,
17255,
28109,
26914,
7076,
7295,
13,
9651,
995,
353,
1051,
29898,
1022,
29918,
1767,
29889,
1767,
29889,
5975,
3101,
29961,
29900,
29962,
13,
9651,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
285,
29915,
29912,
3075,
29889,
7597,
29907,
29918,
1660,
9838,
1273,
2777,
17428,
29912,
1767,
29913,
742,
1095,
9748,
29961,
1989,
2314,
13,
4706,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1040,
29889,
7597,
29907,
29918,
14480,
29918,
7724,
1273,
2777,
29892,
2669,
29918,
8758,
29918,
1188,
29918,
1445,
29897,
13,
4706,
396,
5240,
8238,
2011,
11924,
2304,
363,
2669,
2999,
8871,
29889,
13,
4706,
396,
313,
262,
1206,
310,
2999,
8871,
2011,
995,
4225,
304,
367,
11924,
287,
1846,
13,
4706,
1732,
29918,
637,
353,
390,
29887,
29893,
3032,
657,
29918,
5509,
29918,
637,
29898,
5527,
29892,
525,
1124,
1495,
13,
4706,
2045,
29918,
637,
353,
390,
29887,
29893,
3032,
657,
29918,
5509,
29918,
637,
29898,
5527,
29892,
525,
991,
1495,
13,
4706,
24250,
29918,
6327,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
18641,
29918,
29907,
20161,
29918,
10145,
29918,
10818,
29897,
13,
4706,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1040,
29889,
29934,
29954,
29956,
29918,
15860,
1164,
29911,
11794,
29918,
10818,
1273,
2777,
29892,
13,
9651,
285,
29915,
915,
579,
2011,
3790,
1124,
29918,
637,
29913,
24250,
29918,
637,
3790,
991,
29918,
637,
29913,
24250,
29918,
6327,
8021,
3790,
16265,
29918,
6327,
29918,
2084,
29913,
24250,
29918,
9053,
29918,
1989,
3790,
16265,
29918,
6327,
29918,
2084,
29913,
1495,
13,
4706,
10811,
29889,
7620,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29897,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
5509,
29918,
637,
29898,
5527,
29901,
341,
17280,
16376,
29892,
9608,
29901,
851,
1125,
13,
4706,
9995,
11609,
15552,
29893,
2669,
2011,
995,
1213,
15945,
13,
4706,
2011,
353,
6213,
13,
4706,
1095,
9748,
353,
1970,
29889,
657,
29898,
3075,
29889,
7597,
29907,
29918,
1430,
11191,
6992,
29911,
29918,
10818,
29897,
13,
4706,
565,
1095,
9748,
29901,
13,
9651,
3731,
29883,
29918,
355,
9748,
353,
1051,
29898,
4572,
29898,
2892,
921,
29901,
3142,
5510,
29898,
29916,
467,
816,
2004,
1275,
9608,
29892,
1095,
9748,
876,
13,
9651,
2011,
353,
3142,
5510,
29898,
4501,
29883,
29918,
355,
9748,
29961,
29900,
14664,
637,
13,
9651,
4522,
29889,
3888,
29898,
29888,
29915,
29912,
20464,
29913,
2011,
995,
448,
426,
637,
29913,
1495,
13,
4706,
1683,
29901,
13,
9651,
396,
960,
16248,
338,
451,
2198,
29892,
671,
2322,
2011,
995,
29889,
13,
9651,
565,
9608,
1275,
525,
1124,
2396,
13,
18884,
2011,
353,
1040,
29889,
23397,
29918,
10493,
29918,
15082,
13,
9651,
25342,
9608,
1275,
525,
991,
2396,
13,
18884,
2011,
353,
1040,
29889,
23397,
29918,
10493,
29903,
29918,
15082,
13,
9651,
4522,
29889,
3888,
29898,
29888,
29915,
29912,
3075,
29889,
7597,
29907,
29918,
1430,
11191,
6992,
29911,
29918,
10818,
29913,
338,
451,
3625,
297,
9867,
29889,
5527,
5501,
13,
18884,
285,
29915,
773,
278,
2322,
995,
29889,
426,
20464,
29913,
448,
426,
637,
29913,
1495,
13,
4706,
736,
2011,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
15480,
29918,
29734,
29918,
3207,
2153,
29898,
355,
9748,
29901,
9657,
1125,
13,
4706,
9995,
7211,
403,
16248,
1819,
6699,
287,
515,
298,
16948,
6699,
29899,
29888,
4841,
9920,
1213,
15945,
13,
13,
4706,
363,
1820,
29892,
903,
297,
1040,
29889,
29934,
29887,
29893,
25602,
17255,
28109,
26914,
7076,
7295,
13,
9651,
565,
1820,
451,
297,
1095,
9748,
29901,
13,
18884,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29915,
17776,
304,
12725,
447,
276,
16248,
1819,
6169,
13,
462,
1678,
285,
29915,
29734,
426,
1989,
29913,
338,
451,
2198,
29889,
1495,
13,
13,
4706,
363,
321,
415,
29918,
1989,
29892,
321,
415,
29918,
1767,
297,
1095,
9748,
29889,
7076,
7295,
13,
9651,
565,
321,
415,
29918,
1767,
1275,
525,
2396,
13,
18884,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29915,
13919,
1819,
363,
426,
29872,
415,
29918,
1989,
6177,
426,
29872,
415,
29918,
1767,
29913,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
15480,
29918,
29882,
16948,
29918,
9006,
29918,
5327,
29898,
7099,
6797,
29918,
449,
29901,
1051,
29892,
3731,
29883,
29918,
978,
29901,
851,
1125,
13,
4706,
9995,
7211,
403,
298,
16948,
1899,
2933,
1213,
15945,
13,
4706,
1018,
29901,
13,
9651,
2446,
29898,
29734,
363,
16248,
297,
1602,
6797,
29918,
449,
565,
16248,
1839,
978,
2033,
1275,
3731,
29883,
29918,
978,
29897,
13,
4706,
5174,
22303,
13463,
362,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
525,
13919,
1273,
29879,
16248,
1819,
742,
3731,
29883,
29918,
978,
29897,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
29882,
598,
29918,
2917,
29918,
2084,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
11609,
2295,
2224,
310,
447,
276,
4163,
1213,
15945,
13,
4706,
2967,
29918,
2917,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
25903,
29918,
10145,
29918,
10818,
29897,
13,
4706,
447,
276,
29918,
2917,
29918,
2084,
353,
2897,
29889,
2084,
29889,
7122,
29898,
3188,
29918,
2917,
29918,
2084,
29892,
525,
29882,
598,
742,
13,
9651,
525,
2917,
742,
390,
29887,
29893,
3032,
23523,
29918,
333,
29897,
13,
4706,
736,
447,
276,
29918,
2917,
29918,
2084,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
1949,
29918,
4645,
29918,
2611,
2925,
29898,
5527,
29901,
341,
17280,
16376,
29892,
3731,
29883,
29918,
978,
29901,
851,
1125,
13,
4706,
9995,
6359,
1353,
310,
3132,
8871,
1213,
15945,
13,
4706,
3132,
29918,
13140,
353,
29871,
29900,
13,
4706,
954,
29918,
2611,
2925,
353,
29871,
29896,
13,
4706,
1550,
1970,
29889,
657,
29898,
3075,
29889,
27205,
3919,
29918,
25580,
23219,
29918,
5813,
29918,
10818,
1273,
3132,
29918,
13140,
29897,
338,
451,
6213,
29901,
13,
9651,
1024,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
27205,
3919,
29918,
25580,
23219,
29918,
5813,
29918,
10818,
1273,
3132,
29918,
13140,
29897,
13,
9651,
565,
1024,
1275,
3731,
29883,
29918,
978,
29901,
13,
18884,
954,
29918,
2611,
2925,
353,
938,
29898,
29934,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
27205,
3919,
29918,
25580,
23219,
29918,
23207,
29918,
10818,
1273,
3132,
29918,
13140,
876,
13,
18884,
2867,
13,
9651,
3132,
29918,
13140,
353,
3132,
29918,
13140,
718,
29871,
29896,
13,
4706,
736,
954,
29918,
2611,
2925,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29901,
341,
17280,
16376,
29892,
1820,
29901,
851,
29892,
2322,
29918,
1767,
353,
6213,
1125,
13,
4706,
9995,
6359,
995,
515,
9867,
2295,
363,
2183,
1820,
15945,
29908,
13,
4706,
659,
353,
1970,
29889,
657,
29898,
1989,
29897,
13,
4706,
565,
659,
338,
6213,
29901,
13,
9651,
565,
2322,
29918,
1767,
338,
6213,
29901,
13,
18884,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29915,
1917,
363,
426,
1989,
29913,
1820,
338,
6213,
29889,
1495,
13,
9651,
1683,
29901,
13,
18884,
659,
353,
2322,
29918,
1767,
13,
4706,
736,
659,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
4501,
29883,
29918,
978,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
6359,
2669,
1024,
515,
9867,
29889,
5527,
15945,
29908,
13,
4706,
3731,
29883,
29918,
978,
353,
6213,
13,
4706,
954,
29918,
9700,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
13967,
29918,
21514,
1164,
3919,
29903,
29918,
10818,
1273,
390,
29887,
29893,
3032,
23523,
29918,
333,
29897,
13,
4706,
363,
22645,
297,
3464,
29898,
29900,
29892,
954,
29918,
9700,
1125,
13,
9651,
565,
313,
29934,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
13,
18884,
1040,
29889,
21514,
1164,
3919,
29918,
5813,
29918,
10818,
1273,
313,
29934,
29887,
29893,
3032,
23523,
29918,
333,
29892,
22645,
876,
1275,
1040,
29889,
21514,
1164,
3919,
29918,
5813,
1125,
13,
18884,
3731,
29883,
29918,
978,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
13,
462,
1678,
1040,
29889,
7597,
29907,
29918,
5813,
29918,
10818,
1273,
313,
29934,
29887,
29893,
3032,
23523,
29918,
333,
29892,
22645,
511,
1040,
29889,
21514,
1164,
3919,
29918,
5813,
29897,
13,
18884,
2867,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
3170,
1024,
363,
426,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
29913,
338,
426,
4501,
29883,
29918,
978,
29913,
1495,
13,
4706,
736,
3731,
29883,
29918,
978,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
17158,
29918,
16265,
29918,
6327,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
5631,
403,
17122,
12289,
1213,
15945,
13,
4706,
24250,
29918,
6327,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
18641,
29918,
29907,
20161,
29918,
10145,
29918,
10818,
29897,
13,
4706,
565,
451,
2897,
29889,
2084,
29889,
9933,
29898,
16265,
29918,
6327,
29918,
2084,
1125,
13,
9651,
396,
3251,
403,
17122,
2284,
29889,
13,
9651,
4522,
29889,
3888,
29898,
29888,
11838,
991,
29908,
338,
9615,
322,
17122,
12289,
338,
451,
2198,
472,
426,
16265,
29918,
6327,
29918,
2084,
1836,
1495,
13,
9651,
4522,
29889,
3888,
877,
5631,
1218,
17122,
12289,
29889,
1495,
13,
9651,
1018,
29901,
13,
18884,
24250,
29918,
6327,
29918,
2917,
29879,
353,
1040,
29889,
18641,
29918,
29907,
20161,
29918,
6007,
3738,
10749,
13,
18884,
24250,
29918,
6327,
29918,
5415,
353,
18410,
8021,
29889,
2344,
877,
16265,
1495,
13,
18884,
24250,
29918,
6327,
29918,
5415,
29889,
17158,
29898,
13,
462,
1678,
2284,
29918,
2084,
29922,
16265,
29918,
6327,
29918,
2084,
29892,
270,
1983,
29918,
1761,
29922,
3075,
29889,
18641,
29918,
29928,
3059,
29918,
24360,
29892,
3579,
16265,
29918,
6327,
29918,
2917,
29879,
29897,
13,
9651,
5174,
5886,
12182,
814,
8021,
2392,
408,
321,
29901,
13,
18884,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
285,
29915,
17776,
304,
5706,
1583,
8794,
24250,
12289,
29901,
426,
29872,
29913,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5504,
29918,
29882,
1165,
29918,
29734,
29898,
5527,
29901,
341,
17280,
16376,
29892,
848,
29918,
15334,
29918,
28988,
29901,
851,
1125,
13,
4706,
9995,
6422,
447,
29916,
16248,
1819,
297,
15552,
29893,
2295,
934,
1213,
15945,
13,
4706,
4522,
29889,
3888,
877,
6359,
292,
3184,
29878,
29918,
2350,
29918,
29734,
515,
848,
2532,
1495,
13,
13,
4706,
565,
451,
848,
29918,
15334,
29918,
28988,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
525,
13919,
848,
2532,
3495,
978,
29901,
1273,
29879,
742,
848,
29918,
15334,
29918,
28988,
29897,
13,
13,
4706,
447,
276,
29918,
2917,
29918,
3972,
353,
390,
29887,
29893,
3032,
657,
29918,
29882,
598,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
6699,
29918,
29888,
4841,
29918,
9006,
353,
285,
29915,
29882,
16948,
6699,
29899,
29888,
4841,
448,
29883,
426,
29882,
598,
29918,
2917,
29918,
3972,
29913,
1192,
3177,
426,
1272,
29918,
15334,
29918,
28988,
10162,
13,
4706,
1602,
6797,
29918,
449,
353,
390,
29887,
29893,
3032,
3389,
29918,
9155,
29918,
29888,
333,
29918,
9006,
29898,
9155,
29918,
29888,
4841,
29918,
9006,
29892,
848,
29918,
15334,
29918,
28988,
29897,
13,
4706,
390,
29887,
29893,
3032,
15480,
29918,
29882,
16948,
29918,
9006,
29918,
5327,
29898,
7099,
6797,
29918,
449,
29892,
525,
29882,
1165,
1495,
13,
4706,
3184,
29878,
29918,
2350,
29918,
29734,
353,
518,
355,
9748,
1839,
1022,
2033,
363,
1095,
9748,
297,
1602,
6797,
29918,
449,
320,
13,
9651,
565,
525,
29882,
1165,
29915,
297,
1095,
9748,
29889,
5975,
580,
3816,
29900,
29962,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
20927,
287,
3184,
29878,
29918,
2350,
29918,
29734,
515,
848,
2532,
29889,
2796,
3149,
29901,
426,
14817,
29878,
29918,
2350,
29918,
29734,
29913,
1495,
13,
13,
4706,
2295,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
1970,
8899,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
2295,
29918,
2084,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1970,
8899,
29918,
2271,
29897,
13,
4706,
447,
29918,
1022,
29918,
1989,
353,
1051,
29898,
3075,
29889,
29934,
29887,
29893,
25602,
29889,
29924,
2891,
29934,
29918,
15715,
29918,
15488,
29889,
1767,
29889,
5975,
3101,
29961,
29900,
29962,
13,
4706,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
285,
29915,
4645,
29889,
29878,
2255,
29887,
29893,
29899,
6406,
26208,
2350,
29918,
1022,
29918,
1989,
29913,
742,
3184,
29878,
29918,
2350,
29918,
29734,
29897,
13,
4706,
10811,
29889,
7620,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29897,
13,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
29248,
3184,
29878,
29918,
2350,
29918,
29734,
297,
2295,
934,
426,
2917,
29918,
2084,
29913,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
3389,
29918,
9155,
29918,
29888,
333,
29918,
9006,
29898,
9155,
29918,
29888,
4841,
29918,
9006,
29901,
851,
29892,
848,
29918,
15334,
29918,
28988,
29901,
851,
353,
6213,
1125,
13,
4706,
9995,
6558,
298,
16948,
6699,
29899,
29888,
4841,
1899,
1549,
12545,
7032,
1213,
15945,
13,
4706,
714,
29892,
4589,
29892,
364,
29883,
353,
12545,
7032,
29898,
9155,
29918,
29888,
4841,
29918,
9006,
467,
3389,
580,
13,
4706,
565,
364,
29883,
2804,
29871,
29900,
29901,
13,
9651,
565,
848,
29918,
15334,
29918,
28988,
29901,
13,
18884,
4522,
29889,
2704,
29898,
29888,
29915,
2525,
519,
304,
1303,
25947,
2472,
363,
3495,
978,
29901,
525,
13,
462,
1678,
285,
29915,
29912,
1272,
29918,
15334,
29918,
28988,
1836,
426,
3127,
29913,
1495,
13,
18884,
12020,
3789,
786,
2392,
29898,
2214,
29892,
525,
2525,
519,
304,
1303,
25947,
2472,
363,
3495,
978,
29901,
525,
13,
462,
1678,
14210,
29879,
29889,
1273,
29879,
742,
848,
29918,
15334,
29918,
28988,
29892,
4589,
29897,
13,
9651,
1683,
29901,
13,
18884,
4522,
29889,
2704,
29898,
29888,
29915,
2525,
519,
304,
1303,
25947,
2472,
29889,
426,
3127,
29913,
1495,
13,
18884,
12020,
3789,
786,
2392,
29898,
2214,
29892,
525,
2525,
519,
304,
1303,
25947,
2472,
29889,
1273,
29879,
742,
4589,
29897,
13,
13,
4706,
1602,
6797,
29918,
449,
353,
4390,
29889,
18132,
29898,
449,
29889,
13808,
29898,
3075,
29889,
10496,
29918,
1430,
3217,
29928,
4214,
876,
13,
13,
4706,
736,
1602,
6797,
29918,
449,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
3258,
29918,
6406,
29918,
265,
29918,
3784,
29918,
3177,
29898,
5527,
29901,
341,
17280,
16376,
29892,
1857,
29918,
1272,
29918,
3177,
29901,
851,
1125,
13,
4706,
1018,
29901,
13,
9651,
390,
29887,
29893,
3032,
5504,
29918,
29882,
1165,
29918,
29734,
29898,
5527,
29892,
1857,
29918,
1272,
29918,
3177,
29897,
13,
9651,
4522,
29889,
3888,
877,
9832,
1218,
4113,
1404,
29889,
1495,
13,
9651,
396,
10949,
4969,
1404,
1423,
565,
1404,
338,
2307,
2825,
29889,
13,
9651,
1404,
29918,
4882,
353,
390,
29887,
29893,
3032,
3258,
29918,
11007,
29893,
29918,
1792,
29898,
5527,
29897,
13,
9651,
736,
1404,
29918,
4882,
13,
4706,
5174,
8960,
29901,
13,
9651,
736,
448,
29896,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5504,
29918,
29882,
1165,
29918,
29734,
29918,
392,
29918,
3258,
29918,
6406,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
6422,
3184,
29878,
29918,
2350,
29898,
29882,
1165,
29897,
16248,
1819,
304,
15552,
29893,
2295,
934,
322,
1653,
4113,
1213,
15945,
13,
4706,
396,
4113,
1404,
881,
367,
2825,
871,
373,
697,
2943,
29889,
13,
4706,
396,
29871,
29896,
29889,
5806,
4969,
4113,
1404,
29892,
5534,
7714,
2825,
297,
1136,
352,
10908,
3787,
29889,
13,
4706,
396,
313,
11007,
29893,
29918,
3200,
352,
29918,
2248,
29892,
13979,
29916,
29958,
11007,
29893,
29958,
1555,
24285,
29958,
11007,
29893,
29918,
908,
29892,
4933,
29918,
333,
29897,
13,
4706,
396,
29871,
29906,
29889,
10949,
4969,
4113,
1404,
29889,
13,
4706,
396,
1678,
263,
29889,
5399,
363,
15552,
29893,
29918,
908,
297,
1136,
352,
10908,
3787,
13,
4706,
396,
1678,
289,
29889,
6204,
1404,
871,
565,
7714,
995,
338,
5186,
304,
3579,
1311,
1068,
4933,
29918,
333,
13,
4706,
396,
29871,
29941,
29889,
960,
1404,
11265,
4218,
5229,
515,
445,
2943,
29892,
5217,
278,
7714,
13,
4706,
396,
1678,
577,
916,
2943,
508,
1274,
1548,
278,
7714,
322,
1018,
1404,
11265,
29889,
13,
4706,
396,
29871,
29946,
29889,
960,
1404,
11265,
338,
9150,
29892,
2767,
7714,
995,
304,
525,
1792,
29918,
11600,
4286,
13,
13,
4706,
15552,
29893,
29918,
3200,
352,
29918,
13140,
353,
285,
29915,
29912,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
2403,
3200,
352,
29918,
13140,
29915,
13,
4706,
396,
3617,
1136,
352,
3142,
515,
13979,
29916,
2295,
29889,
13,
4706,
1136,
352,
29918,
2271,
353,
390,
29887,
29893,
3032,
657,
29918,
3200,
352,
29918,
2271,
29898,
5527,
29897,
13,
4706,
396,
5399,
363,
15552,
29893,
29918,
908,
297,
1136,
352,
10908,
3787,
29889,
13,
4706,
4522,
29889,
3888,
877,
5596,
292,
363,
15552,
29893,
7714,
297,
1136,
352,
10908,
3787,
29889,
1495,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
11007,
29893,
29918,
3200,
352,
29918,
13140,
29892,
1136,
352,
29918,
2271,
29897,
13,
4706,
15552,
29893,
29918,
908,
353,
390,
29887,
29893,
3032,
657,
29918,
908,
29898,
11007,
29893,
29918,
3200,
352,
29918,
13140,
29897,
13,
4706,
565,
15552,
29893,
29918,
908,
338,
5852,
29901,
13,
9651,
396,
14402,
29901,
10987,
263,
982,
304,
679,
1857,
848,
2532,
3495,
978,
373,
1923,
2943,
29889,
13,
9651,
396,
1857,
29918,
1272,
29918,
3177,
353,
9909,
29889,
29887,
621,
520,
978,
2141,
6506,
877,
2974,
742,
525,
1272,
1495,
13,
9651,
396,
1404,
29918,
4882,
353,
390,
29887,
29893,
3032,
3258,
29918,
6406,
29918,
265,
29918,
3784,
29918,
3177,
29898,
5527,
29892,
1857,
29918,
1272,
29918,
3177,
29897,
13,
13,
9651,
396,
565,
1404,
29918,
4882,
1275,
29871,
29900,
29901,
13,
9651,
396,
1678,
4522,
29889,
3888,
29898,
29888,
29915,
2659,
11265,
338,
9150,
373,
29850,
29934,
29887,
29893,
3032,
23523,
29918,
333,
5038,
2943,
29889,
1495,
13,
9651,
396,
1678,
390,
29887,
29893,
3032,
842,
29918,
3200,
352,
29918,
27049,
29898,
11007,
29893,
29918,
3200,
352,
29918,
13140,
29892,
1040,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
29892,
1040,
29889,
3035,
16173,
29918,
11889,
29918,
27045,
29928,
29897,
13,
9651,
396,
1683,
29901,
13,
9651,
848,
29918,
15334,
29918,
3069,
7039,
353,
390,
29887,
29893,
3032,
657,
29918,
1272,
29918,
18010,
29898,
5527,
29897,
13,
9651,
396,
1678,
565,
7431,
29898,
1272,
29918,
15334,
29918,
3069,
7039,
29897,
1275,
29871,
29896,
322,
1857,
29918,
1272,
29918,
3177,
1275,
848,
29918,
15334,
29918,
3069,
7039,
29961,
29900,
5387,
13,
9651,
396,
4706,
4522,
29889,
2704,
877,
12754,
1404,
11265,
5229,
1495,
13,
9651,
396,
4706,
390,
29887,
29893,
3032,
8143,
29918,
3200,
352,
29918,
27049,
29898,
11007,
29893,
29918,
3200,
352,
29918,
13140,
29892,
1040,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
29897,
13,
9651,
396,
4706,
12020,
3789,
786,
2392,
29898,
1792,
29918,
4882,
29892,
525,
12754,
1404,
11265,
5229,
373,
29915,
13,
9651,
396,
9651,
285,
29915,
29850,
29934,
29887,
29893,
3032,
23523,
29918,
333,
5038,
2943,
29892,
411,
599,
848,
2532,
29879,
448,
426,
1272,
29918,
15334,
29918,
3069,
7039,
29913,
1495,
13,
13,
9651,
396,
1678,
848,
29918,
15334,
29918,
3069,
7039,
29889,
5992,
29898,
3784,
29918,
1272,
29918,
3177,
29897,
13,
9651,
363,
848,
29918,
15334,
29918,
28988,
297,
848,
29918,
15334,
29918,
3069,
7039,
29901,
13,
18884,
1018,
29901,
13,
462,
1678,
390,
29887,
29893,
3032,
5504,
29918,
29882,
1165,
29918,
29734,
29898,
5527,
29892,
848,
29918,
15334,
29918,
28988,
29897,
13,
18884,
5174,
3789,
786,
2392,
408,
321,
29901,
13,
462,
1678,
4522,
29889,
8382,
29898,
29888,
29915,
2392,
2179,
2955,
1550,
13271,
447,
29916,
1095,
9748,
29889,
426,
29872,
29913,
1495,
13,
462,
1678,
6773,
13,
18884,
4660,
353,
390,
29887,
29893,
3032,
3258,
29918,
11007,
29893,
29918,
1792,
29898,
5527,
29897,
13,
18884,
565,
4660,
1275,
29871,
29900,
29901,
13,
462,
1678,
4522,
29889,
3888,
29898,
29888,
29915,
2659,
11265,
338,
9150,
373,
29850,
29934,
29887,
29893,
3032,
23523,
29918,
333,
5038,
2943,
29889,
1495,
13,
462,
1678,
390,
29887,
29893,
3032,
842,
29918,
3200,
352,
29918,
27049,
29898,
11007,
29893,
29918,
3200,
352,
29918,
13140,
29892,
1040,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
29892,
1040,
29889,
3035,
16173,
29918,
11889,
29918,
27045,
29928,
29897,
13,
462,
1678,
2867,
13,
18884,
1683,
29901,
13,
462,
1678,
565,
848,
29918,
15334,
29918,
28988,
1275,
848,
29918,
15334,
29918,
3069,
7039,
14352,
29896,
5387,
13,
462,
4706,
4522,
29889,
2704,
29898,
29888,
29915,
12754,
1404,
11265,
5229,
411,
1059,
775,
448,
426,
4882,
29913,
1495,
13,
462,
4706,
390,
29887,
29893,
3032,
8143,
29918,
3200,
352,
29918,
27049,
29898,
11007,
29893,
29918,
3200,
352,
29918,
13140,
29892,
1040,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
29897,
13,
462,
4706,
12020,
3789,
786,
2392,
29898,
4882,
29892,
525,
12754,
1404,
11265,
5229,
373,
29915,
13,
462,
9651,
285,
29915,
29850,
29934,
29887,
29893,
3032,
23523,
29918,
333,
5038,
2943,
29892,
411,
599,
848,
2532,
29879,
448,
426,
1272,
29918,
15334,
29918,
3069,
7039,
29913,
1495,
13,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
1272,
29918,
18010,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
11609,
599,
848,
7573,
3495,
978,
15945,
29908,
13,
4706,
8635,
29918,
842,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
1254,
1955,
10461,
29918,
10490,
1273,
390,
29887,
29893,
3032,
23523,
29918,
333,
29897,
13,
4706,
8635,
29918,
842,
29918,
2798,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
1254,
1955,
10461,
29918,
10490,
29918,
18736,
29897,
13,
4706,
4933,
29918,
4841,
353,
5159,
13,
4706,
363,
8635,
29918,
842,
29918,
2248,
297,
3464,
29898,
29900,
29892,
8635,
29918,
842,
29918,
2798,
1125,
13,
9651,
565,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
13,
18884,
1040,
29889,
1254,
1955,
10461,
29918,
10490,
29918,
5813,
1273,
8635,
29918,
842,
29918,
2248,
29897,
1275,
8635,
29918,
842,
29901,
13,
18884,
4933,
29918,
4841,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
13,
462,
1678,
1970,
29892,
1040,
29889,
1254,
1955,
10461,
29918,
10490,
29918,
6632,
2287,
1273,
8635,
29918,
842,
29918,
2248,
29897,
13,
4706,
848,
29918,
15334,
29918,
3069,
7039,
353,
518,
29934,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
6632,
2287,
29918,
20832,
5813,
1273,
4933,
29918,
333,
29897,
13,
9651,
363,
4933,
29918,
333,
297,
4933,
29918,
4841,
565,
13,
9651,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
6632,
2287,
29918,
11116,
1273,
4933,
29918,
333,
29897,
1275,
1040,
29889,
14573,
29918,
6632,
2287,
29962,
13,
4706,
736,
848,
29918,
15334,
29918,
3069,
7039,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
657,
29918,
908,
29898,
3200,
352,
29918,
13140,
29901,
851,
1125,
13,
4706,
9995,
2577,
7714,
515,
1136,
352,
10908,
1213,
15945,
13,
4706,
396,
565,
297,
1206,
1018,
29899,
12510,
2908,
775,
8283,
472,
278,
1021,
931,
373,
599,
278,
7573,
29892,
13,
4706,
396,
769,
599,
7573,
674,
1018,
304,
2767,
15552,
29893,
7714,
29899,
1989,
297,
1136,
352,
29892,
1156,
13271,
1820,
13,
4706,
396,
372,
674,
4480,
363,
1047,
5410,
29898,
2230,
29889,
17059,
29898,
29941,
876,
322,
297,
2446,
12541,
599,
7573,
674,
13,
4706,
396,
679,
7714,
995,
408,
2943,
29899,
333,
310,
2943,
1058,
756,
4784,
278,
7714,
1820,
472,
1833,
29889,
13,
4706,
396,
322,
769,
871,
393,
2943,
674,
2189,
278,
1404,
11265,
5858,
29889,
13,
4706,
15552,
29893,
29918,
908,
353,
7700,
13,
4706,
1550,
5852,
29901,
13,
9651,
1018,
29901,
13,
18884,
15552,
29893,
29918,
908,
29918,
791,
353,
10811,
29889,
657,
29898,
3200,
352,
29918,
13140,
29892,
1040,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
29897,
13,
18884,
4522,
29889,
3888,
29898,
29888,
29915,
29912,
3075,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
29913,
995,
448,
426,
11007,
29893,
29918,
908,
29918,
791,
29913,
1495,
13,
18884,
565,
15552,
29893,
29918,
908,
29918,
791,
338,
6213,
29901,
13,
462,
1678,
4522,
29889,
3888,
29898,
29888,
29915,
29020,
1136,
352,
10908,
3787,
995,
363,
1820,
584,
29912,
3075,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
10162,
13,
462,
9651,
285,
29915,
322,
995,
408,
584,
29912,
29934,
29887,
29893,
3032,
23523,
29918,
333,
29913,
1495,
13,
462,
1678,
390,
29887,
29893,
3032,
842,
29918,
3200,
352,
29918,
27049,
29898,
3200,
352,
29918,
13140,
29892,
1040,
29889,
6007,
29903,
13309,
29918,
21339,
29918,
10818,
29892,
390,
29887,
29893,
3032,
23523,
29918,
333,
29897,
13,
462,
1678,
6773,
13,
18884,
25342,
15552,
29893,
29918,
908,
29918,
791,
1275,
390,
29887,
29893,
3032,
23523,
29918,
333,
29901,
13,
462,
1678,
4522,
29889,
3888,
877,
19347,
7714,
2307,
25622,
29892,
8469,
292,
411,
390,
29954,
29956,
525,
13,
462,
4706,
285,
29915,
6406,
1404,
11265,
373,
2943,
426,
11007,
29893,
29918,
908,
29918,
791,
29913,
1495,
13,
462,
1678,
15552,
29893,
29918,
908,
353,
5852,
13,
462,
1678,
2867,
13,
18884,
25342,
15552,
29893,
29918,
908,
29918,
791,
2804,
390,
29887,
29893,
3032,
23523,
29918,
333,
29901,
13,
462,
1678,
565,
15552,
29893,
29918,
908,
29918,
791,
1275,
1040,
29889,
3035,
16173,
29918,
11889,
29918,
27045,
29928,
29901,
13,
462,
4706,
4522,
29889,
3888,
877,
2659,
338,
2307,
2825,
29889,
1495,
13,
462,
4706,
2867,
13,
462,
1678,
4522,
29889,
3888,
29898,
29888,
29915,
29934,
29954,
29956,
7714,
338,
16692,
491,
29850,
11007,
29893,
29918,
908,
29918,
791,
5038,
2943,
29889,
1495,
13,
462,
1678,
4522,
29889,
3888,
29898,
29888,
29915,
15716,
292,
363,
1404,
11265,
304,
4866,
373,
29850,
11007,
29893,
29918,
908,
29918,
791,
5038,
2943,
1495,
13,
462,
1678,
931,
29889,
17059,
29898,
29941,
29897,
13,
462,
1678,
6773,
13,
13,
9651,
5174,
8960,
408,
321,
29901,
13,
18884,
4522,
29889,
2704,
877,
2451,
2179,
2955,
1550,
16791,
304,
1136,
352,
2669,
29915,
13,
462,
3986,
285,
29915,
16248,
426,
29872,
29913,
1495,
13,
18884,
2867,
13,
4706,
736,
15552,
29893,
29918,
908,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
842,
29918,
3200,
352,
29918,
27049,
29898,
3200,
352,
29918,
13140,
29901,
851,
29892,
1820,
29901,
851,
29892,
995,
29901,
851,
1125,
13,
4706,
9995,
6422,
1820,
995,
5101,
297,
1136,
352,
10908,
3787,
1213,
15945,
13,
4706,
10811,
29889,
842,
29898,
3200,
352,
29918,
13140,
29892,
1820,
29892,
995,
29897,
13,
4706,
10811,
29889,
7620,
29898,
3200,
352,
29918,
13140,
29897,
13,
4706,
931,
29889,
17059,
29898,
29941,
29897,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
29248,
1136,
352,
10908,
3787,
448,
426,
1989,
29913,
448,
426,
1767,
1836,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
8143,
29918,
3200,
352,
29918,
27049,
29898,
3200,
352,
29918,
13140,
29901,
851,
29892,
1820,
29901,
851,
1125,
13,
4706,
9995,
12498,
1820,
995,
5101,
515,
1136,
352,
10908,
3787,
1213,
15945,
13,
4706,
4522,
29889,
8382,
29898,
29888,
29915,
2772,
1026,
292,
15552,
29893,
29918,
908,
1820,
426,
1989,
1836,
1495,
13,
4706,
10811,
29889,
8143,
29898,
3200,
352,
29918,
13140,
29892,
1820,
29897,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
29912,
1989,
29913,
1820,
338,
11132,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
1188,
23361,
29918,
19206,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
1281,
4532,
1480,
23361,
19725,
363,
15552,
29893,
10748,
1213,
15945,
13,
4706,
1480,
29918,
1445,
29918,
2084,
353,
390,
29887,
29893,
3032,
657,
29918,
1188,
29918,
3972,
29918,
2084,
29898,
5527,
29897,
13,
4706,
396,
1281,
4532,
278,
18863,
4982,
373,
7234,
368,
10868,
363,
390,
29954,
29956,
1480,
2066,
29889,
13,
4706,
1018,
29901,
13,
9651,
411,
1722,
29898,
3075,
29889,
11341,
1164,
29918,
14480,
1672,
29911,
3040,
29918,
29911,
3580,
29931,
29892,
525,
29878,
1495,
408,
285,
29901,
13,
18884,
2793,
353,
285,
29889,
949,
580,
13,
9651,
411,
1722,
29898,
3075,
29889,
11341,
1164,
29918,
14480,
1672,
29911,
3040,
29892,
525,
29893,
1495,
408,
285,
29901,
13,
18884,
285,
29889,
3539,
29898,
3051,
29897,
13,
4706,
5174,
8960,
408,
321,
29901,
13,
9651,
4522,
29889,
2704,
29898,
29888,
29908,
17776,
304,
10822,
18863,
4982,
363,
1480,
23361,
472,
426,
3075,
29889,
29943,
1525,
13356,
1430,
29907,
29979,
29913,
8405,
1213,
13,
462,
418,
285,
29908,
11432,
26254,
29872,
27195,
13,
4706,
396,
1653,
364,
2255,
29887,
29893,
1480,
23361,
934,
29889,
13,
4706,
396,
1152,
8087,
29901,
13,
4706,
396,
934,
2084,
2433,
29914,
7070,
29914,
1188,
23361,
29889,
29881,
29914,
29878,
2255,
29887,
29893,
29915,
13,
4706,
2030,
29918,
1445,
353,
2897,
29889,
2084,
29889,
7122,
29898,
3075,
29889,
14480,
1672,
29911,
3040,
29918,
9464,
29892,
525,
346,
561,
1495,
13,
4706,
565,
2897,
29889,
2084,
29889,
9933,
29898,
1025,
29918,
1445,
1125,
13,
9651,
2897,
29889,
5992,
29898,
1025,
29918,
1445,
29897,
13,
4706,
1018,
29901,
13,
9651,
411,
1722,
29898,
3075,
29889,
14480,
1672,
29911,
3040,
29918,
29911,
3580,
29931,
29892,
525,
29878,
1495,
408,
285,
29901,
13,
18884,
2793,
353,
285,
29889,
949,
580,
13,
9651,
2793,
353,
2793,
29889,
6506,
877,
29911,
3580,
29918,
14480,
29918,
10145,
742,
1480,
29918,
1445,
29918,
2084,
29897,
13,
9651,
411,
1722,
29898,
3075,
29889,
14480,
1672,
29911,
3040,
29918,
6007,
29943,
29892,
525,
29893,
1495,
408,
285,
29901,
13,
18884,
285,
29889,
3539,
29898,
3051,
29897,
13,
9651,
4522,
29889,
3888,
29898,
29888,
29915,
29912,
3075,
29889,
14480,
1672,
29911,
3040,
29918,
29911,
3580,
29931,
29913,
934,
13746,
304,
426,
3075,
29889,
14480,
1672,
29911,
3040,
29918,
6007,
29943,
29913,
1495,
13,
4706,
5174,
8960,
408,
321,
29901,
13,
9651,
4522,
29889,
2704,
29898,
29888,
29908,
17776,
304,
10822,
1480,
23361,
363,
426,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
1836,
14431,
26254,
29872,
27195,
13,
4706,
396,
1369,
18863,
29889,
29881,
2669,
13,
4706,
1018,
29901,
13,
9651,
2897,
29889,
5205,
29898,
29888,
29908,
305,
1545,
718,
29916,
426,
3075,
29889,
11341,
1164,
29918,
14480,
1672,
29911,
3040,
27195,
13,
9651,
2897,
29889,
5205,
11974,
4855,
29914,
29879,
2109,
29914,
7283,
898,
1369,
1159,
13,
4706,
5174,
8960,
408,
321,
29901,
13,
9651,
4522,
29889,
2704,
29898,
29888,
29908,
17776,
304,
1369,
278,
2181,
898,
2669,
363,
426,
3075,
29889,
21514,
1164,
3919,
29918,
5813,
1836,
14431,
26254,
29872,
27195,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
27902,
29918,
27852,
29918,
8899,
29918,
1767,
29898,
5527,
29901,
341,
17280,
16376,
1125,
13,
4706,
9995,
6565,
1598,
1250,
287,
3787,
995,
408,
3184,
29878,
1213,
15945,
13,
4706,
2295,
29918,
1445,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
1970,
8899,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
2295,
29918,
1445,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1970,
8899,
29918,
2271,
29897,
13,
4706,
14998,
29918,
8899,
353,
10811,
29889,
657,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1040,
29889,
29934,
29954,
29956,
29918,
29933,
11375,
11794,
29918,
1254,
29949,
1525,
29918,
10818,
29897,
13,
4706,
565,
451,
14998,
29918,
8899,
297,
1040,
29889,
29903,
4897,
15082,
3352,
29918,
29933,
11375,
11794,
29918,
1254,
29949,
15989,
29901,
13,
9651,
12020,
3789,
786,
2392,
29898,
3127,
1217,
29889,
29923,
1177,
8932,
29892,
13,
18884,
285,
29915,
14039,
287,
15552,
29893,
14998,
3787,
526,
426,
3075,
29889,
29903,
4897,
15082,
3352,
29918,
29933,
11375,
11794,
29918,
1254,
29949,
15989,
1118,
29915,
13,
18884,
285,
29915,
5279,
13252,
697,
338,
426,
27852,
29918,
8899,
29913,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5504,
29918,
4501,
29883,
29918,
2917,
29898,
5527,
29901,
341,
17280,
16376,
29892,
3132,
29918,
2042,
29901,
851,
29892,
2295,
29918,
1989,
29918,
20698,
29901,
9657,
1125,
13,
4706,
9995,
6422,
2295,
4426,
515,
1970,
8899,
304,
15552,
29893,
2295,
934,
1213,
15945,
13,
4706,
3731,
29883,
29918,
2917,
29918,
1445,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
1970,
8899,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
3731,
29883,
29918,
2917,
29918,
1445,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1970,
8899,
29918,
2271,
29897,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
786,
26747,
4128,
304,
426,
4645,
29918,
2042,
29913,
297,
426,
4501,
29883,
29918,
2917,
29918,
1445,
29913,
1495,
13,
13,
4706,
363,
2295,
29918,
1989,
29892,
1970,
8899,
29918,
1989,
297,
2295,
29918,
1989,
29918,
20698,
29889,
7076,
7295,
13,
9651,
2322,
29918,
1767,
353,
10811,
29889,
657,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
285,
29915,
29912,
4645,
29918,
2042,
17428,
29912,
2917,
29918,
1989,
29913,
1495,
13,
9651,
565,
1970,
8899,
29918,
1989,
338,
6213,
29901,
13,
18884,
4522,
29889,
3888,
29898,
29888,
29915,
2917,
1820,
26254,
2917,
29918,
1989,
29913,
451,
1476,
297,
15552,
29893,
1820,
10417,
7790,
13,
462,
1678,
8151,
773,
2322,
995,
408,
426,
4381,
29918,
1767,
29913,
6790,
297,
2295,
934,
29889,
1495,
13,
18884,
6773,
13,
9651,
1683,
29901,
13,
18884,
396,
6699,
3935,
995,
310,
3443,
515,
1970,
8899,
29889,
13,
18884,
396,
565,
2295,
1820,
29914,
1767,
338,
4567,
297,
1970,
8899,
769,
671,
2322,
995,
5276,
297,
2295,
934,
29889,
13,
18884,
2295,
29918,
1767,
353,
1970,
29889,
657,
29898,
5527,
8899,
29918,
1989,
29897,
13,
18884,
565,
2295,
29918,
1767,
338,
451,
6213,
29901,
13,
462,
1678,
4522,
29889,
3888,
29898,
29888,
29915,
29020,
2295,
1820,
584,
29912,
2917,
29918,
1989,
29913,
411,
995,
26254,
2917,
29918,
1767,
29913,
472,
426,
4645,
29918,
2042,
29913,
4004,
1495,
13,
462,
1678,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
285,
29915,
29912,
4645,
29918,
2042,
17428,
29912,
2917,
29918,
1989,
29913,
742,
851,
29898,
2917,
29918,
1767,
876,
13,
18884,
1683,
584,
13,
462,
1678,
4522,
29889,
3888,
29898,
29888,
29915,
29954,
3991,
6251,
338,
4567,
363,
2295,
1820,
584,
29912,
2917,
29918,
1989,
1836,
29905,
13,
462,
4706,
8151,
773,
2322,
995,
408,
426,
4381,
29918,
1767,
29913,
6790,
297,
2295,
934,
29889,
1495,
13,
462,
1678,
6773,
13,
13,
4706,
10811,
29889,
7620,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29897,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
23959,
1828,
2153,
304,
426,
4645,
29918,
2042,
29913,
8472,
636,
1495,
13,
13,
1678,
732,
7959,
5696,
13,
1678,
822,
903,
5504,
29918,
4501,
29883,
29918,
1272,
29918,
2084,
29918,
1767,
29898,
5527,
29901,
341,
17280,
16376,
29892,
3132,
29918,
2042,
29901,
851,
1125,
13,
4706,
376,
6422,
3731,
29883,
2295,
934,
411,
848,
2224,
1820,
607,
4225,
758,
29899,
19170,
1819,
297,
4878,
310,
2322,
1819,
1213,
13,
4706,
396,
383,
3486,
9867,
29899,
333,
13,
4706,
9867,
29918,
333,
353,
390,
29887,
29893,
3032,
657,
29918,
29883,
441,
29916,
29918,
5527,
29898,
5527,
29892,
1040,
29889,
6154,
17321,
1001,
29918,
1367,
29918,
10818,
29897,
13,
4706,
3731,
29883,
29918,
2917,
29918,
1445,
353,
390,
29887,
29893,
3032,
657,
29918,
11007,
29893,
29918,
2917,
29918,
2084,
29898,
5527,
29897,
13,
4706,
1970,
8899,
29918,
2271,
353,
1040,
29889,
6007,
29943,
1254,
29949,
1525,
29918,
7724,
29918,
29950,
9468,
29931,
1001,
718,
3731,
29883,
29918,
2917,
29918,
1445,
13,
4706,
390,
29887,
29893,
3032,
1359,
29918,
11007,
29893,
29918,
2917,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
1970,
8899,
29918,
2271,
29897,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
786,
26747,
848,
29918,
2084,
1828,
357,
304,
426,
4645,
29918,
2042,
29913,
297,
426,
4501,
29883,
29918,
2917,
29918,
1445,
29913,
1495,
13,
13,
4706,
396,
6204,
848,
2224,
29915,
29879,
2322,
995,
321,
29889,
29887,
29889,
847,
1707,
29914,
1982,
29914,
346,
561,
29914,
29878,
2255,
29887,
29893,
29914,
29966,
19594,
29899,
333,
29958,
13,
4706,
848,
29918,
2084,
29918,
4381,
29918,
1767,
353,
1040,
29889,
7597,
29907,
29918,
14573,
29918,
10145,
29918,
23397,
29918,
19143,
718,
9867,
29918,
333,
13,
4706,
1970,
8899,
29918,
1272,
29918,
2084,
29918,
1767,
353,
1970,
29889,
657,
29898,
3075,
29889,
7597,
29907,
29918,
14573,
29918,
10145,
29918,
6007,
29943,
1254,
29949,
1525,
29918,
10818,
29897,
13,
4706,
565,
1970,
8899,
29918,
1272,
29918,
2084,
29918,
1767,
338,
451,
6213,
29901,
13,
965,
4522,
29889,
3888,
29898,
29888,
29915,
29020,
2295,
1820,
584,
29912,
3075,
29889,
7597,
29907,
29918,
14573,
29918,
10145,
29918,
10818,
29913,
411,
995,
26254,
5527,
8899,
29918,
1272,
29918,
2084,
29918,
1767,
1012,
13,
1669,
472,
426,
4645,
29918,
2042,
29913,
4004,
1495,
13,
965,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
285,
29915,
29912,
4645,
29918,
2042,
17428,
29912,
3075,
29889,
7597,
29907,
29918,
14573,
29918,
10145,
29918,
10818,
29913,
742,
851,
29898,
5527,
8899,
29918,
1272,
29918,
2084,
29918,
1767,
876,
13,
4706,
1683,
29901,
13,
965,
4522,
29889,
3888,
29898,
29888,
29915,
29954,
3991,
6251,
338,
4567,
363,
2295,
1820,
584,
29912,
3075,
29889,
7597,
29907,
29918,
14573,
29918,
10145,
29918,
10818,
1836,
29905,
13,
462,
4706,
8151,
773,
2322,
995,
408,
426,
1272,
29918,
2084,
29918,
4381,
29918,
1767,
29913,
6790,
297,
2295,
934,
29889,
1495,
13,
965,
10811,
29889,
842,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29892,
285,
29915,
29912,
4645,
29918,
2042,
17428,
29912,
3075,
29889,
7597,
29907,
29918,
14573,
29918,
10145,
29918,
10818,
29913,
742,
851,
29898,
1272,
29918,
2084,
29918,
4381,
29918,
1767,
876,
13,
13,
4706,
10811,
29889,
7620,
29898,
29934,
29887,
29893,
3032,
5527,
29918,
13140,
29897,
13,
4706,
4522,
29889,
3888,
29898,
29888,
29915,
23959,
2295,
4128,
304,
426,
4645,
29918,
2042,
29913,
8472,
636,
1495,
13,
2
] |
appiumbase/fixtures/page_utils.py | Pawan7593/AppiumBase | 0 | 177243 | <reponame>Pawan7593/AppiumBase<gh_stars>0
def is_xpath_selector(selector):
"""
A basic method to determine if a selector is an xpath selector.
"""
if (
selector.startswith("/")
or selector.startswith("./")
or selector.startswith("(")
):
return True
return False
def is_link_text_selector(selector):
"""
A basic method to determine if a selector is a link text selector.
"""
if (
selector.startswith("link=")
or selector.startswith("link_text=")
or selector.startswith("text=")
):
return True
return False
def is_partial_link_text_selector(selector):
"""
A basic method to determine if a selector is a partial link text selector.
"""
if (
selector.startswith("partial_link=")
or selector.startswith("partial_link_text=")
or selector.startswith("partial_text=")
or selector.startswith("p_link=")
or selector.startswith("p_link_text=")
or selector.startswith("p_text=")
):
return True
return False
def is_name_selector(selector):
"""
A basic method to determine if a selector is a name selector.
"""
if selector.startswith("name=") or selector.startswith("&"):
return True
return False
def get_link_text_from_selector(selector):
"""
A basic method to get the link text from a link text selector.
"""
if selector.startswith("link="):
return selector[len("link="):]
elif selector.startswith("link_text="):
return selector[len("link_text="):]
elif selector.startswith("text="):
return selector[len("text="):]
return selector
def get_partial_link_text_from_selector(selector):
"""
A basic method to get the partial link text from a partial link selector.
"""
if selector.startswith("partial_link="):
return selector[len("partial_link="):]
elif selector.startswith("partial_link_text="):
return selector[len("partial_link_text="):]
elif selector.startswith("partial_text="):
return selector[len("partial_text="):]
elif selector.startswith("p_link="):
return selector[len("p_link="):]
elif selector.startswith("p_link_text="):
return selector[len("p_link_text="):]
elif selector.startswith("p_text="):
return selector[len("p_text="):]
return selector
def get_name_from_selector(selector):
"""
A basic method to get the name from a name selector.
"""
if selector.startswith("name="):
return selector[len("name="):]
if selector.startswith("&"):
return selector[len("&"):]
return selector
def is_id_selector(selector):
"""
A basic method to determine whether a ID selector or not
"""
if ":id" in selector:
return True
return False
| [
1,
529,
276,
1112,
420,
29958,
29925,
1450,
273,
29955,
29945,
29929,
29941,
29914,
2052,
1974,
5160,
29966,
12443,
29918,
303,
1503,
29958,
29900,
13,
1753,
338,
29918,
23635,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
8161,
565,
263,
11764,
338,
385,
921,
2084,
11764,
29889,
13,
1678,
9995,
13,
1678,
565,
313,
13,
9651,
11764,
29889,
27382,
2541,
11974,
1159,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
6904,
1159,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
703,
29897,
13,
268,
1125,
13,
4706,
736,
5852,
13,
1678,
736,
7700,
13,
13,
13,
1753,
338,
29918,
2324,
29918,
726,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
8161,
565,
263,
11764,
338,
263,
1544,
1426,
11764,
29889,
13,
1678,
9995,
13,
1678,
565,
313,
13,
9651,
11764,
29889,
27382,
2541,
703,
2324,
543,
29897,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
2324,
29918,
726,
543,
29897,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
726,
543,
29897,
13,
268,
1125,
13,
4706,
736,
5852,
13,
1678,
736,
7700,
13,
13,
13,
1753,
338,
29918,
3846,
29918,
2324,
29918,
726,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
8161,
565,
263,
11764,
338,
263,
7687,
1544,
1426,
11764,
29889,
13,
1678,
9995,
13,
1678,
565,
313,
13,
9651,
11764,
29889,
27382,
2541,
703,
3846,
29918,
2324,
543,
29897,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
3846,
29918,
2324,
29918,
726,
543,
29897,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
3846,
29918,
726,
543,
29897,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
29886,
29918,
2324,
543,
29897,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
29886,
29918,
2324,
29918,
726,
543,
29897,
13,
9651,
470,
11764,
29889,
27382,
2541,
703,
29886,
29918,
726,
543,
29897,
13,
268,
1125,
13,
4706,
736,
5852,
13,
1678,
736,
7700,
13,
13,
13,
1753,
338,
29918,
978,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
8161,
565,
263,
11764,
338,
263,
1024,
11764,
29889,
13,
1678,
9995,
13,
1678,
565,
11764,
29889,
27382,
2541,
703,
978,
543,
29897,
470,
11764,
29889,
27382,
2541,
703,
29987,
29908,
1125,
13,
4706,
736,
5852,
13,
1678,
736,
7700,
13,
13,
13,
1753,
679,
29918,
2324,
29918,
726,
29918,
3166,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
679,
278,
1544,
1426,
515,
263,
1544,
1426,
11764,
29889,
13,
1678,
9995,
13,
1678,
565,
11764,
29889,
27382,
2541,
703,
2324,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
2324,
543,
1125,
29962,
13,
1678,
25342,
11764,
29889,
27382,
2541,
703,
2324,
29918,
726,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
2324,
29918,
726,
543,
1125,
29962,
13,
1678,
25342,
11764,
29889,
27382,
2541,
703,
726,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
726,
543,
1125,
29962,
13,
1678,
736,
11764,
13,
13,
13,
1753,
679,
29918,
3846,
29918,
2324,
29918,
726,
29918,
3166,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
679,
278,
7687,
1544,
1426,
515,
263,
7687,
1544,
11764,
29889,
13,
1678,
9995,
13,
1678,
565,
11764,
29889,
27382,
2541,
703,
3846,
29918,
2324,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
3846,
29918,
2324,
543,
1125,
29962,
13,
1678,
25342,
11764,
29889,
27382,
2541,
703,
3846,
29918,
2324,
29918,
726,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
3846,
29918,
2324,
29918,
726,
543,
1125,
29962,
13,
1678,
25342,
11764,
29889,
27382,
2541,
703,
3846,
29918,
726,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
3846,
29918,
726,
543,
1125,
29962,
13,
1678,
25342,
11764,
29889,
27382,
2541,
703,
29886,
29918,
2324,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
29886,
29918,
2324,
543,
1125,
29962,
13,
1678,
25342,
11764,
29889,
27382,
2541,
703,
29886,
29918,
2324,
29918,
726,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
29886,
29918,
2324,
29918,
726,
543,
1125,
29962,
13,
1678,
25342,
11764,
29889,
27382,
2541,
703,
29886,
29918,
726,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
29886,
29918,
726,
543,
1125,
29962,
13,
1678,
736,
11764,
13,
13,
13,
1753,
679,
29918,
978,
29918,
3166,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
679,
278,
1024,
515,
263,
1024,
11764,
29889,
13,
1678,
9995,
13,
1678,
565,
11764,
29889,
27382,
2541,
703,
978,
543,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
978,
543,
1125,
29962,
13,
1678,
565,
11764,
29889,
27382,
2541,
703,
29987,
29908,
1125,
13,
4706,
736,
11764,
29961,
2435,
703,
29987,
29908,
1125,
29962,
13,
1678,
736,
11764,
13,
13,
1753,
338,
29918,
333,
29918,
14357,
29898,
14357,
1125,
13,
1678,
9995,
13,
1678,
319,
6996,
1158,
304,
8161,
3692,
263,
3553,
11764,
470,
451,
13,
1678,
9995,
13,
1678,
565,
29242,
333,
29908,
297,
11764,
29901,
13,
4706,
736,
5852,
13,
1678,
736,
7700,
13,
2
] |
tests/587/test_interface.py | CSUN-COMP587-F18/keras | 0 | 79783 | <reponame>CSUN-COMP587-F18/keras<gh_stars>0
from __future__ import print_function
import pytest
from keras.preprocessing import sequence
from keras.models import Sequential
from keras.layers import Dense, Dropout, Activation
from keras.layers import Embedding
from keras.layers import Conv1D, GlobalMaxPooling1D
from keras.datasets import imdb
def test_interface():
maxFeat = 5000
maxLength = 400
batchSize = 32
embed = 50
fils = 250
kernSize = 3
hidDimensions = 250
epochs = 2
(x_train, y_train), (x_test, y_test) = imdb.load_data(num_words=maxFeat)
x_train = sequence.pad_sequences(x_train, maxlen=maxLength)
x_test = sequence.pad_sequences(x_test, maxlen=maxLength)
model = Sequential()
model.add(Embedding(maxFeat,
embed,
input_length=maxLength))
model.add(Dropout(0.2))
model.add(Conv1D(fils,
kernSize,
padding='valid',
activation='relu',
strides=1))
model.add(GlobalMaxPooling1D())
model.add(Dense(hidDimensions))
model.add(Dropout(0.2))
model.add(Activation('relu'))
model.add(Dense(1))
model.add(Activation('sigmoid'))
model.compile(loss='binary_crossentropy',
optimizer='adam',
metrics=['accuracy'])
model.fit(x_train, y_train,
batch_size=batchSize,
epochs=epochs,
validation_data=(x_test, y_test))
score, acc = model.evaluate(x_test, y_test, batch_size=batchSize)
assert(acc > .8)
if __name__ == '__main__':
pytest.main([__file__])
| [
1,
529,
276,
1112,
420,
29958,
9295,
3904,
29899,
21514,
29945,
29947,
29955,
29899,
29943,
29896,
29947,
29914,
3946,
294,
29966,
12443,
29918,
303,
1503,
29958,
29900,
13,
3166,
4770,
29888,
9130,
1649,
1053,
1596,
29918,
2220,
13,
13,
5215,
11451,
1688,
13,
13,
3166,
13023,
294,
29889,
1457,
19170,
1053,
5665,
13,
3166,
13023,
294,
29889,
9794,
1053,
922,
339,
2556,
13,
3166,
13023,
294,
29889,
29277,
1053,
360,
1947,
29892,
20724,
449,
29892,
21775,
362,
13,
3166,
13023,
294,
29889,
29277,
1053,
2812,
2580,
8497,
13,
3166,
13023,
294,
29889,
29277,
1053,
1281,
29894,
29896,
29928,
29892,
12002,
7976,
11426,
292,
29896,
29928,
13,
3166,
13023,
294,
29889,
14538,
1691,
1053,
527,
2585,
13,
13,
13,
1753,
1243,
29918,
13248,
7295,
13,
1678,
4236,
8263,
271,
353,
29871,
29945,
29900,
29900,
29900,
13,
1678,
4236,
6513,
353,
29871,
29946,
29900,
29900,
13,
1678,
9853,
3505,
353,
29871,
29941,
29906,
13,
1678,
8297,
353,
29871,
29945,
29900,
13,
1678,
14560,
353,
29871,
29906,
29945,
29900,
13,
1678,
413,
824,
3505,
353,
29871,
29941,
13,
1678,
20552,
16142,
5580,
353,
29871,
29906,
29945,
29900,
13,
1678,
21502,
12168,
353,
29871,
29906,
13,
13,
1678,
313,
29916,
29918,
14968,
29892,
343,
29918,
14968,
511,
313,
29916,
29918,
1688,
29892,
343,
29918,
1688,
29897,
353,
527,
2585,
29889,
1359,
29918,
1272,
29898,
1949,
29918,
9303,
29922,
3317,
8263,
271,
29897,
13,
13,
1678,
921,
29918,
14968,
353,
5665,
29889,
8305,
29918,
6831,
2063,
29898,
29916,
29918,
14968,
29892,
4236,
2435,
29922,
3317,
6513,
29897,
13,
1678,
921,
29918,
1688,
353,
5665,
29889,
8305,
29918,
6831,
2063,
29898,
29916,
29918,
1688,
29892,
4236,
2435,
29922,
3317,
6513,
29897,
13,
13,
1678,
1904,
353,
922,
339,
2556,
580,
13,
13,
1678,
1904,
29889,
1202,
29898,
6026,
2580,
8497,
29898,
3317,
8263,
271,
29892,
13,
462,
4706,
8297,
29892,
13,
462,
4706,
1881,
29918,
2848,
29922,
3317,
6513,
876,
13,
1678,
1904,
29889,
1202,
29898,
15063,
449,
29898,
29900,
29889,
29906,
876,
13,
13,
1678,
1904,
29889,
1202,
29898,
1168,
29894,
29896,
29928,
29898,
1777,
29879,
29892,
13,
462,
268,
413,
824,
3505,
29892,
13,
462,
268,
7164,
2433,
3084,
742,
13,
462,
268,
26229,
2433,
2674,
29884,
742,
13,
462,
268,
851,
2247,
29922,
29896,
876,
13,
1678,
1904,
29889,
1202,
29898,
12756,
7976,
11426,
292,
29896,
29928,
3101,
13,
13,
1678,
1904,
29889,
1202,
29898,
29928,
1947,
29898,
29882,
333,
16142,
5580,
876,
13,
1678,
1904,
29889,
1202,
29898,
15063,
449,
29898,
29900,
29889,
29906,
876,
13,
1678,
1904,
29889,
1202,
29898,
21786,
362,
877,
2674,
29884,
8785,
13,
13,
1678,
1904,
29889,
1202,
29898,
29928,
1947,
29898,
29896,
876,
13,
1678,
1904,
29889,
1202,
29898,
21786,
362,
877,
18816,
29885,
3398,
8785,
13,
13,
1678,
1904,
29889,
12198,
29898,
6758,
2433,
19541,
29918,
19128,
296,
14441,
742,
13,
462,
29871,
5994,
3950,
2433,
328,
314,
742,
13,
462,
29871,
21556,
29922,
1839,
562,
2764,
4135,
11287,
13,
1678,
1904,
29889,
9202,
29898,
29916,
29918,
14968,
29892,
343,
29918,
14968,
29892,
13,
795,
9853,
29918,
2311,
29922,
16175,
3505,
29892,
13,
795,
21502,
12168,
29922,
1022,
2878,
29879,
29892,
13,
795,
8845,
29918,
1272,
7607,
29916,
29918,
1688,
29892,
343,
29918,
1688,
876,
13,
13,
1678,
8158,
29892,
1035,
353,
1904,
29889,
24219,
403,
29898,
29916,
29918,
1688,
29892,
343,
29918,
1688,
29892,
9853,
29918,
2311,
29922,
16175,
3505,
29897,
13,
13,
1678,
4974,
29898,
5753,
1405,
869,
29947,
29897,
13,
13,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
13,
1678,
11451,
1688,
29889,
3396,
4197,
1649,
1445,
1649,
2314,
13,
2
] |
mall_spider/utils/session_id_generator.py | 524243642/taobao_spider | 12 | 116616 | # coding: utf-8
from abc import ABCMeta, abstractmethod
class SessionIdGenerator(object):
__metaclass__ = ABCMeta
@abstractmethod
def generate_id(self, session):
pass
| [
1,
396,
14137,
29901,
23616,
29899,
29947,
13,
3166,
25638,
1053,
16417,
19346,
29892,
9846,
5696,
13,
13,
13,
1990,
16441,
1204,
21575,
29898,
3318,
1125,
13,
1678,
4770,
2527,
562,
605,
1649,
353,
16417,
19346,
13,
13,
1678,
732,
16595,
5696,
13,
1678,
822,
5706,
29918,
333,
29898,
1311,
29892,
4867,
1125,
13,
4706,
1209,
13,
2
] |
conduit/transforms/fixmatch.py | wearepal/conduit | 0 | 199000 | from dataclasses import dataclass
from typing import Callable, Generic, List, Optional, TypeVar, Union
from PIL import Image
import numpy as np
from ranzen.decorators import implements
from ranzen.misc import gcopy
from torch import Tensor
from typing_extensions import Self
from conduit.data.datasets.utils import ImageTform, apply_image_transform
from conduit.data.structures import InputContainer, RawImage, concatenate_inputs
__all__ = [
"FixMatchPair",
"FixMatchTransform",
]
X = TypeVar("X", bound=Union[Tensor, RawImage, List[Image.Image]])
@dataclass
class FixMatchPair(InputContainer[X]):
strong: X
weak: X
@implements(InputContainer)
def __len__(self) -> int:
if isinstance(self.strong, Image.Image):
return 1
return len(self.strong)
@implements(InputContainer)
def __add__(self, other: Self) -> Self:
copy = gcopy(self, deep=False)
is_batched = isinstance(self.strong, (Tensor, np.ndarray)) and (self.strong.ndim == 4)
copy.strong = concatenate_inputs(copy.strong, other.strong, is_batched=is_batched)
copy.weak = concatenate_inputs(copy.weak, other.weak, is_batched=is_batched)
return copy
A = TypeVar("A", bound=ImageTform)
class FixMatchTransform(Generic[A]):
def __init__(
self,
strong_transform: A,
*,
weak_transform: A,
shared_transform_start: Optional[Callable[[Union[RawImage, Tensor]], RawImage]] = None,
shared_transform_end: Optional[
Callable[[Union[RawImage, Tensor]], Union[RawImage, Tensor]]
] = None,
) -> None:
self.strong_transform = strong_transform
self.weak_transform = weak_transform
self.shared_transform_start = shared_transform_start
self.shared_transform_end = shared_transform_end
def __call__(self, image: RawImage) -> FixMatchPair:
if self.shared_transform_start is not None:
image = self.shared_transform_start(image)
strongly_augmented_image = apply_image_transform(
image=image, transform=self.strong_transform
)
weakly_augmented_image = apply_image_transform(image=image, transform=self.weak_transform)
if self.shared_transform_end is not None:
strongly_augmented_image = self.shared_transform_end(strongly_augmented_image)
weakly_augmented_image = self.shared_transform_end(weakly_augmented_image)
return FixMatchPair(strong=strongly_augmented_image, weak=weakly_augmented_image)
| [
1,
515,
848,
13203,
1053,
848,
1990,
13,
3166,
19229,
1053,
8251,
519,
29892,
3251,
293,
29892,
2391,
29892,
28379,
29892,
5167,
9037,
29892,
7761,
13,
13,
3166,
349,
6227,
1053,
7084,
13,
5215,
12655,
408,
7442,
13,
3166,
6350,
2256,
29889,
19557,
4097,
1053,
10703,
13,
3166,
6350,
2256,
29889,
29885,
10669,
1053,
330,
8552,
13,
3166,
4842,
305,
1053,
323,
6073,
13,
3166,
19229,
29918,
24299,
1053,
21782,
13,
13,
3166,
13417,
277,
29889,
1272,
29889,
14538,
1691,
29889,
13239,
1053,
7084,
29911,
689,
29892,
3394,
29918,
3027,
29918,
9067,
13,
3166,
13417,
277,
29889,
1272,
29889,
4984,
1973,
1053,
10567,
7895,
29892,
22038,
2940,
29892,
16125,
403,
29918,
2080,
29879,
13,
13,
1649,
497,
1649,
353,
518,
13,
1678,
376,
29943,
861,
9652,
20547,
613,
13,
1678,
376,
29943,
861,
9652,
13372,
613,
13,
29962,
13,
13,
29990,
353,
5167,
9037,
703,
29990,
613,
3216,
29922,
19986,
29961,
29911,
6073,
29892,
22038,
2940,
29892,
2391,
29961,
2940,
29889,
2940,
24960,
13,
13,
13,
29992,
1272,
1990,
13,
1990,
24778,
9652,
20547,
29898,
4290,
7895,
29961,
29990,
29962,
1125,
13,
1678,
4549,
29901,
1060,
13,
1678,
8062,
29901,
1060,
13,
13,
1678,
732,
326,
9711,
29898,
4290,
7895,
29897,
13,
1678,
822,
4770,
2435,
12035,
1311,
29897,
1599,
938,
29901,
13,
4706,
565,
338,
8758,
29898,
1311,
29889,
1110,
29892,
7084,
29889,
2940,
1125,
13,
9651,
736,
29871,
29896,
13,
4706,
736,
7431,
29898,
1311,
29889,
1110,
29897,
13,
13,
1678,
732,
326,
9711,
29898,
4290,
7895,
29897,
13,
1678,
822,
4770,
1202,
12035,
1311,
29892,
916,
29901,
21782,
29897,
1599,
21782,
29901,
13,
4706,
3509,
353,
330,
8552,
29898,
1311,
29892,
6483,
29922,
8824,
29897,
13,
4706,
338,
29918,
16175,
287,
353,
338,
8758,
29898,
1311,
29889,
1110,
29892,
313,
29911,
6073,
29892,
7442,
29889,
299,
2378,
876,
322,
313,
1311,
29889,
1110,
29889,
299,
326,
1275,
29871,
29946,
29897,
13,
4706,
3509,
29889,
1110,
353,
16125,
403,
29918,
2080,
29879,
29898,
8552,
29889,
1110,
29892,
916,
29889,
1110,
29892,
338,
29918,
16175,
287,
29922,
275,
29918,
16175,
287,
29897,
13,
4706,
3509,
29889,
25129,
353,
16125,
403,
29918,
2080,
29879,
29898,
8552,
29889,
25129,
29892,
916,
29889,
25129,
29892,
338,
29918,
16175,
287,
29922,
275,
29918,
16175,
287,
29897,
13,
13,
4706,
736,
3509,
13,
13,
13,
29909,
353,
5167,
9037,
703,
29909,
613,
3216,
29922,
2940,
29911,
689,
29897,
13,
13,
13,
1990,
24778,
9652,
13372,
29898,
15809,
29961,
29909,
29962,
1125,
13,
1678,
822,
4770,
2344,
12035,
13,
4706,
1583,
29892,
13,
4706,
4549,
29918,
9067,
29901,
319,
29892,
13,
4706,
334,
29892,
13,
4706,
8062,
29918,
9067,
29901,
319,
29892,
13,
4706,
7258,
29918,
9067,
29918,
2962,
29901,
28379,
29961,
5594,
519,
8999,
19986,
29961,
22131,
2940,
29892,
323,
6073,
20526,
22038,
2940,
5262,
353,
6213,
29892,
13,
4706,
7258,
29918,
9067,
29918,
355,
29901,
28379,
29961,
13,
9651,
8251,
519,
8999,
19986,
29961,
22131,
2940,
29892,
323,
6073,
20526,
7761,
29961,
22131,
2940,
29892,
323,
6073,
5262,
13,
4706,
4514,
353,
6213,
29892,
13,
1678,
1723,
1599,
6213,
29901,
13,
4706,
1583,
29889,
1110,
29918,
9067,
353,
4549,
29918,
9067,
13,
4706,
1583,
29889,
25129,
29918,
9067,
353,
8062,
29918,
9067,
13,
4706,
1583,
29889,
12366,
29918,
9067,
29918,
2962,
353,
7258,
29918,
9067,
29918,
2962,
13,
4706,
1583,
29889,
12366,
29918,
9067,
29918,
355,
353,
7258,
29918,
9067,
29918,
355,
13,
13,
1678,
822,
4770,
4804,
12035,
1311,
29892,
1967,
29901,
22038,
2940,
29897,
1599,
24778,
9652,
20547,
29901,
13,
4706,
565,
1583,
29889,
12366,
29918,
9067,
29918,
2962,
338,
451,
6213,
29901,
13,
9651,
1967,
353,
1583,
29889,
12366,
29918,
9067,
29918,
2962,
29898,
3027,
29897,
13,
13,
4706,
13818,
29918,
2987,
358,
287,
29918,
3027,
353,
3394,
29918,
3027,
29918,
9067,
29898,
13,
9651,
1967,
29922,
3027,
29892,
4327,
29922,
1311,
29889,
1110,
29918,
9067,
13,
4706,
1723,
13,
13,
4706,
8062,
368,
29918,
2987,
358,
287,
29918,
3027,
353,
3394,
29918,
3027,
29918,
9067,
29898,
3027,
29922,
3027,
29892,
4327,
29922,
1311,
29889,
25129,
29918,
9067,
29897,
13,
4706,
565,
1583,
29889,
12366,
29918,
9067,
29918,
355,
338,
451,
6213,
29901,
13,
9651,
13818,
29918,
2987,
358,
287,
29918,
3027,
353,
1583,
29889,
12366,
29918,
9067,
29918,
355,
29898,
1110,
368,
29918,
2987,
358,
287,
29918,
3027,
29897,
13,
9651,
8062,
368,
29918,
2987,
358,
287,
29918,
3027,
353,
1583,
29889,
12366,
29918,
9067,
29918,
355,
29898,
25129,
368,
29918,
2987,
358,
287,
29918,
3027,
29897,
13,
13,
4706,
736,
24778,
9652,
20547,
29898,
1110,
29922,
1110,
368,
29918,
2987,
358,
287,
29918,
3027,
29892,
8062,
29922,
25129,
368,
29918,
2987,
358,
287,
29918,
3027,
29897,
13,
2
] |
scripts/SV_modules/BioNanoDuplications.py | wongkarenhy/Full-Genome-Analysis-Pipeline | 2 | 159776 | <gh_stars>1-10
#!/usr/bin/env python3.6
import pandas as pd
import os
import pyranges as pr
from pyranges import PyRanges
from io import StringIO
import numpy as np
import argparse
from .BioNanoDeletions import reciprocal_overlap, checkRefOverlap, checkParentsOverlap, exonOverlap, overlap_length
def readsmapDup(input):
colnames = ['SmapEntryID', 'QryContigID', 'RefcontigID1', 'RefcontigID2', 'QryStartPos', 'QryEndPos', 'RefStartPos',
'RefEndPos', 'Confidence', 'Type', 'XmapID1', 'XmapID2', 'LinkID', 'QryStartIdx', 'QryEndIdx',
'RefStartIdx', 'RefEndIdx', 'Zygosity', 'Genotype', 'GenotypeGroup', 'RawConfidence',
'RawConfidenceLeft', 'RawConfidenceRight', 'RawConfidenceCenter', 'SVsize']
raw_df = pd.read_csv(input, sep='\t', comment='#', names=colnames, header=None, skiprows=lambda x: x in [0])
raw_df = raw_df[['SmapEntryID', 'RefcontigID1', 'RefcontigID2', 'RefStartPos','RefEndPos', 'QryStartPos', 'QryEndPos', 'Confidence', 'Type', 'Zygosity', 'Genotype']]
#confident_df = raw_df.loc[raw_df['Confidence'] > 0.5] #modulate confidence threshold here
confident_df = raw_df[raw_df['Type'].str.contains('duplication')]
confident_df['RefcontigID1'] = confident_df['RefcontigID1'].astype(str).str.replace("23", "X")
confident_df['RefcontigID2'] = confident_df['RefcontigID2'].astype(str).str.replace("24", "Y")
# calculate SV size
confident_df['SV_size'] = confident_df['RefEndPos'] - confident_df['RefStartPos']
confident_df['SV_size'] = confident_df['SV_size'].abs().round(0)
confident_df = confident_df.loc[confident_df['SV_size'] >= 1000]
return(confident_df)
def BN_duplication(args):
# Load Sample
sample_frame = readsmapDup(args.samplepath)
# Some old BN pipeline doesn't call duplication
if sample_frame.empty:
return None, None
# Load parent data
if args.type == 'trio' or args.father_duo:
father_frame = readsmapDup(args.fpath)
else:
father_frame = pd.DataFrame(columns=['RefStartPos', 'RefEndPos', 'RefcontigID1'])
if args.type == 'trio' or args.mother_duo:
mother_frame = readsmapDup(args.mpath)
else:
mother_frame = pd.DataFrame(columns=['RefStartPos', 'RefEndPos', 'RefcontigID1'])
# Load reference
ref_frame = readsmapDup(args.referencepath)
# Actual fun
sample_copy, mother_copy, father_copy, ref_copy = sample_frame.copy(), mother_frame.copy(), father_frame.copy(), ref_frame.copy()
for df in [sample_copy, mother_copy, father_copy, ref_copy]:
df['Start'], df['End'], df['Chromosome'] = df.RefStartPos, df.RefEndPos, df['RefcontigID1']
# Remove anything that overlaps with the reference
filtered_sample_frame = checkRefOverlap(sample_copy, ref_copy, sample_frame)
# Add column based on overlap with parents
filtered_sample_frame = checkParentsOverlap(sample_copy, father_copy, filtered_sample_frame, args, 'Found_in_Father')
filtered_sample_frame = checkParentsOverlap(sample_copy, mother_copy, filtered_sample_frame, args, 'Found_in_Mother')
filtered_sample_frame.to_csv(args.outputdirectory + '/' + args.sampleID + '_BioNano_duplications_raw.txt', sep='\t', index = False)
# Describe exon overlap
filtered_sample_frame['Start'], filtered_sample_frame['End'], filtered_sample_frame['Chromosome'] = filtered_sample_frame.RefStartPos, filtered_sample_frame.RefEndPos, filtered_sample_frame['RefcontigID1']
exon_calls = exonOverlap(args, filtered_sample_frame)
exon_calls.to_csv(args.outputdirectory + '/' + args.sampleID + '_Bionano_duplications_exons.txt', sep='\t', index = False)
return filtered_sample_frame, exon_calls
def main():
parser = argparse.ArgumentParser(description='Sample and Path arguments.')
parser.add_argument("-i", "--sampleID", help="Give the sample ID", dest="sampleID", type=str, required=True)
parser.add_argument("-s", "--samplepath", help="Give the full path to the sample file", dest="samplepath", type=str, required=True)
parser.add_argument("-f", "--fpath", help="Give the full path to the father's file", dest="fpath", type=str, required=True)
parser.add_argument("-m", "--mpath", help="Give the full path to the mother's file", dest="mpath", type=str, required=True)
parser.add_argument("-r", "--referencepath", help="Give the full path to the reference file", dest="referencepath", type=str, required=True)
parser.add_argument("-o", "--outputdirectory", help="Give the directory path for the output file", dest="outputdirectory", type=str, required=True)
parser.add_argument("-c", "--confidence", help="Give the confidence level cutoff for the sample here", dest="confidence", type=str, default=0.5)
parser.add_argument("-e", "--exons", help="Give the file with exons intervals, names, and phenotypes here", dest="exons", type=str, required=True)
parser.add_argument("-g", "--genelist", help="Primary genelist with scores", dest="genelist", type=str)
parser.add_argument("-t", "--type", help="Specify whether this is a trio, duo, or singleton case", dest="type", type=str)
parser.add_argument("-F", help="Set this flag if this is a duo case AND only father is sequenced", dest="father_duo", action='store_true')
parser.add_argument("-M", help="Set this flag if this is a duo case AND only mother is sequenced", dest="mother_duo", action='store_true')
args = parser.parse_args()
# Actual function
BN_duplication(args)
if __name__=="__main__":
main()
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29896,
29899,
29896,
29900,
13,
29937,
14708,
4855,
29914,
2109,
29914,
6272,
3017,
29941,
29889,
29953,
13,
13,
5215,
11701,
408,
10518,
13,
5215,
2897,
13,
5215,
282,
4316,
6916,
408,
544,
13,
3166,
282,
4316,
6916,
1053,
10772,
29934,
6916,
13,
3166,
12013,
1053,
1714,
5971,
13,
5215,
12655,
408,
7442,
13,
5215,
1852,
5510,
13,
3166,
869,
29933,
601,
29940,
1562,
2772,
1026,
1080,
1053,
9522,
771,
1052,
29918,
957,
6984,
29892,
1423,
5620,
3563,
6984,
29892,
1423,
2177,
1237,
3563,
6984,
29892,
429,
265,
3563,
6984,
29892,
25457,
29918,
2848,
13,
13,
13,
1753,
13623,
1958,
29928,
786,
29898,
2080,
1125,
13,
13,
1678,
784,
7039,
353,
6024,
29903,
1958,
9634,
1367,
742,
525,
29984,
719,
1323,
335,
1367,
742,
525,
5620,
1285,
335,
1367,
29896,
742,
525,
5620,
1285,
335,
1367,
29906,
742,
525,
29984,
719,
4763,
9135,
742,
525,
29984,
719,
5044,
9135,
742,
525,
5620,
4763,
9135,
742,
13,
18884,
525,
5620,
5044,
9135,
742,
525,
16376,
5084,
742,
525,
1542,
742,
525,
29990,
1958,
1367,
29896,
742,
525,
29990,
1958,
1367,
29906,
742,
525,
6595,
1367,
742,
525,
29984,
719,
4763,
1204,
29916,
742,
525,
29984,
719,
5044,
1204,
29916,
742,
13,
18884,
525,
5620,
4763,
1204,
29916,
742,
525,
5620,
5044,
1204,
29916,
742,
525,
24433,
359,
537,
742,
525,
15462,
327,
668,
742,
525,
15462,
327,
668,
4782,
742,
525,
22131,
16376,
5084,
742,
13,
18884,
525,
22131,
16376,
5084,
8091,
742,
525,
22131,
16376,
5084,
7341,
742,
525,
22131,
16376,
5084,
13409,
742,
525,
7597,
2311,
2033,
13,
13,
1678,
10650,
29918,
2176,
353,
10518,
29889,
949,
29918,
7638,
29898,
2080,
29892,
16345,
2433,
29905,
29873,
742,
3440,
2433,
29937,
742,
2983,
29922,
1054,
7039,
29892,
4839,
29922,
8516,
29892,
14383,
5727,
29922,
2892,
921,
29901,
921,
297,
518,
29900,
2314,
13,
1678,
10650,
29918,
2176,
353,
10650,
29918,
2176,
29961,
1839,
29903,
1958,
9634,
1367,
742,
525,
5620,
1285,
335,
1367,
29896,
742,
525,
5620,
1285,
335,
1367,
29906,
742,
525,
5620,
4763,
9135,
3788,
5620,
5044,
9135,
742,
525,
29984,
719,
4763,
9135,
742,
525,
29984,
719,
5044,
9135,
742,
525,
16376,
5084,
742,
525,
1542,
742,
525,
24433,
359,
537,
742,
525,
15462,
327,
668,
2033,
29962,
13,
1678,
396,
5527,
1693,
29918,
2176,
353,
10650,
29918,
2176,
29889,
2029,
29961,
1610,
29918,
2176,
1839,
16376,
5084,
2033,
1405,
29871,
29900,
29889,
29945,
29962,
396,
1545,
5987,
16420,
16897,
1244,
13,
1678,
24332,
29918,
2176,
29871,
353,
10650,
29918,
2176,
29961,
1610,
29918,
2176,
1839,
1542,
13359,
710,
29889,
11516,
877,
20908,
1414,
1495,
29962,
13,
1678,
24332,
29918,
2176,
1839,
5620,
1285,
335,
1367,
29896,
2033,
353,
24332,
29918,
2176,
1839,
5620,
1285,
335,
1367,
29896,
13359,
579,
668,
29898,
710,
467,
710,
29889,
6506,
703,
29906,
29941,
613,
376,
29990,
1159,
13,
1678,
24332,
29918,
2176,
1839,
5620,
1285,
335,
1367,
29906,
2033,
353,
24332,
29918,
2176,
1839,
5620,
1285,
335,
1367,
29906,
13359,
579,
668,
29898,
710,
467,
710,
29889,
6506,
703,
29906,
29946,
613,
376,
29979,
1159,
13,
13,
13,
1678,
396,
8147,
13955,
2159,
13,
1678,
24332,
29918,
2176,
1839,
7597,
29918,
2311,
2033,
353,
24332,
29918,
2176,
1839,
5620,
5044,
9135,
2033,
448,
24332,
29918,
2176,
1839,
5620,
4763,
9135,
2033,
13,
1678,
24332,
29918,
2176,
1839,
7597,
29918,
2311,
2033,
353,
24332,
29918,
2176,
1839,
7597,
29918,
2311,
13359,
6897,
2141,
14486,
29898,
29900,
29897,
13,
1678,
24332,
29918,
2176,
353,
24332,
29918,
2176,
29889,
2029,
29961,
5527,
1693,
29918,
2176,
1839,
7597,
29918,
2311,
2033,
6736,
29871,
29896,
29900,
29900,
29900,
29962,
13,
13,
1678,
736,
29898,
5527,
1693,
29918,
2176,
29897,
13,
13,
13,
13,
1753,
350,
29940,
29918,
20908,
1414,
29898,
5085,
1125,
13,
13,
1678,
396,
16012,
21029,
13,
1678,
4559,
29918,
2557,
353,
13623,
1958,
29928,
786,
29898,
5085,
29889,
11249,
2084,
29897,
13,
13,
1678,
396,
3834,
2030,
350,
29940,
16439,
1838,
29915,
29873,
1246,
5141,
1414,
13,
1678,
565,
4559,
29918,
2557,
29889,
6310,
29901,
13,
4706,
736,
6213,
29892,
6213,
13,
13,
1678,
396,
16012,
3847,
848,
13,
1678,
565,
6389,
29889,
1853,
1275,
525,
3626,
29877,
29915,
470,
6389,
29889,
22212,
29918,
700,
29877,
29901,
13,
4706,
4783,
29918,
2557,
353,
13623,
1958,
29928,
786,
29898,
5085,
29889,
29888,
2084,
29897,
13,
1678,
1683,
29901,
13,
4706,
4783,
29918,
2557,
353,
10518,
29889,
17271,
29898,
13099,
29922,
1839,
5620,
4763,
9135,
742,
525,
5620,
5044,
9135,
742,
525,
5620,
1285,
335,
1367,
29896,
11287,
13,
13,
1678,
565,
6389,
29889,
1853,
1275,
525,
3626,
29877,
29915,
470,
6389,
29889,
29885,
1228,
29918,
700,
29877,
29901,
13,
4706,
5637,
29918,
2557,
353,
13623,
1958,
29928,
786,
29898,
5085,
29889,
1526,
493,
29897,
13,
1678,
1683,
29901,
13,
4706,
5637,
29918,
2557,
353,
10518,
29889,
17271,
29898,
13099,
29922,
1839,
5620,
4763,
9135,
742,
525,
5620,
5044,
9135,
742,
525,
5620,
1285,
335,
1367,
29896,
11287,
13,
13,
1678,
396,
16012,
3407,
13,
1678,
2143,
29918,
2557,
353,
13623,
1958,
29928,
786,
29898,
5085,
29889,
5679,
2084,
29897,
13,
13,
1678,
396,
3185,
950,
2090,
13,
1678,
4559,
29918,
8552,
29892,
5637,
29918,
8552,
29892,
4783,
29918,
8552,
29892,
2143,
29918,
8552,
353,
4559,
29918,
2557,
29889,
8552,
3285,
5637,
29918,
2557,
29889,
8552,
3285,
4783,
29918,
2557,
29889,
8552,
3285,
2143,
29918,
2557,
29889,
8552,
580,
13,
13,
1678,
363,
4489,
297,
518,
11249,
29918,
8552,
29892,
5637,
29918,
8552,
29892,
4783,
29918,
8552,
29892,
2143,
29918,
8552,
5387,
13,
4706,
4489,
1839,
4763,
7464,
4489,
1839,
5044,
7464,
4489,
1839,
1451,
456,
359,
608,
2033,
29871,
353,
4489,
29889,
5620,
4763,
9135,
29892,
4489,
29889,
5620,
5044,
9135,
29892,
4489,
1839,
5620,
1285,
335,
1367,
29896,
2033,
13,
13,
1678,
396,
15154,
3099,
393,
975,
14128,
411,
278,
3407,
13,
1678,
22289,
29918,
11249,
29918,
2557,
353,
1423,
5620,
3563,
6984,
29898,
11249,
29918,
8552,
29892,
2143,
29918,
8552,
29892,
4559,
29918,
2557,
29897,
13,
13,
1678,
396,
3462,
1897,
2729,
373,
25457,
411,
11825,
13,
1678,
22289,
29918,
11249,
29918,
2557,
353,
1423,
2177,
1237,
3563,
6984,
29898,
11249,
29918,
8552,
29892,
4783,
29918,
8552,
29892,
22289,
29918,
11249,
29918,
2557,
29892,
6389,
29892,
525,
9692,
29918,
262,
29918,
29943,
1624,
1495,
13,
1678,
22289,
29918,
11249,
29918,
2557,
353,
1423,
2177,
1237,
3563,
6984,
29898,
11249,
29918,
8552,
29892,
5637,
29918,
8552,
29892,
22289,
29918,
11249,
29918,
2557,
29892,
6389,
29892,
525,
9692,
29918,
262,
29918,
29924,
1228,
1495,
13,
1678,
22289,
29918,
11249,
29918,
2557,
29889,
517,
29918,
7638,
29898,
5085,
29889,
4905,
12322,
718,
8207,
29915,
718,
6389,
29889,
11249,
1367,
718,
22868,
29933,
601,
29940,
1562,
29918,
20908,
5795,
29918,
1610,
29889,
3945,
742,
16345,
2433,
29905,
29873,
742,
2380,
353,
7700,
29897,
13,
13,
1678,
396,
20355,
915,
429,
265,
25457,
13,
1678,
22289,
29918,
11249,
29918,
2557,
1839,
4763,
7464,
22289,
29918,
11249,
29918,
2557,
1839,
5044,
7464,
22289,
29918,
11249,
29918,
2557,
1839,
1451,
456,
359,
608,
2033,
353,
22289,
29918,
11249,
29918,
2557,
29889,
5620,
4763,
9135,
29892,
22289,
29918,
11249,
29918,
2557,
29889,
5620,
5044,
9135,
29892,
22289,
29918,
11249,
29918,
2557,
1839,
5620,
1285,
335,
1367,
29896,
2033,
13,
1678,
429,
265,
29918,
29883,
4293,
353,
429,
265,
3563,
6984,
29898,
5085,
29892,
22289,
29918,
11249,
29918,
2557,
29897,
13,
13,
13,
1678,
429,
265,
29918,
29883,
4293,
29889,
517,
29918,
7638,
29898,
5085,
29889,
4905,
12322,
718,
8207,
29915,
718,
6389,
29889,
11249,
1367,
718,
22868,
29933,
291,
1562,
29918,
20908,
5795,
29918,
735,
787,
29889,
3945,
742,
16345,
2433,
29905,
29873,
742,
2380,
353,
7700,
29897,
13,
13,
1678,
736,
22289,
29918,
11249,
29918,
2557,
29892,
429,
265,
29918,
29883,
4293,
13,
13,
13,
462,
13,
1753,
1667,
7295,
13,
13,
1678,
13812,
353,
1852,
5510,
29889,
15730,
11726,
29898,
8216,
2433,
17708,
322,
10802,
6273,
29889,
1495,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29875,
613,
376,
489,
11249,
1367,
613,
1371,
543,
29954,
573,
278,
4559,
3553,
613,
2731,
543,
11249,
1367,
613,
1134,
29922,
710,
29892,
3734,
29922,
5574,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29879,
613,
376,
489,
11249,
2084,
613,
1371,
543,
29954,
573,
278,
2989,
2224,
304,
278,
4559,
934,
613,
2731,
543,
11249,
2084,
613,
1134,
29922,
710,
29892,
3734,
29922,
5574,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29888,
613,
376,
489,
29888,
2084,
613,
1371,
543,
29954,
573,
278,
2989,
2224,
304,
278,
4783,
29915,
29879,
934,
613,
2731,
543,
29888,
2084,
613,
1134,
29922,
710,
29892,
3734,
29922,
5574,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29885,
613,
376,
489,
1526,
493,
613,
1371,
543,
29954,
573,
278,
2989,
2224,
304,
278,
5637,
29915,
29879,
934,
613,
2731,
543,
1526,
493,
613,
1134,
29922,
710,
29892,
3734,
29922,
5574,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29878,
613,
376,
489,
5679,
2084,
613,
1371,
543,
29954,
573,
278,
2989,
2224,
304,
278,
3407,
934,
613,
2731,
543,
5679,
2084,
613,
1134,
29922,
710,
29892,
3734,
29922,
5574,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29877,
613,
376,
489,
4905,
12322,
613,
1371,
543,
29954,
573,
278,
3884,
2224,
363,
278,
1962,
934,
613,
2731,
543,
4905,
12322,
613,
1134,
29922,
710,
29892,
3734,
29922,
5574,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29883,
613,
376,
489,
5527,
5084,
613,
1371,
543,
29954,
573,
278,
16420,
3233,
5700,
2696,
363,
278,
4559,
1244,
613,
2731,
543,
5527,
5084,
613,
1134,
29922,
710,
29892,
2322,
29922,
29900,
29889,
29945,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29872,
613,
376,
489,
735,
787,
613,
1371,
543,
29954,
573,
278,
934,
411,
429,
787,
18747,
29892,
2983,
29892,
322,
17292,
327,
7384,
1244,
613,
2731,
543,
735,
787,
613,
1134,
29922,
710,
29892,
3734,
29922,
5574,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29887,
613,
376,
489,
1885,
295,
391,
613,
1371,
543,
26666,
2531,
295,
391,
411,
19435,
613,
2731,
543,
1885,
295,
391,
613,
1134,
29922,
710,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29873,
613,
376,
489,
1853,
613,
1371,
543,
10299,
1598,
3692,
445,
338,
263,
3367,
29877,
29892,
868,
29877,
29892,
470,
27130,
1206,
613,
2731,
543,
1853,
613,
1134,
29922,
710,
29897,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29943,
613,
1371,
543,
2697,
445,
7353,
565,
445,
338,
263,
868,
29877,
1206,
5300,
871,
4783,
338,
8617,
9223,
613,
2731,
543,
22212,
29918,
700,
29877,
613,
3158,
2433,
8899,
29918,
3009,
1495,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29924,
613,
1371,
543,
2697,
445,
7353,
565,
445,
338,
263,
868,
29877,
1206,
5300,
871,
5637,
338,
8617,
9223,
613,
2731,
543,
29885,
1228,
29918,
700,
29877,
613,
3158,
2433,
8899,
29918,
3009,
1495,
13,
13,
1678,
6389,
353,
13812,
29889,
5510,
29918,
5085,
580,
13,
13,
13,
1678,
396,
3185,
950,
740,
13,
1678,
350,
29940,
29918,
20908,
1414,
29898,
5085,
29897,
13,
13,
13,
361,
4770,
978,
1649,
26359,
1649,
3396,
1649,
1115,
13,
1678,
1667,
580,
13,
13,
2
] |
tests/integration/Containers.py | adnrs96/runtime | 0 | 10448 | # -*- coding: utf-8 -*-
from storyruntime.Containers import Containers
from storyruntime.constants.ServiceConstants import ServiceConstants
import storyscript
def test_containers_format_command(story):
"""
Ensures a simple resolve can be performed
"""
story_text = 'alpine echo msg:"foo"\n'
story.context = {}
story.app.services = {
'alpine': {
ServiceConstants.config: {
'actions': {
'echo': {
'arguments': {'msg': {'type': 'string'}}
}
}
}
}
}
story.tree = storyscript.Api.loads(story_text).result()['tree']
assert Containers.format_command(
story, story.line('1'), 'alpine', 'echo'
) == ['echo', '{"msg":"foo"}']
def test_containers_format_command_no_arguments(story):
story_text = 'alpine echo\n'
story.context = {}
story.app.services = {
'alpine': {
ServiceConstants.config: {
'actions': {
'echo': {}
}
}
}
}
story.tree = storyscript.Api.loads(story_text).result()['tree']
assert Containers.format_command(
story, story.line('1'), 'alpine', 'echo'
) == ['echo']
| [
1,
396,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
13,
3166,
5828,
15634,
29889,
1323,
475,
414,
1053,
2866,
475,
414,
13,
3166,
5828,
15634,
29889,
3075,
1934,
29889,
3170,
26570,
1053,
6692,
26570,
13,
13,
5215,
5828,
2154,
13,
13,
13,
1753,
1243,
29918,
1285,
475,
414,
29918,
4830,
29918,
6519,
29898,
24098,
1125,
13,
1678,
9995,
13,
1678,
22521,
1973,
263,
2560,
8814,
508,
367,
8560,
13,
1678,
9995,
13,
1678,
5828,
29918,
726,
353,
525,
284,
26215,
2916,
10191,
6160,
5431,
26732,
29876,
29915,
13,
1678,
5828,
29889,
4703,
353,
6571,
13,
1678,
5828,
29889,
932,
29889,
9916,
353,
426,
13,
4706,
525,
284,
26215,
2396,
426,
13,
9651,
6692,
26570,
29889,
2917,
29901,
426,
13,
18884,
525,
7387,
2396,
426,
13,
462,
1678,
525,
8057,
2396,
426,
13,
462,
4706,
525,
25699,
2396,
11117,
7645,
2396,
11117,
1853,
2396,
525,
1807,
29915,
930,
13,
462,
1678,
500,
13,
18884,
500,
13,
9651,
500,
13,
4706,
500,
13,
1678,
500,
13,
13,
1678,
5828,
29889,
8336,
353,
5828,
2154,
29889,
11713,
29889,
18132,
29898,
24098,
29918,
726,
467,
2914,
580,
1839,
8336,
2033,
13,
1678,
4974,
2866,
475,
414,
29889,
4830,
29918,
6519,
29898,
13,
4706,
5828,
29892,
5828,
29889,
1220,
877,
29896,
5477,
525,
284,
26215,
742,
525,
8057,
29915,
13,
1678,
1723,
1275,
6024,
8057,
742,
525,
6377,
7645,
4710,
5431,
9092,
2033,
13,
13,
13,
1753,
1243,
29918,
1285,
475,
414,
29918,
4830,
29918,
6519,
29918,
1217,
29918,
25699,
29898,
24098,
1125,
13,
1678,
5828,
29918,
726,
353,
525,
284,
26215,
2916,
29905,
29876,
29915,
13,
1678,
5828,
29889,
4703,
353,
6571,
13,
1678,
5828,
29889,
932,
29889,
9916,
353,
426,
13,
4706,
525,
284,
26215,
2396,
426,
13,
9651,
6692,
26570,
29889,
2917,
29901,
426,
13,
18884,
525,
7387,
2396,
426,
13,
462,
1678,
525,
8057,
2396,
6571,
13,
18884,
500,
13,
9651,
500,
13,
4706,
500,
13,
1678,
500,
13,
1678,
5828,
29889,
8336,
353,
5828,
2154,
29889,
11713,
29889,
18132,
29898,
24098,
29918,
726,
467,
2914,
580,
1839,
8336,
2033,
13,
1678,
4974,
2866,
475,
414,
29889,
4830,
29918,
6519,
29898,
13,
4706,
5828,
29892,
5828,
29889,
1220,
877,
29896,
5477,
525,
284,
26215,
742,
525,
8057,
29915,
13,
1678,
1723,
1275,
6024,
8057,
2033,
13,
2
] |
photos/models.py | eude313/vault | 0 | 2801 | from django.db import models
from cloudinary.models import CloudinaryField
# Create your models here.
class Category(models.Model):
name = models.CharField( max_length=200, null=False, blank=False )
def __str__(self):
return self.name
class Photo(models.Model):
category = models.ForeignKey( Category, on_delete=models.SET_NULL, null=True, blank=True )
image = CloudinaryField('image', default='')
description = models.TextField()
def __str__(self):
return self.description | [
1,
515,
9557,
29889,
2585,
1053,
4733,
13,
3166,
9570,
3821,
29889,
9794,
1053,
14293,
3821,
3073,
13,
13,
29937,
6204,
596,
4733,
1244,
29889,
13,
13,
1990,
17943,
29898,
9794,
29889,
3195,
1125,
13,
1678,
1024,
353,
4733,
29889,
27890,
29898,
4236,
29918,
2848,
29922,
29906,
29900,
29900,
29892,
1870,
29922,
8824,
29892,
9654,
29922,
8824,
1723,
29871,
13,
13,
1678,
822,
4770,
710,
12035,
1311,
1125,
13,
4706,
736,
1583,
29889,
978,
13,
268,
13,
1990,
1963,
3747,
29898,
9794,
29889,
3195,
1125,
13,
1678,
7663,
353,
4733,
29889,
27755,
2558,
29898,
17943,
29892,
373,
29918,
8143,
29922,
9794,
29889,
10490,
29918,
10074,
29892,
1870,
29922,
5574,
29892,
9654,
29922,
5574,
1723,
13,
1678,
1967,
353,
14293,
3821,
3073,
877,
3027,
742,
2322,
2433,
1495,
13,
1678,
6139,
353,
4733,
29889,
15778,
580,
29871,
13,
13,
1678,
822,
4770,
710,
12035,
1311,
1125,
13,
4706,
736,
1583,
29889,
8216,
2
] |
core/tests/test_polyflow/test_workflows/test_hyperband.py | erexer/polyaxon | 0 | 8286 | <reponame>erexer/polyaxon
#!/usr/bin/python
#
# Copyright 2018-2020 Polyaxon, 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 pytest
from marshmallow.exceptions import ValidationError
from tests.utils import BaseTestCase, assert_equal_dict
from polyaxon.polyflow.matrix import V1Hyperband
from polyaxon.polyflow.optimization import V1Optimization, V1OptimizationMetric
@pytest.mark.workflow_mark
class TestWorkflowV1Hyperbands(BaseTestCase):
def test_hyperband_config(self):
config_dict = {
"kind": "hyperband",
"maxIterations": 10,
"eta": 3,
"resource": {"name": "steps", "type": "int"},
"resume": False,
"metric": V1OptimizationMetric(
name="loss", optimization=V1Optimization.MINIMIZE
).to_dict(),
"params": {"lr": {"kind": "choice", "value": [[0.1], [0.9]]}},
}
config = V1Hyperband.from_dict(config_dict)
assert_equal_dict(config.to_dict(), config_dict)
# Raises for negative values
config_dict["maxIterations"] = 0
with self.assertRaises(ValidationError):
V1Hyperband.from_dict(config_dict)
config_dict["maxIterations"] = -0.5
with self.assertRaises(ValidationError):
V1Hyperband.from_dict(config_dict)
config_dict["maxIterations"] = 3
# Add numRuns percent
config_dict["eta"] = -0.5
with self.assertRaises(ValidationError):
V1Hyperband.from_dict(config_dict)
config_dict["eta"] = 2.9
config = V1Hyperband.from_dict(config_dict)
assert_equal_dict(config.to_dict(), config_dict)
| [
1,
529,
276,
1112,
420,
29958,
406,
29916,
261,
29914,
22678,
1165,
265,
13,
29937,
14708,
4855,
29914,
2109,
29914,
4691,
13,
29937,
13,
29937,
14187,
1266,
29871,
29906,
29900,
29896,
29947,
29899,
29906,
29900,
29906,
29900,
21755,
1165,
265,
29892,
9266,
29889,
13,
29937,
13,
29937,
10413,
21144,
1090,
278,
13380,
19245,
29892,
10079,
29871,
29906,
29889,
29900,
313,
1552,
376,
29931,
293,
1947,
1496,
13,
29937,
366,
1122,
451,
671,
445,
934,
5174,
297,
752,
13036,
411,
278,
19245,
29889,
13,
29937,
887,
1122,
4017,
263,
3509,
310,
278,
19245,
472,
13,
29937,
13,
29937,
418,
1732,
597,
1636,
29889,
4288,
29889,
990,
29914,
506,
11259,
29914,
27888,
1430,
1660,
29899,
29906,
29889,
29900,
13,
29937,
13,
29937,
25870,
3734,
491,
22903,
4307,
470,
15502,
304,
297,
5007,
29892,
7047,
13,
29937,
13235,
1090,
278,
19245,
338,
13235,
373,
385,
376,
3289,
8519,
29908,
350,
3289,
3235,
29892,
13,
29937,
399,
1806,
8187,
2692,
399,
1718,
29934,
13566,
29059,
6323,
8707,
29928,
22122,
29903,
8079,
13764,
29979,
476,
22255,
29892,
2845,
4653,
470,
2411,
2957,
29889,
13,
29937,
2823,
278,
19245,
363,
278,
2702,
4086,
14765,
1076,
11239,
322,
13,
29937,
27028,
1090,
278,
19245,
29889,
13,
13,
5215,
11451,
1688,
13,
13,
3166,
1766,
845,
29885,
9536,
29889,
11739,
29879,
1053,
15758,
362,
2392,
13,
3166,
6987,
29889,
13239,
1053,
7399,
3057,
8259,
29892,
4974,
29918,
11745,
29918,
8977,
13,
13,
3166,
15680,
1165,
265,
29889,
22678,
1731,
29889,
5344,
1053,
478,
29896,
26322,
546,
4980,
13,
3166,
15680,
1165,
265,
29889,
22678,
1731,
29889,
20640,
2133,
1053,
478,
29896,
20624,
326,
2133,
29892,
478,
29896,
20624,
326,
2133,
10095,
2200,
13,
13,
13,
29992,
2272,
1688,
29889,
3502,
29889,
1287,
1731,
29918,
3502,
13,
1990,
4321,
5531,
1731,
29963,
29896,
26322,
546,
29890,
4167,
29898,
5160,
3057,
8259,
1125,
13,
1678,
822,
1243,
29918,
24947,
4980,
29918,
2917,
29898,
1311,
1125,
13,
4706,
2295,
29918,
8977,
353,
426,
13,
9651,
376,
14380,
1115,
376,
24947,
4980,
613,
13,
9651,
376,
3317,
13463,
800,
1115,
29871,
29896,
29900,
29892,
13,
9651,
376,
1187,
1115,
29871,
29941,
29892,
13,
9651,
376,
10314,
1115,
8853,
978,
1115,
376,
24530,
613,
376,
1853,
1115,
376,
524,
10758,
13,
9651,
376,
690,
2017,
1115,
7700,
29892,
13,
9651,
376,
16414,
1115,
478,
29896,
20624,
326,
2133,
10095,
2200,
29898,
13,
18884,
1024,
543,
6758,
613,
13883,
29922,
29963,
29896,
20624,
326,
2133,
29889,
16173,
7833,
29902,
10721,
13,
9651,
13742,
517,
29918,
8977,
3285,
13,
9651,
376,
7529,
1115,
8853,
29212,
1115,
8853,
14380,
1115,
376,
16957,
613,
376,
1767,
1115,
5519,
29900,
29889,
29896,
1402,
518,
29900,
29889,
29929,
5262,
11656,
13,
4706,
500,
13,
4706,
2295,
353,
478,
29896,
26322,
546,
4980,
29889,
3166,
29918,
8977,
29898,
2917,
29918,
8977,
29897,
13,
4706,
4974,
29918,
11745,
29918,
8977,
29898,
2917,
29889,
517,
29918,
8977,
3285,
2295,
29918,
8977,
29897,
13,
13,
4706,
396,
390,
1759,
267,
363,
8178,
1819,
13,
4706,
2295,
29918,
8977,
3366,
3317,
13463,
800,
3108,
353,
29871,
29900,
13,
4706,
411,
1583,
29889,
9294,
29934,
1759,
267,
29898,
19448,
2392,
1125,
13,
9651,
478,
29896,
26322,
546,
4980,
29889,
3166,
29918,
8977,
29898,
2917,
29918,
8977,
29897,
13,
13,
4706,
2295,
29918,
8977,
3366,
3317,
13463,
800,
3108,
353,
448,
29900,
29889,
29945,
13,
4706,
411,
1583,
29889,
9294,
29934,
1759,
267,
29898,
19448,
2392,
1125,
13,
9651,
478,
29896,
26322,
546,
4980,
29889,
3166,
29918,
8977,
29898,
2917,
29918,
8977,
29897,
13,
13,
4706,
2295,
29918,
8977,
3366,
3317,
13463,
800,
3108,
353,
29871,
29941,
13,
4706,
396,
3462,
954,
6558,
29879,
10151,
13,
4706,
2295,
29918,
8977,
3366,
1187,
3108,
353,
448,
29900,
29889,
29945,
13,
4706,
411,
1583,
29889,
9294,
29934,
1759,
267,
29898,
19448,
2392,
1125,
13,
9651,
478,
29896,
26322,
546,
4980,
29889,
3166,
29918,
8977,
29898,
2917,
29918,
8977,
29897,
13,
13,
4706,
2295,
29918,
8977,
3366,
1187,
3108,
353,
29871,
29906,
29889,
29929,
13,
4706,
2295,
353,
478,
29896,
26322,
546,
4980,
29889,
3166,
29918,
8977,
29898,
2917,
29918,
8977,
29897,
13,
4706,
4974,
29918,
11745,
29918,
8977,
29898,
2917,
29889,
517,
29918,
8977,
3285,
2295,
29918,
8977,
29897,
13,
2
] |
Day 4/D4.py | avidiotic/advent-of-code | 0 | 186805 | <reponame>avidiotic/advent-of-code
import re
from collections import defaultdict
input_file = open('Puzzle4_input.txt','r')
data = input_file.read().split('\n')
data.sort()
entry = [(list(map(int,re.findall(r'\d+',line))), re.findall(r'[a-zA-Z].+',line)) for line in data]
log_gt = defaultdict(int)
log_g = defaultdict(int)
log_t = defaultdict(int)
for timecode, text in entry:
date = str(timecode[1])+"-"+str(timecode[2])
time_end_index = timecode[4]
if 'begins shift' in text[0]:
guard = timecode[5]
asleep = None
elif 'falls asleep' in text[0]:
asleep = timecode[4]
elif 'wakes up' in text[0]:
for t in range(asleep, timecode[4]):
log_gt[(guard,t)] += 1
log_g[guard] += 1
def max_g(d):
best = None
for k,v in d.items():
if(best is None or v > d[best]):
best = k
return(best)
def max_t(d):
best = None
for (guard, time) in d:
if(guard == best_guard):
if(best is None or d[(guard,time)] > d[best]):
best = (guard, time)
return(best[1])
best_guard = max_g(log_g)
best_time = max_t(log_gt)
print(best_guard * best_time)
def max_gt(d):
best = None
for (guard,time) in d:
if(best is None or d[(guard,time)] > d[best]):
best = (guard,time)
return(best)
(best_guard, best_time) = max_gt(log_gt)
print(best_guard*best_time) | [
1,
529,
276,
1112,
420,
29958,
485,
8819,
13574,
29914,
328,
794,
29899,
974,
29899,
401,
13,
5215,
337,
13,
3166,
16250,
1053,
2322,
8977,
13,
13,
2080,
29918,
1445,
353,
1722,
877,
29925,
18813,
280,
29946,
29918,
2080,
29889,
3945,
3788,
29878,
1495,
13,
1272,
353,
1881,
29918,
1445,
29889,
949,
2141,
5451,
28909,
29876,
1495,
13,
1272,
29889,
6605,
580,
13,
13,
13,
8269,
353,
17288,
1761,
29898,
1958,
29898,
524,
29892,
276,
29889,
2886,
497,
29898,
29878,
12764,
29881,
29974,
742,
1220,
876,
511,
337,
29889,
2886,
497,
29898,
29878,
29915,
29961,
29874,
29899,
25265,
29899,
29999,
1822,
29974,
742,
1220,
876,
363,
1196,
297,
848,
29962,
13,
1188,
29918,
4141,
353,
2322,
8977,
29898,
524,
29897,
13,
1188,
29918,
29887,
353,
2322,
8977,
29898,
524,
29897,
13,
1188,
29918,
29873,
353,
2322,
8977,
29898,
524,
29897,
13,
13,
1454,
931,
401,
29892,
1426,
297,
6251,
29901,
13,
1678,
2635,
353,
851,
29898,
2230,
401,
29961,
29896,
2314,
13578,
29899,
17969,
710,
29898,
2230,
401,
29961,
29906,
2314,
13,
1678,
931,
29918,
355,
29918,
2248,
353,
931,
401,
29961,
29946,
29962,
13,
1678,
565,
525,
463,
29879,
9500,
29915,
297,
1426,
29961,
29900,
5387,
13,
4706,
8372,
353,
931,
401,
29961,
29945,
29962,
13,
4706,
408,
5436,
353,
6213,
13,
1678,
25342,
525,
12559,
408,
5436,
29915,
297,
1426,
29961,
29900,
5387,
13,
4706,
408,
5436,
353,
931,
401,
29961,
29946,
29962,
13,
1678,
25342,
525,
29893,
6926,
701,
29915,
297,
1426,
29961,
29900,
5387,
13,
4706,
363,
260,
297,
3464,
29898,
294,
5436,
29892,
931,
401,
29961,
29946,
29962,
1125,
13,
9651,
1480,
29918,
4141,
15625,
17728,
29892,
29873,
4638,
4619,
29871,
29896,
13,
9651,
1480,
29918,
29887,
29961,
17728,
29962,
4619,
29871,
29896,
13,
13,
1753,
4236,
29918,
29887,
29898,
29881,
1125,
13,
1678,
1900,
353,
6213,
13,
1678,
363,
413,
29892,
29894,
297,
270,
29889,
7076,
7295,
13,
4706,
565,
29898,
13318,
338,
6213,
470,
325,
1405,
270,
29961,
13318,
29962,
1125,
13,
9651,
1900,
353,
413,
13,
1678,
736,
29898,
13318,
29897,
13,
13,
13,
13,
1753,
4236,
29918,
29873,
29898,
29881,
1125,
13,
1678,
1900,
353,
6213,
13,
1678,
363,
313,
17728,
29892,
931,
29897,
297,
270,
29901,
13,
4706,
565,
29898,
17728,
1275,
1900,
29918,
17728,
1125,
13,
9651,
565,
29898,
13318,
338,
6213,
470,
270,
15625,
17728,
29892,
2230,
4638,
1405,
270,
29961,
13318,
29962,
1125,
13,
18884,
1900,
353,
313,
17728,
29892,
931,
29897,
13,
1678,
736,
29898,
13318,
29961,
29896,
2314,
13,
13,
13318,
29918,
17728,
353,
4236,
29918,
29887,
29898,
1188,
29918,
29887,
29897,
13,
13318,
29918,
2230,
353,
4236,
29918,
29873,
29898,
1188,
29918,
4141,
29897,
13,
2158,
29898,
13318,
29918,
17728,
334,
1900,
29918,
2230,
29897,
13,
13,
1753,
4236,
29918,
4141,
29898,
29881,
1125,
13,
1678,
1900,
353,
6213,
13,
1678,
363,
313,
17728,
29892,
2230,
29897,
297,
270,
29901,
13,
4706,
565,
29898,
13318,
338,
6213,
470,
270,
15625,
17728,
29892,
2230,
4638,
1405,
270,
29961,
13318,
29962,
1125,
13,
9651,
1900,
353,
313,
17728,
29892,
2230,
29897,
13,
1678,
736,
29898,
13318,
29897,
13,
29898,
13318,
29918,
17728,
29892,
1900,
29918,
2230,
29897,
353,
4236,
29918,
4141,
29898,
1188,
29918,
4141,
29897,
13,
2158,
29898,
13318,
29918,
17728,
29930,
13318,
29918,
2230,
29897,
4706,
2
] |
src/fresnel/f_ratio.py | JonNRb/physics506 | 0 | 52192 | <gh_stars>0
txt = None
with open('f_data.txt') as f:
txt = f.read()
lines = [i for i in txt.split('\n') if i]
data = [[int(i.strip()) for i in j.split('\t')] for j in lines]
import math
d2r = lambda ang: ang * math.pi / 180
ratio = lambda ang_2, ang_1: math.sin(d2r(ang_1)) / math.sin(d2r(ang_2))
for point in data:
print(ratio(*point))
print('avg:', sum(ratio(*point) for point in data) / len(lines))
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29900,
13,
3945,
353,
6213,
13,
2541,
1722,
877,
29888,
29918,
1272,
29889,
3945,
1495,
408,
285,
29901,
13,
29871,
13872,
353,
285,
29889,
949,
580,
13,
13,
9012,
353,
518,
29875,
363,
474,
297,
13872,
29889,
5451,
28909,
29876,
1495,
565,
474,
29962,
13,
13,
1272,
353,
5519,
524,
29898,
29875,
29889,
17010,
3101,
363,
474,
297,
432,
29889,
5451,
28909,
29873,
1495,
29962,
363,
432,
297,
3454,
29962,
13,
13,
5215,
5844,
13,
13,
29881,
29906,
29878,
353,
14013,
2614,
29901,
2614,
334,
5844,
29889,
1631,
847,
29871,
29896,
29947,
29900,
13,
13,
3605,
601,
353,
14013,
2614,
29918,
29906,
29892,
2614,
29918,
29896,
29901,
5844,
29889,
5223,
29898,
29881,
29906,
29878,
29898,
574,
29918,
29896,
876,
847,
5844,
29889,
5223,
29898,
29881,
29906,
29878,
29898,
574,
29918,
29906,
876,
13,
13,
1454,
1298,
297,
848,
29901,
13,
29871,
1596,
29898,
3605,
601,
10456,
3149,
876,
13,
13,
2158,
877,
485,
29887,
29901,
742,
2533,
29898,
3605,
601,
10456,
3149,
29897,
363,
1298,
297,
848,
29897,
847,
7431,
29898,
9012,
876,
13,
2
] |
ofspy/interSatelliteLink.py | ehsanfar/ofspy_v2 | 0 | 138010 | """
Copyright 2015 <NAME>, Massachusetts Institute of Technology
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.
"""
"""
InterSatelliteLink class.
"""
from .transceiver import Transceiver
class InterSatelliteLink(Transceiver):
def __init__(self, name=None, cost=0, size=1, capacity=1,
protocol=None, maxTransmitted=1, maxReceived=1):
"""
@param name: the name of this transceiver
@type name: L{str}
@param cost: the cost of this inter-satellite link
@type cost: L{float}
@param size: the size of this inter-satellite link
@type size: L{float}
@param capacity: the data capacity of this inter-satellite link
@type capacity: L{int}
@param protocol: the protocol of this inter-satellite link
@type protocol: L{str}
@param maxTransmitted: the max data transmitted by this inter-satellite link each turn
@type maxTransmitted: L{int}
@param maxReceived: the max data received by this inter-satellite link each turn
@type maxReceived: L{int}
"""
Transceiver.__init__(self, name=name, cost=cost,
size=size, capacity=capacity,
protocol=protocol,
maxTransmitted=maxTransmitted,
maxReceived=maxReceived)
def couldTransmit(self, data, receiver, txLocation, rxLocation, context):
"""
Checks if this inter-satellite link could transmit data (state-independent).
@param data: the data to transmit
@type data: L{Data}
@param receiver: the receiver receiving the data
@type receiver: L{Transceiver}
@param txLocation: the transmitter location
@type txLocation: L{Location}
@param rxLocation: the receiver location
@type rxLocation: L{Location}
@param context: the context
@type context: L{Context}
@return: L{bool}
"""
return super(InterSatelliteLink, self).couldTransmit(data, receiver) \
and txLocation.isOrbit() \
and rxLocation.isOrbit() \
and (abs(txLocation.sector - rxLocation.sector) <= 1
or abs(txLocation.sector - rxLocation.sector)
>= context.getNumSectors() - 1)
def couldReceive(self, data, transmitter, txLocation, rxLocation, context):
"""
Checks if this inter-satellite link could receive data (state-independent).
@param data: the data to transmit
@type data: L{Data}
@param transmitter: the transmitter transmitting the data
@type transmitter: L{Transceiver}
@param txLocation: the transmitter location
@type txLocation: L{Location}
@param rxLocation: the receiver location
@type rxLocation: L{Location}
@param context: the context
@type context: L{Context}
@return: L{bool}
"""
return super(InterSatelliteLink, self).couldReceive(data, transmitter) \
and txLocation.isOrbit() \
and rxLocation.isOrbit() \
and (abs(txLocation.sector - rxLocation.sector) <= 1
or abs(txLocation.sector - rxLocation.sector)
>= context.getNumSectors() - 1)
def isISL(self):
"""
Checks if this is an inter-satellite link.
@return: L{bool}
"""
return True | [
1,
9995,
13,
11882,
1266,
29871,
29906,
29900,
29896,
29945,
529,
5813,
10202,
16167,
8907,
310,
17968,
13,
13,
29931,
293,
21144,
1090,
278,
13380,
19245,
29892,
10079,
29871,
29906,
29889,
29900,
313,
1552,
376,
29931,
293,
1947,
1496,
13,
6293,
1122,
451,
671,
445,
934,
5174,
297,
752,
13036,
411,
278,
19245,
29889,
13,
3492,
1122,
4017,
263,
3509,
310,
278,
19245,
472,
13,
13,
1678,
1732,
597,
1636,
29889,
4288,
29889,
990,
29914,
506,
11259,
29914,
27888,
1430,
1660,
29899,
29906,
29889,
29900,
13,
13,
2525,
2222,
3734,
491,
22903,
4307,
470,
15502,
304,
297,
5007,
29892,
7047,
13,
5721,
7541,
1090,
278,
19245,
338,
13235,
373,
385,
376,
3289,
8519,
29908,
350,
3289,
3235,
29892,
13,
29956,
1806,
8187,
2692,
399,
1718,
29934,
13566,
29059,
6323,
8707,
29928,
22122,
29903,
8079,
13764,
29979,
476,
22255,
29892,
2845,
4653,
470,
2411,
2957,
29889,
13,
13393,
278,
19245,
363,
278,
2702,
4086,
14765,
1076,
11239,
322,
13,
13400,
800,
1090,
278,
19245,
29889,
13,
15945,
29908,
13,
13,
15945,
29908,
13,
4074,
29903,
271,
20911,
6595,
770,
29889,
13,
15945,
29908,
13,
13,
3166,
869,
3286,
346,
2147,
1053,
4103,
346,
2147,
13,
13,
1990,
4124,
29903,
271,
20911,
6595,
29898,
4300,
346,
2147,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
1024,
29922,
8516,
29892,
3438,
29922,
29900,
29892,
2159,
29922,
29896,
29892,
13284,
29922,
29896,
29892,
13,
462,
9608,
29922,
8516,
29892,
4236,
4300,
29885,
4430,
29922,
29896,
29892,
4236,
29816,
29922,
29896,
1125,
13,
4706,
9995,
13,
4706,
732,
3207,
1024,
29901,
278,
1024,
310,
445,
1301,
346,
2147,
13,
4706,
732,
1853,
1024,
29901,
365,
29912,
710,
29913,
13,
4706,
732,
3207,
3438,
29901,
278,
3438,
310,
445,
1006,
29899,
29879,
271,
20911,
1544,
13,
4706,
732,
1853,
3438,
29901,
365,
29912,
7411,
29913,
13,
4706,
732,
3207,
2159,
29901,
278,
2159,
310,
445,
1006,
29899,
29879,
271,
20911,
1544,
13,
4706,
732,
1853,
2159,
29901,
365,
29912,
7411,
29913,
13,
4706,
732,
3207,
13284,
29901,
278,
848,
13284,
310,
445,
1006,
29899,
29879,
271,
20911,
1544,
13,
4706,
732,
1853,
13284,
29901,
365,
29912,
524,
29913,
13,
4706,
732,
3207,
9608,
29901,
278,
9608,
310,
445,
1006,
29899,
29879,
271,
20911,
1544,
13,
4706,
732,
1853,
9608,
29901,
365,
29912,
710,
29913,
13,
4706,
732,
3207,
4236,
4300,
29885,
4430,
29901,
278,
4236,
848,
18750,
4430,
491,
445,
1006,
29899,
29879,
271,
20911,
1544,
1269,
2507,
13,
4706,
732,
1853,
4236,
4300,
29885,
4430,
29901,
365,
29912,
524,
29913,
13,
4706,
732,
3207,
4236,
29816,
29901,
278,
4236,
848,
4520,
491,
445,
1006,
29899,
29879,
271,
20911,
1544,
1269,
2507,
13,
4706,
732,
1853,
4236,
29816,
29901,
365,
29912,
524,
29913,
13,
4706,
9995,
13,
4706,
4103,
346,
2147,
17255,
2344,
12035,
1311,
29892,
1024,
29922,
978,
29892,
3438,
29922,
18253,
29892,
13,
462,
632,
2159,
29922,
2311,
29892,
13284,
29922,
5030,
5946,
29892,
13,
462,
632,
9608,
29922,
20464,
29892,
13,
462,
632,
4236,
4300,
29885,
4430,
29922,
3317,
4300,
29885,
4430,
29892,
13,
462,
632,
4236,
29816,
29922,
3317,
29816,
29897,
13,
268,
13,
1678,
822,
1033,
4300,
2415,
29898,
1311,
29892,
848,
29892,
19870,
29892,
25568,
6508,
29892,
364,
29916,
6508,
29892,
3030,
1125,
13,
4706,
9995,
13,
4706,
5399,
29879,
565,
445,
1006,
29899,
29879,
271,
20911,
1544,
1033,
22649,
848,
313,
3859,
29899,
262,
18980,
467,
13,
4706,
732,
3207,
848,
29901,
278,
848,
304,
22649,
13,
4706,
732,
1853,
848,
29901,
365,
29912,
1469,
29913,
13,
4706,
732,
3207,
19870,
29901,
278,
19870,
13442,
278,
848,
13,
4706,
732,
1853,
19870,
29901,
365,
29912,
4300,
346,
2147,
29913,
13,
4706,
732,
3207,
25568,
6508,
29901,
278,
22649,
357,
4423,
13,
4706,
732,
1853,
25568,
6508,
29901,
365,
29912,
6508,
29913,
13,
4706,
732,
3207,
364,
29916,
6508,
29901,
278,
19870,
4423,
13,
4706,
732,
1853,
364,
29916,
6508,
29901,
365,
29912,
6508,
29913,
13,
4706,
732,
3207,
3030,
29901,
278,
3030,
13,
4706,
732,
1853,
3030,
29901,
365,
29912,
2677,
29913,
13,
4706,
732,
2457,
29901,
365,
29912,
11227,
29913,
13,
4706,
9995,
13,
4706,
736,
2428,
29898,
4074,
29903,
271,
20911,
6595,
29892,
1583,
467,
26680,
4300,
2415,
29898,
1272,
29892,
19870,
29897,
320,
13,
18884,
322,
25568,
6508,
29889,
275,
2816,
2966,
580,
320,
13,
18884,
322,
364,
29916,
6508,
29889,
275,
2816,
2966,
580,
320,
13,
18884,
322,
313,
6897,
29898,
7508,
6508,
29889,
344,
2801,
448,
364,
29916,
6508,
29889,
344,
2801,
29897,
5277,
29871,
29896,
13,
462,
268,
470,
6425,
29898,
7508,
6508,
29889,
344,
2801,
448,
364,
29916,
6508,
29889,
344,
2801,
29897,
13,
462,
268,
6736,
3030,
29889,
657,
8009,
29903,
11142,
580,
448,
29871,
29896,
29897,
13,
308,
13,
1678,
822,
1033,
24131,
29898,
1311,
29892,
848,
29892,
22649,
357,
29892,
25568,
6508,
29892,
364,
29916,
6508,
29892,
3030,
1125,
13,
4706,
9995,
13,
4706,
5399,
29879,
565,
445,
1006,
29899,
29879,
271,
20911,
1544,
1033,
7150,
848,
313,
3859,
29899,
262,
18980,
467,
13,
4706,
732,
3207,
848,
29901,
278,
848,
304,
22649,
13,
4706,
732,
1853,
848,
29901,
365,
29912,
1469,
29913,
13,
4706,
732,
3207,
22649,
357,
29901,
278,
22649,
357,
18750,
5367,
278,
848,
13,
4706,
732,
1853,
22649,
357,
29901,
365,
29912,
4300,
346,
2147,
29913,
13,
4706,
732,
3207,
25568,
6508,
29901,
278,
22649,
357,
4423,
13,
4706,
732,
1853,
25568,
6508,
29901,
365,
29912,
6508,
29913,
13,
4706,
732,
3207,
364,
29916,
6508,
29901,
278,
19870,
4423,
13,
4706,
732,
1853,
364,
29916,
6508,
29901,
365,
29912,
6508,
29913,
13,
4706,
732,
3207,
3030,
29901,
278,
3030,
13,
4706,
732,
1853,
3030,
29901,
365,
29912,
2677,
29913,
13,
4706,
732,
2457,
29901,
365,
29912,
11227,
29913,
13,
4706,
9995,
13,
4706,
736,
2428,
29898,
4074,
29903,
271,
20911,
6595,
29892,
1583,
467,
26680,
24131,
29898,
1272,
29892,
22649,
357,
29897,
320,
13,
18884,
322,
25568,
6508,
29889,
275,
2816,
2966,
580,
320,
13,
18884,
322,
364,
29916,
6508,
29889,
275,
2816,
2966,
580,
320,
13,
18884,
322,
313,
6897,
29898,
7508,
6508,
29889,
344,
2801,
448,
364,
29916,
6508,
29889,
344,
2801,
29897,
5277,
29871,
29896,
13,
462,
268,
470,
6425,
29898,
7508,
6508,
29889,
344,
2801,
448,
364,
29916,
6508,
29889,
344,
2801,
29897,
29871,
13,
462,
268,
6736,
3030,
29889,
657,
8009,
29903,
11142,
580,
448,
29871,
29896,
29897,
13,
308,
13,
1678,
822,
338,
3235,
29931,
29898,
1311,
1125,
13,
4706,
9995,
13,
4706,
5399,
29879,
565,
445,
338,
385,
1006,
29899,
29879,
271,
20911,
1544,
29889,
13,
4706,
732,
2457,
29901,
365,
29912,
11227,
29913,
13,
4706,
9995,
13,
4706,
736,
5852,
2
] |
pytils/clock.py | d33jiang/pytils | 0 | 28441 | import functools
import heapq
import logging
from collections import deque
from threading import Condition, RLock
from typing import Any, Callable, List, NamedTuple, Optional
from pytils.mixins import DaemonHandler
from ._config.time import DEFAULT_TIME_SUPPLIER, TimeSupplier, TimeType, ZERO_DURATION
__all__ = [
'Action',
'Clock',
'Handler',
'Schedule',
'ScheduleKey',
'SchedulingQueue',
'TimeSupplier',
'TimeType',
]
_DEFAULT_MAX_TASK_QUEUE_SIZE = 4096
_MAX_SLEEP_DURATION = 12.
#
# Convenience Function
wrap_action = functools.partial
#
# Data Definitions
class ScheduleKey(NamedTuple):
period: Optional[float]
action: 'Action'
class ScheduleEntry(NamedTuple):
next_run: float
key: 'ScheduleKey'
Action = Callable[[], Any]
Handler = Callable[[Action], Any]
#
# Clock
LOGGER = logging.getLogger('pytils.clock')
class Clock:
def __init__(
self,
max_queue_size: int = _DEFAULT_MAX_TASK_QUEUE_SIZE,
s_time: TimeSupplier = DEFAULT_TIME_SUPPLIER):
self._scheduling_queue = SchedulingQueue(max_queue_size, s_time)
@property
def schedule(self):
return self._scheduling_queue.schedule
def run_scheduler(self):
self.schedule.run()
def start_scheduler(self):
self.schedule.start()
def run_handler(self):
self._scheduling_queue.run()
def start_handler(self):
self._scheduling_queue.start()
class SchedulingQueue(DaemonHandler):
def __init__(
self,
max_queue_size: int = _DEFAULT_MAX_TASK_QUEUE_SIZE,
s_time: TimeSupplier = DEFAULT_TIME_SUPPLIER):
self._cv = Condition()
self._task_queue = deque(maxlen=max_queue_size)
self._schedule = Schedule(self._enqueue, s_time)
@property
def schedule(self):
return self._schedule
def handle_one(self):
with self._cv:
self._cv.wait_for(self._task_queue.__len__)
action = self._task_queue.popleft()
self._cv.notify()
action()
def _enqueue(self, action: Action):
with self._cv:
self._task_queue.append(action)
self._cv.notify()
class Schedule(DaemonHandler):
def __init__(self, handler: Handler, s_time: TimeSupplier = DEFAULT_TIME_SUPPLIER):
self.s_time = s_time
self._lock = RLock()
self._cv = Condition(self._lock)
self._schedule = [] # type: List[ScheduleEntry]
self._handler = handler
def register(
self,
action: Action,
period: Optional[TimeType],
delay: Optional[TimeType] = None) -> ScheduleKey:
if period <= ZERO_DURATION:
raise ValueError('period must be positive or None')
if delay < ZERO_DURATION:
raise ValueError('delay must be non-negative or None')
if not delay:
delay = ZERO_DURATION
key = ScheduleKey(period, action)
entry = ScheduleEntry(self.s_time() + delay, key)
with self._cv:
self._enqueue(entry)
return key
def handle_one(self):
with self._cv:
while not self._cv.wait_for(self.has_expired, self._get_next_sleep_duration()):
pass
self._handle_entry(self._dequeue())
def _handle_entry(self, entry: ScheduleEntry):
self._handler(self._create_readmittence_action_from_key(entry.key))
def _create_readmittence_action_from_key(self, key: ScheduleKey) -> Action:
if key.period is None:
return key.action
def perform_action_and_readmit():
next_run = self.s_time() + key.period
key.action()
current_time = self.s_time()
if next_run < current_time:
LOGGER.warning('Scheduled task took longer than its period length to complete')
self._enqueue(ScheduleEntry(max(current_time, next_run), key))
return perform_action_and_readmit
def has_expired(self) -> bool:
with self._lock:
return bool(self._schedule) and self._schedule[0].next_run - self.s_time() <= 0
def _get_next_sleep_duration(self) -> TimeType:
if self._schedule:
return min(_MAX_SLEEP_DURATION, max(ZERO_DURATION, self._schedule[0].next_run - self.s_time()))
else:
return _MAX_SLEEP_DURATION
def _enqueue(self, entry: ScheduleEntry):
self._cv.notify()
heapq.heappush(self._schedule, entry)
def _dequeue(self) -> Optional[ScheduleEntry]:
self._cv.notify()
return heapq.heappop(self._schedule) if self._schedule else None
| [
1,
1053,
2090,
312,
8789,
13,
5215,
16947,
29939,
13,
5215,
12183,
13,
3166,
16250,
1053,
316,
802,
13,
3166,
3244,
292,
1053,
11790,
654,
29892,
390,
16542,
13,
3166,
19229,
1053,
3139,
29892,
8251,
519,
29892,
2391,
29892,
405,
2795,
23215,
552,
29892,
28379,
13,
13,
3166,
11451,
1376,
29879,
29889,
28084,
1144,
1053,
7266,
9857,
4598,
13,
3166,
869,
29918,
2917,
29889,
2230,
1053,
22236,
29918,
15307,
29918,
29903,
4897,
29925,
5265,
1001,
29892,
5974,
20182,
4926,
29892,
5974,
1542,
29892,
796,
1001,
29949,
29918,
29928,
4574,
8098,
13,
13,
1649,
497,
1649,
353,
518,
13,
1678,
525,
4276,
742,
13,
1678,
525,
29907,
908,
742,
13,
1678,
525,
4598,
742,
13,
1678,
525,
4504,
11272,
742,
13,
1678,
525,
4504,
11272,
2558,
742,
13,
1678,
525,
4504,
287,
19478,
10620,
742,
13,
1678,
525,
2481,
20182,
4926,
742,
13,
1678,
525,
2481,
1542,
742,
13,
29962,
13,
13,
29918,
23397,
29918,
12648,
29918,
29911,
3289,
29968,
29918,
11144,
4462,
29918,
14226,
353,
29871,
29946,
29900,
29929,
29953,
13,
29918,
12648,
29918,
29903,
1307,
15488,
29918,
29928,
4574,
8098,
353,
29871,
29896,
29906,
29889,
13,
13,
29937,
13,
29937,
1281,
854,
5597,
6680,
13,
13,
6312,
29918,
2467,
353,
2090,
312,
8789,
29889,
3846,
13,
13,
13,
29937,
13,
29937,
3630,
897,
4951,
2187,
13,
13,
1990,
1102,
11272,
2558,
29898,
22175,
23215,
552,
1125,
13,
1678,
3785,
29901,
28379,
29961,
7411,
29962,
13,
1678,
3158,
29901,
525,
4276,
29915,
13,
13,
13,
1990,
1102,
11272,
9634,
29898,
22175,
23215,
552,
1125,
13,
1678,
2446,
29918,
3389,
29901,
5785,
13,
1678,
1820,
29901,
525,
4504,
11272,
2558,
29915,
13,
13,
13,
4276,
353,
8251,
519,
8999,
1402,
3139,
29962,
13,
4598,
353,
8251,
519,
8999,
4276,
1402,
3139,
29962,
13,
13,
29937,
13,
29937,
315,
908,
13,
13,
14480,
17070,
353,
12183,
29889,
657,
16363,
877,
2272,
1376,
29879,
29889,
13058,
1495,
13,
13,
13,
1990,
315,
908,
29901,
13,
13,
1678,
822,
4770,
2344,
12035,
13,
9651,
1583,
29892,
13,
9651,
4236,
29918,
9990,
29918,
2311,
29901,
938,
353,
903,
23397,
29918,
12648,
29918,
29911,
3289,
29968,
29918,
11144,
4462,
29918,
14226,
29892,
13,
9651,
269,
29918,
2230,
29901,
5974,
20182,
4926,
353,
22236,
29918,
15307,
29918,
29903,
4897,
29925,
5265,
1001,
1125,
13,
4706,
1583,
3032,
816,
287,
19478,
29918,
9990,
353,
1102,
287,
19478,
10620,
29898,
3317,
29918,
9990,
29918,
2311,
29892,
269,
29918,
2230,
29897,
13,
13,
1678,
732,
6799,
13,
1678,
822,
20410,
29898,
1311,
1125,
13,
4706,
736,
1583,
3032,
816,
287,
19478,
29918,
9990,
29889,
816,
11272,
13,
13,
1678,
822,
1065,
29918,
816,
14952,
29898,
1311,
1125,
13,
4706,
1583,
29889,
816,
11272,
29889,
3389,
580,
13,
13,
1678,
822,
1369,
29918,
816,
14952,
29898,
1311,
1125,
13,
4706,
1583,
29889,
816,
11272,
29889,
2962,
580,
13,
13,
1678,
822,
1065,
29918,
13789,
29898,
1311,
1125,
13,
4706,
1583,
3032,
816,
287,
19478,
29918,
9990,
29889,
3389,
580,
13,
13,
1678,
822,
1369,
29918,
13789,
29898,
1311,
1125,
13,
4706,
1583,
3032,
816,
287,
19478,
29918,
9990,
29889,
2962,
580,
13,
13,
13,
1990,
1102,
287,
19478,
10620,
29898,
27838,
9857,
4598,
1125,
13,
13,
1678,
822,
4770,
2344,
12035,
13,
9651,
1583,
29892,
13,
9651,
4236,
29918,
9990,
29918,
2311,
29901,
938,
353,
903,
23397,
29918,
12648,
29918,
29911,
3289,
29968,
29918,
11144,
4462,
29918,
14226,
29892,
13,
9651,
269,
29918,
2230,
29901,
5974,
20182,
4926,
353,
22236,
29918,
15307,
29918,
29903,
4897,
29925,
5265,
1001,
1125,
13,
4706,
1583,
3032,
11023,
353,
11790,
654,
580,
13,
4706,
1583,
3032,
7662,
29918,
9990,
353,
316,
802,
29898,
3317,
2435,
29922,
3317,
29918,
9990,
29918,
2311,
29897,
13,
13,
4706,
1583,
3032,
816,
11272,
353,
1102,
11272,
29898,
1311,
3032,
264,
9990,
29892,
269,
29918,
2230,
29897,
13,
13,
1678,
732,
6799,
13,
1678,
822,
20410,
29898,
1311,
1125,
13,
4706,
736,
1583,
3032,
816,
11272,
13,
13,
1678,
822,
4386,
29918,
650,
29898,
1311,
1125,
13,
4706,
411,
1583,
3032,
11023,
29901,
13,
9651,
1583,
3032,
11023,
29889,
10685,
29918,
1454,
29898,
1311,
3032,
7662,
29918,
9990,
17255,
2435,
1649,
29897,
13,
9651,
3158,
353,
1583,
3032,
7662,
29918,
9990,
29889,
7323,
1563,
580,
13,
9651,
1583,
3032,
11023,
29889,
25140,
580,
13,
13,
9651,
3158,
580,
13,
13,
1678,
822,
903,
264,
9990,
29898,
1311,
29892,
3158,
29901,
9123,
1125,
13,
4706,
411,
1583,
3032,
11023,
29901,
13,
9651,
1583,
3032,
7662,
29918,
9990,
29889,
4397,
29898,
2467,
29897,
13,
9651,
1583,
3032,
11023,
29889,
25140,
580,
13,
13,
13,
1990,
1102,
11272,
29898,
27838,
9857,
4598,
1125,
13,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
7834,
29901,
5166,
1358,
29892,
269,
29918,
2230,
29901,
5974,
20182,
4926,
353,
22236,
29918,
15307,
29918,
29903,
4897,
29925,
5265,
1001,
1125,
13,
4706,
1583,
29889,
29879,
29918,
2230,
353,
269,
29918,
2230,
13,
13,
4706,
1583,
3032,
908,
353,
390,
16542,
580,
13,
4706,
1583,
3032,
11023,
353,
11790,
654,
29898,
1311,
3032,
908,
29897,
13,
4706,
1583,
3032,
816,
11272,
353,
5159,
29871,
396,
1134,
29901,
2391,
29961,
4504,
11272,
9634,
29962,
13,
13,
4706,
1583,
3032,
13789,
353,
7834,
13,
13,
1678,
822,
6036,
29898,
13,
9651,
1583,
29892,
13,
9651,
3158,
29901,
9123,
29892,
13,
9651,
3785,
29901,
28379,
29961,
2481,
1542,
1402,
13,
9651,
9055,
29901,
28379,
29961,
2481,
1542,
29962,
353,
6213,
29897,
1599,
1102,
11272,
2558,
29901,
13,
4706,
565,
3785,
5277,
796,
1001,
29949,
29918,
29928,
4574,
8098,
29901,
13,
9651,
12020,
7865,
2392,
877,
19145,
1818,
367,
6374,
470,
6213,
1495,
13,
4706,
565,
9055,
529,
796,
1001,
29949,
29918,
29928,
4574,
8098,
29901,
13,
9651,
12020,
7865,
2392,
877,
18829,
1818,
367,
1661,
29899,
22198,
470,
6213,
1495,
13,
4706,
565,
451,
9055,
29901,
13,
9651,
9055,
353,
796,
1001,
29949,
29918,
29928,
4574,
8098,
13,
13,
4706,
1820,
353,
1102,
11272,
2558,
29898,
19145,
29892,
3158,
29897,
13,
4706,
6251,
353,
1102,
11272,
9634,
29898,
1311,
29889,
29879,
29918,
2230,
580,
718,
9055,
29892,
1820,
29897,
13,
13,
4706,
411,
1583,
3032,
11023,
29901,
13,
9651,
1583,
3032,
264,
9990,
29898,
8269,
29897,
13,
13,
4706,
736,
1820,
13,
13,
1678,
822,
4386,
29918,
650,
29898,
1311,
1125,
13,
4706,
411,
1583,
3032,
11023,
29901,
13,
9651,
1550,
451,
1583,
3032,
11023,
29889,
10685,
29918,
1454,
29898,
1311,
29889,
5349,
29918,
4548,
2859,
29892,
1583,
3032,
657,
29918,
4622,
29918,
17059,
29918,
19708,
580,
1125,
13,
18884,
1209,
13,
13,
9651,
1583,
3032,
8411,
29918,
8269,
29898,
1311,
3032,
311,
9990,
3101,
13,
13,
1678,
822,
903,
8411,
29918,
8269,
29898,
1311,
29892,
6251,
29901,
1102,
11272,
9634,
1125,
13,
4706,
1583,
3032,
13789,
29898,
1311,
3032,
3258,
29918,
949,
18344,
663,
29918,
2467,
29918,
3166,
29918,
1989,
29898,
8269,
29889,
1989,
876,
13,
13,
1678,
822,
903,
3258,
29918,
949,
18344,
663,
29918,
2467,
29918,
3166,
29918,
1989,
29898,
1311,
29892,
1820,
29901,
1102,
11272,
2558,
29897,
1599,
9123,
29901,
13,
4706,
565,
1820,
29889,
19145,
338,
6213,
29901,
13,
9651,
736,
1820,
29889,
2467,
13,
13,
4706,
822,
2189,
29918,
2467,
29918,
392,
29918,
949,
2415,
7295,
13,
9651,
2446,
29918,
3389,
353,
1583,
29889,
29879,
29918,
2230,
580,
718,
1820,
29889,
19145,
13,
13,
9651,
1820,
29889,
2467,
580,
13,
13,
9651,
1857,
29918,
2230,
353,
1583,
29889,
29879,
29918,
2230,
580,
13,
9651,
565,
2446,
29918,
3389,
529,
1857,
29918,
2230,
29901,
13,
18884,
25401,
17070,
29889,
27392,
877,
4504,
14989,
3414,
3614,
5520,
1135,
967,
3785,
3309,
304,
4866,
1495,
13,
13,
9651,
1583,
3032,
264,
9990,
29898,
4504,
11272,
9634,
29898,
3317,
29898,
3784,
29918,
2230,
29892,
2446,
29918,
3389,
511,
1820,
876,
13,
13,
4706,
736,
2189,
29918,
2467,
29918,
392,
29918,
949,
2415,
13,
13,
1678,
822,
756,
29918,
4548,
2859,
29898,
1311,
29897,
1599,
6120,
29901,
13,
4706,
411,
1583,
3032,
908,
29901,
13,
9651,
736,
6120,
29898,
1311,
3032,
816,
11272,
29897,
322,
1583,
3032,
816,
11272,
29961,
29900,
1822,
4622,
29918,
3389,
448,
1583,
29889,
29879,
29918,
2230,
580,
5277,
29871,
29900,
13,
13,
1678,
822,
903,
657,
29918,
4622,
29918,
17059,
29918,
19708,
29898,
1311,
29897,
1599,
5974,
1542,
29901,
13,
4706,
565,
1583,
3032,
816,
11272,
29901,
13,
9651,
736,
1375,
7373,
12648,
29918,
29903,
1307,
15488,
29918,
29928,
4574,
8098,
29892,
4236,
29898,
29999,
1001,
29949,
29918,
29928,
4574,
8098,
29892,
1583,
3032,
816,
11272,
29961,
29900,
1822,
4622,
29918,
3389,
448,
1583,
29889,
29879,
29918,
2230,
22130,
13,
4706,
1683,
29901,
13,
9651,
736,
903,
12648,
29918,
29903,
1307,
15488,
29918,
29928,
4574,
8098,
13,
13,
1678,
822,
903,
264,
9990,
29898,
1311,
29892,
6251,
29901,
1102,
11272,
9634,
1125,
13,
4706,
1583,
3032,
11023,
29889,
25140,
580,
13,
4706,
16947,
29939,
29889,
354,
932,
1878,
29898,
1311,
3032,
816,
11272,
29892,
6251,
29897,
13,
13,
1678,
822,
903,
311,
9990,
29898,
1311,
29897,
1599,
28379,
29961,
4504,
11272,
9634,
5387,
13,
4706,
1583,
3032,
11023,
29889,
25140,
580,
13,
4706,
736,
16947,
29939,
29889,
354,
932,
459,
29898,
1311,
3032,
816,
11272,
29897,
565,
1583,
3032,
816,
11272,
1683,
6213,
13,
2
] |
pyjq/__init__.py | spraakbanken/pyjq | 0 | 192198 | <gh_stars>0
from .cli import cli
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29900,
13,
13,
3166,
869,
11303,
1053,
9335,
13,
2
] |
splicing_annotations/countSupportingReads.py | stevenxchen/splicing-modulators | 0 | 154382 | <filename>splicing_annotations/countSupportingReads.py
#Junction counter adapted from rMATS "process unique sam"
### import necessary libraries
import re,os,sys,logging,time,datetime,commands,argparse;
import scipy,math,pickle,pysam;
from scipy import stats;
def listToString(x):
rVal = '';
for a in x:
rVal += a+' ';
return rVal;
######### basic functions #############
#
#Input:
#insertsize_inclusion: a numerical variable for the paired-end read inclusion form insert size
#insertsize_skipping: a numerical variable for the paired-end read skipping form insert size
#insertsize_mean: a numerical variable for the mean of the insert size
#insertsize_var: a numerical variable for the variance of the insert size
#Output:
#A 2-element vector for the [fraction of the inclusion form, fraction of the skipping form]
def PE_fraction(insertsize_inclusion, insertsize_skipping, insertsize_mean, insertsize_var):
p1=stats.norm.cdf(insertsize_inclusion+0.5,insertsize_mean,math.sqrt(insertsize_var));
p1=p1-stats.norm.cdf(insertsize_inclusion-0.5,insertsize_mean,math.sqrt(insertsize_var));
p2=stats.norm.cdf(insertsize_skipping+0.5,insertsize_mean,math.sqrt(insertsize_var));
p2=p2-stats.norm.cdf(insertsize_skipping-0.5,insertsize_mean,math.sqrt(insertsize_var));
return([p1/(p1+p2),p2/(p1+p2)]);
def getInitialCounts(): ## getting initial counts for each AS event
#rValue = [[[[],[]]],[[[],[]]],[[[],[]]]]; ## count type 1, 2, and 3, Include or Skip
rValue = [[[],[]],[[],[]],[[],[]]];
rValue[CT1][I]=0;
rValue[CT1][S]=0;
rValue[CT2][I]=0;
rValue[CT2][S]=0;
rValue[CT3][I]=0;
rValue[CT3][S]=0;
return rValue;
#### end of getInitialCounts()
###############################
## SAMPLE COUNTING FUNCTIONS ##
###############################
def is_unique(r):
# check if read is uniquely mapped
for tag in r.tags:
if tag[0]=='NH': # NH is tag for number of hits
if int(tag[1])==1: # uniquely mapped if NH=1
if dataType=='single': ## single end, sufficient
return True;
elif r.is_proper_pair:
return True;
return False
#
def processSample(sample): ## call it with processSample(sample_1, S1) something like this
global anchorLength;
readCount=0;
### process the given sample ###
#for s1 in sample: ## for each sam file
# rep = sample.index(s1);
# if len(s1.strip())<1: ## incorrect split. a user might accidently put comma at the end of input sam file list
# continue; ### just skip this entry, probably the last one though
s1=sample;
sFile = pysam.Samfile(s1.strip(),'rb'); ## open bam file
e1 = {}; ## edge count here
for read in sFile.fetch():
readCount=readCount+1;
if (readCount % 1000000) == 0:
print(str(readCount)+" reads processed...");
if not is_unique(read):
continue;
rL = readLength;
chr = sFile.getrname(read.tid)
if chr[0:3]!='chr': ## X instead of chrX, add 'chr'
chr = 'chr'+chr;
mc = read.pos+1
mString = read.cigarstring
#rID = read.qname
group = mc/chunk; ## group does not change, it's okay to check only one group for a junction read
## if showMe: print 'mc:'+ str(group);
if 'D' in mString or 'I' in mString or 'S' in mString or 'H' in mString or 'P' in mString or 'X' in mString or '=' in mString: ## skip
continue; ## go to next line
### check to see if the line is either exonic read or junction read
split_mString = mString.split('M');
tor = 0; ## type of read, 0 nothing, 1 exonic read, 2 junction read
if len(split_mString)==2:
tor = 1; ############ exonic read ######
rL = int(split_mString[0]); ## read length specified in this mapping string
mec = mc+rL-1; ## mapping end coord
egroup = mec/chunk; ## group for the mapping end coord of genomic reads
if rL != readLength:
continue
## SE ###
if chr in se: ## this chromosome has se event(s)
if group in se[chr]: ## this group has skipped exon event(s)
for c in se[chr][group]: ## for each skipped exon event in this group
if (mc>se[chr][group][c][0] and mec<=se[chr][group][c][1]): ## read on the target
c_se[c][CT2][I]+=1;
### end of SE ###
### MXE ####
if chr in mxe: ## this chromosome has mxe event(s)
if group in mxe[chr]: ## this group has mxe event(s)
for c in mxe[chr][group]: ## for each mxe event in this group
if (mc>mxe[chr][group][c][0] and mec<=mxe[chr][group][c][1]): ## read on the target exon
c_mxe[c][CT2][I]+=1;
elif (mc>mxe[chr][group][c][2] and mec<=mxe[chr][group][c][3]): ## read on the second exon
c_mxe[c][CT2][S]+=1;
## end of MXE ###
## A5SS ##
if chr in a5ss: ## this chromosome has a5ss event(s)
if egroup in a5ss[chr]: ## this egroup has a5ss event(s), this group is valid for positive strand only
for c in a5ss[chr][egroup]: ## for each a5ss event in this group
if a5ss[chr][egroup][c][4]>a5ss[chr][egroup][c][1]: ## positive strand
if (mc<=(a5ss[chr][egroup][c][3]-(rL-junctionLength/2)+1) and mec<=a5ss[chr][egroup][c][1] and mec>=(a5ss[chr][egroup][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
if (mc>a5ss[chr][egroup][c][3] and mec<=a5ss[chr][egroup][c][1]): ## exon read supporting target
c_a5ss[c][CT2][I]+=1;
if group in a5ss[chr]: ## this group has a5ss event(s), this group is valid for negative strand only
for c in a5ss[chr][group]: ## for each a5ss event in this group
if a5ss[chr][group][c][4]<a5ss[chr][group][c][1]: ## negative strand
if (mc>a5ss[chr][group][c][0] and mc<=(a5ss[chr][group][c][2]-(rL-junctionLength/2)+1) and mec>=(a5ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
if (mc>a5ss[chr][group][c][0] and mec<=a5ss[chr][group][c][2]): ## exon read supporting target
c_a5ss[c][CT2][I]+=1;
## end of A5SS ###
## A3SS ##
if chr in a3ss: ## this chromosome has a3ss event(s)
if egroup in a3ss[chr]: ## this group has a3ss event(s)
for c in a3ss[chr][egroup]: ## for each a3ss event in this group
if a3ss[chr][egroup][c][4]>a3ss[chr][egroup][c][1]: ## negative strand
if (mc<=(a3ss[chr][egroup][c][3]-(rL-junctionLength/2)+1) and mec<=a3ss[chr][egroup][c][1] and mec>=(a3ss[chr][egroup][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
if (mc>a3ss[chr][egroup][c][3] and mec<=a3ss[chr][egroup][c][1]): ## exon read supporting target
c_a3ss[c][CT2][I]+=1;
if group in a3ss[chr]: ## this group has a3ss event(s)
for c in a3ss[chr][group]: ## for each a3ss event in this group
if a3ss[chr][group][c][4]<a3ss[chr][group][c][1]: ## positive strand
if (mc>a3ss[chr][group][c][0] and mc<=(a3ss[chr][group][c][2]-(rL-junctionLength/2)+1) and mec>=(a3ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
if (mc>a3ss[chr][group][c][0] and mec<=a3ss[chr][group][c][2]): ## exon read supporting target
c_a3ss[c][CT2][I]+=1;
## end of A3SS ###
## RI ##
if chr in ri: ## this chromosome has ri event(s)
groupsToExamine = list(set([group,egroup])); ## to examine multiple groups
tempProcessedRI_id={}; ## to examine multiple groups
for ggg in groupsToExamine: ## for each group
if ggg in ri[chr]: ## this group has ri event(s)
for c in ri[chr][ggg]: ## for each ri event in this group, strand does not matter for ri events
if c in tempProcessedRI_id: ## already processed this event, skip it
continue; ## next c please
else: ## new c here
tempProcessedRI_id[c]='1';
if (mc<=(ri[chr][ggg][c][3]-(rL-junctionLength/2)+1) and mec>=(ri[chr][ggg][c][3]+(rL-junctionLength/2))) or (mc<=(ri[chr][ggg][c][4]-(rL-junctionLength/2)+1) and mec>=(ri[chr][ggg][c][4]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_ri[c][CT1][I]+=1;
c_ri[c][CT2][I]+=1;
if (mc>ri[chr][ggg][c][3] and mec<=ri[chr][ggg][c][4]): ## exon read supporting target
c_ri[c][CT2][I]+=1;
## end of RI ###
####### now take care of junction counts from junction reads ######
elif len(split_mString)>=3: ###### junction read ###########
beginning=int(split_mString[0].split('N')[-1]);
ending = int(split_mString[-2].split('N')[-1]);
jS=mc; jE=mc-1;
usedE={};## to avoid using the same read more than one time for the same event
#usedG={}; ## used group, to avoid examining the same group more than once
prevN=-1; nextN=-1; ## for previous junction and next junction
for ec in range(0,len(split_mString)-2): ## for each coordinate
secondNumber = int(split_mString[ec].split('N')[-1]);
jumpNumber = int(split_mString[ec+1].split('N')[0]);
lastNumber = int(split_mString[ec+1].split('N')[-1]);
if ec>0: ## there is prevN
prevN = int(split_mString[ec].split('N')[0]);
if (ec>=0 and ec<len(split_mString)-3): ## there is nextN
nextN = int(split_mString[ec+2].split('N')[0]);
if (ec>=0 and ec<len(split_mString)-2): ## there iS nextN
if (ec==len(split_mString)-3):
nextN=-1;
else:
nextN = int(split_mString[ec+2].split('N')[0]);
jS = jE+secondNumber; ## 1-base
jE = jS+jumpNumber; ## 0-base
key = chr+'_'+str(jS)+'_'+str(jE);
cStart=jS-secondNumber+1; cEnd=jS;
cStart_last=cStart;
cEnd_last=cEnd;
minAnchor = min(int(split_mString[0]), int(split_mString[-2].split('N')[1])); ## min nts going across junction
if minAnchor<anchorLength: ## not a valid junction read, do not count it
continue;
if ec==0: ## first junction, check the first number
if beginning<anchorLength: ## not a valid junction read, do not count it
continue; ## next junction
if ec==(len(split_mString)-3): ## check the last segment length
if ending<anchorLength: ## not a valid junction read, do not count it
continue;
## edge counts
if key in e1: ## exist!
e1[key] = e1[key]+1;
else: ## new junction
e1[key] = 1;
group = jS/chunk; ## changing group here
#if group in usedG: ## already visited this group
# continue; ## next junction coord
#else: ## update usedG dictioanry
# usedG[group]='1';
## SE ###
if chr in se: ## this chromosome has se event(s)
if group in se[chr]: ## this group has skipped exon event(s)
for c in se[chr][group]: ## for each skipped exon event in this group, examine if the given junction is part of it
seLength=se[chr][group][c][1]-se[chr][group][c][0];
upjLength=se[chr][group][c][0]-se[chr][group][c][3];
dnjLength=se[chr][group][c][4]-se[chr][group][c][1];
if (jS==se[chr][group][c][3] and jE==se[chr][group][c][0] and ((lastNumber<=seLength and nextN==-1) or (lastNumber==seLength and nextN==dnjLength))) or (jS==se[chr][group][c][1] and jE==se[chr][group][c][4] and ((secondNumber<=seLength and prevN==-1) or (secondNumber==seLength and prevN==upjLength))): ## IJC
key=':'.join(["SE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_se[c][CT1][I]+=1;
c_se[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif jS==se[chr][group][c][3] and jE==se[chr][group][c][4]: ## SJC
key=':'.join(["SE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_se[c][CT1][S]+=1;
c_se[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
### end of SE ###
## MXE ###
if chr in mxe: ## this chromosome has mxe event(s)
if group in mxe[chr]: ## this group has mxe event(s)
for c in mxe[chr][group]: ## for each mxe event in this group, examine if the given junction is part of it
mxeLen1=mxe[chr][group][c][1]-mxe[chr][group][c][0];
mxeLen2=mxe[chr][group][c][3]-mxe[chr][group][c][2];
upj1Len=mxe[chr][group][c][0]-mxe[chr][group][c][5];
dnj1Len=mxe[chr][group][c][6]-mxe[chr][group][c][1];
upj2Len=mxe[chr][group][c][2]-mxe[chr][group][c][5];
dnj2Len=mxe[chr][group][c][6]-mxe[chr][group][c][3];
if (jS==mxe[chr][group][c][5] and jE==mxe[chr][group][c][0] and ((lastNumber<=mxeLen1 and nextN==-1) or (lastNumber==mxeLen1 and nextN==dnj1Len))) or (jS==mxe[chr][group][c][1] and jE==mxe[chr][group][c][6] and ((secondNumber<=mxeLen1 and prevN==-1) or (secondNumber==mxeLen1 and prevN==upj1Len))): ## IJC
key=':'.join(["MXE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_mxe[c][CT1][I]+=1;
c_mxe[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif (jS==mxe[chr][group][c][5] and jE==mxe[chr][group][c][2] and ((lastNumber<=mxeLen2 and nextN==-1) or (lastNumber==mxeLen2 and nextN==dnj2Len))) or (jS==mxe[chr][group][c][3] and jE==mxe[chr][group][c][6] and ((secondNumber<=mxeLen2 and prevN==-1) or (secondNumber==mxeLen2 and prevN==upj2Len))): ## SJC
key=':'.join(["MXE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_mxe[c][CT1][S]+=1;
c_mxe[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
### end of MXE ###
## A5SS ###
if chr in a5ss: ## this chromosome has a5ss event(s)
if group in a5ss[chr]: ## this group has a5ss event(s)
for c in a5ss[chr][group]: ## for each a5ss event in this group, examine if the given junction is part of it
if a5ss[chr][group][c][4]>a5ss[chr][group][c][1]: ## positive strand
if ( jS==a5ss[chr][group][c][1] and jE==a5ss[chr][group][c][4] ): ## IJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a5ss[chr][group][c][3] and jE==a5ss[chr][group][c][4] ): ## SJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][S]+=1;
c_a5ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif nextN == -1:
cStart_last = jE+1; cEnd_last=jE+lastNumber;
if (cStart_last<=(a5ss[chr][group][c][3]-(rL-junctionLength/2)+1) and cEnd_last<=a5ss[chr][group][c][1] and cEnd_last>=(a5ss[chr][group][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A5SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
else: ## negative strand
if ( jS==a5ss[chr][group][c][5] and jE==a5ss[chr][group][c][0] ): ## IJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a5ss[chr][group][c][5] and jE==a5ss[chr][group][c][2] ): ## SJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][S]+=1;
c_a5ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif prevN == -1:
if (cStart>a5ss[chr][group][c][0] and cStart<=(a5ss[chr][group][c][2]-(rL-junctionLength/2)+1) and cEnd>=(a5ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A5SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
### end of A5SS ###
## A3SS ###
if chr in a3ss: ## this chromosome has a3ss event(s)
if group in a3ss[chr]: ## this group has a3ss event(s)
for c in a3ss[chr][group]: ## for each a3ss event in this group, examine if the given junction is part of it
if a3ss[chr][group][c][4]>a3ss[chr][group][c][1]: ## negative strand
if ( jS==a3ss[chr][group][c][1] and jE==a3ss[chr][group][c][4] ): ## IJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a3ss[chr][group][c][3] and jE==a3ss[chr][group][c][4] ): ## SJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][S]+=1;
c_a3ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif nextN == -1:
cStart_last = jE+1; cEnd_last=jE+lastNumber;
if (cStart_last<=(a3ss[chr][group][c][3]-(rL-junctionLength/2)+1) and cEnd_last<=a3ss[chr][group][c][1] and cEnd_last>=(a3ss[chr][group][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A3SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
else: ## positive strand
if ( jS==a3ss[chr][group][c][5] and jE==a3ss[chr][group][c][0] ): ## IJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a3ss[chr][group][c][5] and jE==a3ss[chr][group][c][2] ): ## SJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][S]+=1;
c_a3ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif prevN == -1:
if (cStart>a3ss[chr][group][c][0] and cStart<=(a3ss[chr][group][c][2]-(rL-junctionLength/2)+1) and cEnd>=(a3ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A3SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
### end of A3SS ###
## RI ###
if chr in ri: ## this chromosome has ri event(s)
if group in ri[chr]: ## this group has ri event(s)
for c in ri[chr][group]: ## for each ri event in this group, examine if the given junction is part of it
if jS==ri[chr][group][c][3] and jE==ri[chr][group][c][4] : ## SJC
key=':'.join(["RI",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_ri[c][CT1][S]+=1;
c_ri[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
if prevN == -1:
if cStart<=(ri[chr][group][c][4]-(rL-junctionLength/2)+1) and cEnd>=(ri[chr][group][c][4]+(rL-junctionLength/2)): ## multi-exon read supporting target
key=':'.join(["RI",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_ri[c][CT1][I]+=1;
c_ri[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
if nextN == -1:
cStart_last = jE+1; cEnd_last=jE+lastNumber; ## just change cStart and cEnd then do the same process
if cStart_last<=(ri[chr][group][c][3]-(rL-junctionLength/2)+1) and cEnd_last>=(ri[chr][group][c][3]+(rL-junctionLength/2)):
key=':'.join(["RI",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_ri[c][CT1][I]+=1;
c_ri[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
### end of RI ###
#### end of for ec #####
else: ## it is not exonic nor junction read. proceed to the next line
continue;
sFile.close();
#edgeFile = open(s1.strip()+'.edgeCount', 'w');
#for k in e1:
# edgeFile.write(k+'\t'+str(e1[k])+'\n');
#edgeFile.close();
##### end of processSample ######
def processSample_stranded(sample,dt,lt): ## call it with processSample_firststrand(sample_1, S1,dataType,libraryType) something like this
global anchorLength;
### process the given sample ###
#for s1 in sample: ## for each sam file
# rep = sample.index(s1);
# if len(s1.strip())<1: ## incorrect split. a user might accidently put comma at the end of input sam file list
# continue; ### just skip this entry, probably the last one though
s1=sample;
sFile = pysam.Samfile(s1.strip(),'rb'); ## open bam file
e1 = {}; ## edge count here
for read in sFile.fetch():
if not is_unique(read):
continue;
rL = readLength;
chr = sFile.getrname(read.tid)
if chr[0:3]!='chr': ## X instead of chrX, add 'chr'
chr = 'chr'+chr;
mc = read.pos+1
mString = read.cigarstring
#rID = read.qname
group = mc/chunk; ## group does not change, it's okay to check only one group for a junction read
if 'D' in mString or 'I' in mString or 'S' in mString or 'H' in mString or 'P' in mString or 'X' in mString or '=' in mString: ## skip
continue; ## go to next line
### check to see if the line is either exonic read or junction read
split_mString = mString.split('M');
tor = 0; ## type of read, 0 nothing, 1 exonic read, 2 junction read
if len(split_mString)==2:
tor = 1; ############ exonic read ######
rL = int(split_mString[0]); ## read length specified in this mapping string
mec = mc+rL-1; ## mapping end coord
egroup = mec/chunk;
myStrand='';
sFlag=read.flag;
if dt=='paired' and lt=='first': ## paired-read, firststrand
if (sFlag&16 and sFlag&64) or (sFlag&32 and sFlag&128): ##'+' strand
myStrand='+';
elif (sFlag&32 and sFlag&64) or (sFlag&16 and sFlag&128): ##'-' strand
myStrand='-';
elif dt=='paired' and lt=='second': ## paired-read, secondstrand
if (sFlag&32 and sFlag&64) or (sFlag&16 and sFlag&128): ##'+' strand
myStrand='+';
elif (sFlag&16 and sFlag&64) or (sFlag&32 and sFlag&128): ##'-' strand
myStrand='-';
elif dt=='single' and lt=='first': ##single-end, firststrand
if sFlag&16 : ##'+' strand
myStrand='+';
elif sFlag&32: ##'-' strand
myStrand='-';
elif dt=='single' and lt=='second': ##single-end, secondstrand
if sFlag&32 : ##'+' strand
myStrand='+';
elif sFlag&16: ##'-' strand
myStrand='-';
if len(myStrand)==0 or rL != readLength: ## skip this read, cannot determine the strand
continue;
## SE ###
if chr in se: ## this chromosome has se event(s)
if group in se[chr]: ## this group has skipped exon event(s)
for c in se[chr][group]: ## for each skipped exon event in this group
if se[chr][group][c][-1]==myStrand: ## same strand
if (mc>se[chr][group][c][0] and mec<=se[chr][group][c][1]): ## read on the target
c_se[c][CT2][I]+=1;
### end of SE ###
### MXE ####
if chr in mxe: ## this chromosome has mxe event(s)
if group in mxe[chr]: ## this group has mxe event(s)
for c in mxe[chr][group]: ## for each mxe event in this group
if mxe[chr][group][c][-1]==myStrand: ## same strand
if (mc>mxe[chr][group][c][0] and mec<=mxe[chr][group][c][1]): ## read on the target exon
c_mxe[c][CT2][I]+=1;
elif (mc>mxe[chr][group][c][2] and mec<=mxe[chr][group][c][3]): ## read on the second exon
c_mxe[c][CT2][S]+=1;
## end of MXE ###
## A5SS ##
if chr in a5ss: ## this chromosome has a5ss event(s)
if egroup in a5ss[chr]: ## this egroup has a5ss event(s), valid only for positive strand only
for c in a5ss[chr][egroup]: ## for each a5ss event in this group
if a5ss[chr][egroup][c][-1]==myStrand: ## same strand
if a5ss[chr][egroup][c][4]>a5ss[chr][egroup][c][1]: ## positive strand
if (mc<=(a5ss[chr][egroup][c][3]-(rL-junctionLength/2)+1) and mec<=a5ss[chr][egroup][c][1] and mec>=(a5ss[chr][egroup][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
if (mc>a5ss[chr][egroup][c][3] and mec<=a5ss[chr][egroup][c][1]): ## exon read supporting target
c_a5ss[c][CT2][I]+=1;
if group in a5ss[chr]: ## this group has a5ss event(s), for negative strand ones only
for c in a5ss[chr][group]: ## for each a5ss event in this group
if a5ss[chr][group][c][-1]==myStrand: ## same strand
if a5ss[chr][group][c][4]<a5ss[chr][group][c][1]: ## negative strand
if (mc>a5ss[chr][group][c][0] and mc<=(a5ss[chr][group][c][2]-(rL-junctionLength/2)+1) and mec>=(a5ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
if (mc>a5ss[chr][group][c][0] and mec<=a5ss[chr][group][c][2]): ## exon read supporting target
c_a5ss[c][CT2][I]+=1;
## end of A5SS ###
## A3SS ##
if chr in a3ss: ## this chromosome has a3ss event(s)
if egroup in a3ss[chr]: ## this group has a3ss event(s)
for c in a3ss[chr][egroup]: ## for each a3ss event in this group
if a3ss[chr][egroup][c][-1]==myStrand: ## same strand
if a3ss[chr][egroup][c][4]>a3ss[chr][egroup][c][1]: ## negative strand
if (mc<=(a3ss[chr][egroup][c][3]-(rL-junctionLength/2)+1) and mec<=a3ss[chr][egroup][c][1] and mec>=(a3ss[chr][egroup][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
if (mc>a3ss[chr][egroup][c][3] and mec<=a3ss[chr][egroup][c][1]): ## exon read supporting target
c_a3ss[c][CT2][I]+=1;
if group in a3ss[chr]: ## this group has a3ss event(s)
for c in a3ss[chr][group]: ## for each a3ss event in this group
if a3ss[chr][group][c][-1]==myStrand: ## same strand
if a3ss[chr][group][c][4]<a3ss[chr][group][c][1]: ## positive strand
if (mc>a3ss[chr][group][c][0] and mc<=(a3ss[chr][group][c][2]-(rL-junctionLength/2)+1) and mec>=(a3ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
if (mc>a3ss[chr][group][c][0] and mec<=a3ss[chr][group][c][2]): ## exon read supporting target
c_a3ss[c][CT2][I]+=1;
## end of A3SS ###
## RI ##
if chr in ri: ## this chromosome has ri event(s)
groupsToExamine = list(set([group,egroup])); ## to examine multiple groups
tempProcessedRI_id={}; ## to examine multiple groups
for ggg in groupsToExamine: ## for each group
if ggg in ri[chr]: ## this group has ri event(s)
for c in ri[chr][ggg]: ## for each ri event in this group, strand does not matter for ri events
if c in tempProcessedRI_id: ## already processed this event, skip it
continue; ## next c please
else: ## new c here
if ri[chr][ggg][c][-1]==myStrand: ## same strand
if (mc<=(ri[chr][ggg][c][3]-(rL-junctionLength/2)+1) and mec>=(ri[chr][ggg][c][3]+(rL-junctionLength/2))) or (mc<=(ri[chr][ggg][c][4]-(rL-junctionLength/2)+1) and mec>=(ri[chr][ggg][c][4]+(rL-junctionLength/2))): ## multi-exon read supporting target
c_ri[c][CT1][I]+=1;
c_ri[c][CT2][I]+=1;
if (mc>ri[chr][ggg][c][3] and mec<=ri[chr][ggg][c][4]): ## exon read supporting target
c_ri[c][CT2][I]+=1;
## end of RI ###
####### now take care of junction counts from junction reads ######
elif len(split_mString)>=3: ###### junction read ###########
beginning=int(split_mString[0].split('N')[-1]);
ending = int(split_mString[-2].split('N')[-1]);
jS=mc; jE=mc-1;
usedE={};## to avoid using the same read more than one time for the same event
#usedG={}; ## used group, to avoid examining the same group more than once
prevN=-1; nextN=-1; ## for previous junction and next junction
for ec in range(0,len(split_mString)-2): ## for each coordinate
secondNumber = int(split_mString[ec].split('N')[-1]);
jumpNumber = int(split_mString[ec+1].split('N')[0]);
lastNumber = int(split_mString[ec+1].split('N')[-1]);
if ec>0: ## there is prevN
prevN = int(split_mString[ec].split('N')[0]);
if (ec>=0 and ec<len(split_mString)-3): ## there is nextN
nextN = int(split_mString[ec+2].split('N')[0]);
if (ec>=0 and ec<len(split_mString)-2): ## there iS nextN
if (ec==len(split_mString)-3):
nextN=-1;
else:
nextN = int(split_mString[ec+2].split('N')[0]);
jS = jE+secondNumber; ## 1-base
jE = jS+jumpNumber; ## 0-base
key = chr+'_'+str(jS)+'_'+str(jE);
cStart=jS-secondNumber+1; cEnd=jS;
minAnchor = min(int(split_mString[0]), int(split_mString[-2].split('N')[1])); ## min nts going across junction
if minAnchor<anchorLength: ## not a valid junction read, do not count it
continue;
if ec==0: ## first junction, check the first number
if beginning<anchorLength: ## not a valid junction read, do not count it
continue; ## next junction
if ec==(len(split_mString)-3): ## check the last segment length
if ending<anchorLength: ## not a valid junction read, do not count it
continue;
## edge counts
if key in e1: ## exist!
e1[key] = e1[key]+1;
else: ## new junction
e1[key] = 1;
group = jS/chunk; ## changing group here
#if group in usedG: ## already visited this group
# continue; ## next junction coord
#else: ## update usedG dictioanry
# usedG[group]='1';
## SE ###
if chr in se: ## this chromosome has se event(s)
if group in se[chr]: ## this group has skipped exon event(s)
for c in se[chr][group]: ## for each skipped exon event in this group, examine if the given junction is part of it
seLength=se[chr][group][c][1]-se[chr][group][c][0];
upjLength=se[chr][group][c][0]-se[chr][group][c][3];
dnjLength=se[chr][group][c][4]-se[chr][group][c][1];
if (jS==se[chr][group][c][3] and jE==se[chr][group][c][0] and ((lastNumber<=seLength and nextN==-1) or (lastNumber==seLength and nextN==dnjLength))) or (jS==se[chr][group][c][1] and jE==se[chr][group][c][4] and ((secondNumber<=seLength and prevN==-1) or (secondNumber==seLength and prevN==upjLength))): ## IJC
key=':'.join(["SE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_se[c][CT1][I]+=1;
c_se[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif jS==se[chr][group][c][3] and jE==se[chr][group][c][4]: ## SJC
key=':'.join(["SE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_se[c][CT1][S]+=1;
c_se[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
### end of SE ###
## MXE ###
if chr in mxe: ## this chromosome has mxe event(s)
if group in mxe[chr]: ## this group has mxe event(s)
for c in mxe[chr][group]: ## for each mxe event in this group, examine if the given junction is part of it
mxeLen1=mxe[chr][group][c][1]-mxe[chr][group][c][0];
mxeLen2=mxe[chr][group][c][3]-mxe[chr][group][c][2];
upj1Len=mxe[chr][group][c][0]-mxe[chr][group][c][5];
dnj1Len=mxe[chr][group][c][6]-mxe[chr][group][c][1];
upj2Len=mxe[chr][group][c][2]-mxe[chr][group][c][5];
dnj2Len=mxe[chr][group][c][6]-mxe[chr][group][c][3];
if (jS==mxe[chr][group][c][5] and jE==mxe[chr][group][c][0] and ((lastNumber<=mxeLen1 and nextN==-1) or (lastNumber==mxeLen1 and nextN==dnj1Len))) or (jS==mxe[chr][group][c][1] and jE==mxe[chr][group][c][6] and ((secondNumber<=mxeLen1 and prevN==-1) or (secondNumber==mxeLen1 and prevN==upj1Len))): ## IJC
key=':'.join(["MXE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_mxe[c][CT1][I]+=1;
c_mxe[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif (jS==mxe[chr][group][c][5] and jE==mxe[chr][group][c][2] and ((lastNumber<=mxeLen2 and nextN==-1) or (lastNumber==mxeLen2 and nextN==dnj2Len))) or (jS==mxe[chr][group][c][3] and jE==mxe[chr][group][c][6] and ((secondNumber<=mxeLen2 and prevN==-1) or (secondNumber==mxeLen2 and prevN==upj2Len))): ## SJC
key=':'.join(["MXE",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_mxe[c][CT1][S]+=1;
c_mxe[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
### end of MXE ###
## A5SS ###
if chr in a5ss: ## this chromosome has a5ss event(s)
if group in a5ss[chr]: ## this group has a5ss event(s)
for c in a5ss[chr][group]: ## for each a5ss event in this group, examine if the given junction is part of it
if a5ss[chr][group][c][4]>a5ss[chr][group][c][1]: ## positive strand
if ( jS==a5ss[chr][group][c][1] and jE==a5ss[chr][group][c][4] ): ## IJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a5ss[chr][group][c][3] and jE==a5ss[chr][group][c][4] ): ## SJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][S]+=1;
c_a5ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif nextN == -1:
cStart = jE+1; cEnd=jE+lastNumber;
if (cStart<=(a5ss[chr][group][c][3]-(rL-junctionLength/2)+1) and cEnd<=a5ss[chr][group][c][1] and cEnd>=(a5ss[chr][group][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A5SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
else: ## negative strand
if ( jS==a5ss[chr][group][c][5] and jE==a5ss[chr][group][c][0] ): ## IJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a5ss[chr][group][c][5] and jE==a5ss[chr][group][c][2] ): ## SJC
key=':'.join(["A5SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a5ss[c][CT1][S]+=1;
c_a5ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif prevN == -1:
cStart = jE+1; cEnd=jE+lastNumber;
if (cStart>a5ss[chr][group][c][0] and cStart<=(a5ss[chr][group][c][2]-(rL-junctionLength/2)+1) and cEnd>=(a5ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A5SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a5ss[c][CT1][I]+=1;
c_a5ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
### end of A5SS ###
## A3SS ###
if chr in a3ss: ## this chromosome has a3ss event(s)
if group in a3ss[chr]: ## this group has a3ss event(s)
for c in a3ss[chr][group]: ## for each a3ss event in this group, examine if the given junction is part of it
if a3ss[chr][group][c][4]>a3ss[chr][group][c][1]: ## negative strand
if ( jS==a3ss[chr][group][c][1] and jE==a3ss[chr][group][c][4] ): ## IJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a3ss[chr][group][c][3] and jE==a3ss[chr][group][c][4] ): ## SJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][S]+=1;
c_a3ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif nextN == -1:
cStart = jE+1; cEnd=jE+lastNumber;
if (cStart<=(a3ss[chr][group][c][3]-(rL-junctionLength/2)+1) and cEnd<=a3ss[chr][group][c][1] and cEnd>=(a3ss[chr][group][c][3]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A5SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
else: ## positive strand
if ( jS==a3ss[chr][group][c][5] and jE==a3ss[chr][group][c][0] ): ## IJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
elif ( jS==a3ss[chr][group][c][5] and jE==a3ss[chr][group][c][2] ): ## SJC
key=':'.join(["A3SS",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_a3ss[c][CT1][S]+=1;
c_a3ss[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
elif prevN == -1:
cStart = jE+1; cEnd=jE+lastNumber;
if (cStart>a3ss[chr][group][c][0] and cStart<=(a3ss[chr][group][c][2]-(rL-junctionLength/2)+1) and cEnd>=(a3ss[chr][group][c][2]+(rL-junctionLength/2))): ## multi-exon read supporting target
key=':'.join(["A5SS",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_a3ss[c][CT1][I]+=1;
c_a3ss[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
### end of A3SS ###
## RI ###
if chr in ri: ## this chromosome has ri event(s)
if group in ri[chr]: ## this group has ri event(s)
for c in ri[chr][group]: ## for each ri event in this group, examine if the given junction is part of it
if jS==ri[chr][group][c][3] and jE==ri[chr][group][c][4] : ## SJC
key=':'.join(["RI",str(c)]);
if key in usedE: ## already used;
continue; ## skip and go to next c
c_ri[c][CT1][S]+=1;
c_ri[c][CT2][S]+=1;
usedE[key]=1; ## okay to overwrite
if prevN == -1:
if cStart<=(ri[chr][group][c][4]-(rL-junctionLength/2)+1) and cEnd>=(ri[chr][group][c][4]+(rL-junctionLength/2)): ## multi-exon read supporting target
key=':'.join(["RI",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_ri[c][CT1][I]+=1;
c_ri[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
if nextN == -1:
cStart = jE+1; cEnd=jE+lastNumber; ## just change cStart and cEnd then do the same process
if cStart<=(ri[chr][group][c][3]-(rL-junctionLength/2)+1) and cEnd>=(ri[chr][group][c][3]+(rL-junctionLength/2)):
key=':'.join(["RI",str(c)]);
if key not in usedE: ## read didn't cover this event before, add it
c_ri[c][CT1][I]+=1;
c_ri[c][CT2][I]+=1;
usedE[key]=1; ## okay to overwrite
### end of RI ###
#### end of for ec #####
else: ## it is not exonic nor junction read. proceed to the next line
continue;
sFile.close();
#edgeFile = open(s1.strip()+'.edgeCount', 'w');
#for k in e1:
# edgeFile.write(k+'\t'+str(e1[k])+'\n');
#edgeFile.close();
##### end of processSample_stranded ######
#def getId(ids,key):
# for chr in ids: ## this chromosome has se event(s)
# for group in ids[chr]: ## this group has skipped exon event(s)
# if key in ids[chr][group]:
# event_location=ids[chr][group][key];
#[tS,tE,uS,uE,dS,dE,strand]
# return [chr,event_location[-1],":".join(map(str,event_location[:-1]))];
def writeInputFile2(h1,f1,id_index,cnt,sup): ## header 1,2,3, file 1,2,3, count dict, supple dict)
## print header first
f1.write(h1+'\n');
for k in sorted(sup.keys()):
f1.write(str(id_index[k])+'\t'+str(cnt[k][CT1][I])+'\t'+str(cnt[k][CT1][S])+'\t'+str(sup[k][CT1][0])+'\t'+str(sup[k][CT1][1])+'\n');
#f1.write(':'.join(map(str,getId(id_index,k)))+'\t'+str(cnt[k][CT1][I])+'\t'+str(cnt[k][CT1][S])+'\t'+str(sup[k][CT1][0])+'\t'+str(sup[k][CT1][1])+'\n');
##### end of writeInputFile function #######
def main():
parser = argparse.ArgumentParser(description='''
Given a BAM file and rMATS event files,
count the reads supporting the events.''')
parser.add_argument('SE',
help='skipped event file, generated by rMATS')
parser.add_argument('MXE',
help='mutually exclusive event file, generated by rMATS')
parser.add_argument('A5SS',
help='alternative 5 prime event file, generated by rMATS')
parser.add_argument('A3SS',
help='alternative 3 prime event file, generated by rMATS')
parser.add_argument('RI',
help='retianed intron event file, generated by rMATS')
parser.add_argument('input_file',
help='BAM file, previously aligned')
parser.add_argument('outDir',
help='output directory.')
parser.add_argument('-rl', '--read_length', type=int, default=50,
help='read length. Default: 50.')
parser.add_argument('-jl', '--junction_length', type=int, default=84,
help='junction length. Default: 84.')
#parser.add_argument('-p', '--processor', type=int, default=1,
# help='number of processors to use. Default: 1.')
print("initializing variables...")
#### global variables ################
#### default configuration values #####
#readLength=50;
#junctionLength=84;
global SE
global MXE
global A5SS
global A3SS
#AFE='AFE';
#ALE='ALE';
global RI
global experiment
experiment = 'custom';
global base
base ='base';
global dataType
dataType = 'paired'; ## either single or paired
global samDir
samDir = '.';
#input_file='.';
#outDir = 'myOutput';
email = '<EMAIL>';
libType='fr-unstranded';
#######################################
#import readLength,junctionLength,outDir,input_file
args = parser.parse_args();
#events = parse_events(args.efname, args.column)
#sys.stderr.write('Total number of events: {}.\n'.format(len(events)))
#sample_info = parse_sample(args.sfname)
#sys.stderr.write('Total number of samples: {}.\n'.format(len(sample_info['sample'])))
#psi_diff(events, sample_info, args.ofname, args.iteration, args.seed, args.group_size, args.processor)
global readLength;
readLength = args.read_length;
global junctionLength;
junctionLength = args.junction_length;
global input_file;
input_file = args.input_file;
global outDir;
outDir = args.outDir;
SE=args.SE;
MXE=args.MXE;
A5SS=args.A5SS;
A3SS=args.A3SS;
RI=args.RI;
#
print("Input File: "+input_file)
print("Output Folder: "+outDir)
print("Read Length: "+str(readLength))
print("Junction Length: "+str(junctionLength))
#
commands.getstatusoutput('mkdir '+outDir);
#
ejLength = junctionLength-readLength+1; ## effective junction length
global anchorLength;
anchorLength = readLength-junctionLength/2; ## anchor length
global CT1,CT2,CT3;
CT1,CT2,CT3=0,1,2; ### count type 1,2, or 3
#S1,S2=0,1; ## sample 1 or sample 2
global I,S;
I,S=0,1; ## inclusion isoform or skipping form
#
#pPath = outDir+'/junctions.per.sample.pickle';
#junctions = pickle.load(open(pPath)); ## junctions per sample
#
prefix = experiment;
#
### open AS event files..
#
seFile = open(SE); ## skipped exon event file
mxeFile = open(MXE); ## mxe event file
a5ssFile = open(A5SS); ## a5ss event file
a3ssFile = open(A3SS); ## a3ss event file
riFile = open(RI); ## ri event file
#
### open output files here...
#
JC_seFile = open(outDir+'/JC.'+prefix+'.SE.MATS.input.txt', 'w');
JC_mxeFile = open(outDir+'/JC.'+prefix+'.MXE.MATS.input.txt', 'w');
JC_a5ssFile = open(outDir+'/JC.'+prefix+'.A5SS.MATS.input.txt', 'w');
JC_a3ssFile = open(outDir+'/JC.'+prefix+'.A3SS.MATS.input.txt', 'w');
JC_riFile = open(outDir+'/JC.'+prefix+'.RI.MATS.input.txt', 'w');
global chunk;
chunk=1000; ## to speed up the sam file processing
##############################
## BUILD EVENT DICTIONARIES ##
##############################
print("Building event dictionaries from annotation...")
global se,mxe,a5ss,a3ss,afe,ale,ri
se={};mxe={};a5ss={};a3ss={};afe={};ale={};ri={}; ## 7 dictionaries
global id_se,id_mxe,id_a5ss,id_a3ss,id_afe,id_ale,id_ri
id_se={};id_mxe={};id_a5ss={};id_a3ss={};id_afe={};id_ale={};id_ri={};
global e_se,e_mxe,e_a5ss,e_a3ss,e_afe,e_ale,e_ri
e_se={};e_mxe={};e_a5ss={};e_a3ss={};e_afe={};e_ale={};e_ri={}; ## exons dictionaries
global c_se,c_mxe,c_a5ss,c_a3ss,c_afe,c_ale,c_ri
c_se={};c_mxe={};c_a5ss={};c_a3ss={};c_afe={};c_ale={};c_ri={}; ## count dictionaries
global s_se,s_mxe,s_a5ss,s_a3ss,s_afe,s_ale,s_ri
s_se={};s_mxe={};s_a5ss={};s_a3ss={};s_afe={};s_ale={};s_ri={}; ## supple dict. effective length of inclusion or skipping form for CT1,CT2,CT3
#
#### SE ######
c=0; ## count
numSE=0; ## number of SE
numSEDup=0; ## duplicate SE id
line=seFile.readline(); ## skipping header
for line in seFile: ## process skipped exon events file
c+=1;
ele = line.strip().split('\t');
id = int(ele[0]);
chr = ele[3];
if chr[0:3]!='chr': ## X instead of chrX, add 'chr'
chr = 'chr'+chr;
strand = ele[4];
tS = int(ele[5]); tE = int(ele[6]); ## target exon coord
uS = int(ele[7]); uE = int(ele[8]); ## upstream exon coord
dS = int(ele[9]); dE = int(ele[10]); ## downstream exon coord
tLen=tE-tS; ## target exon length
uLen=min(uE-uS,junctionLength/2); ## upstream exon length
dLen=min(dE-dS,junctionLength/2); ## downstream exon length
id_se[id]=":".join(map(str,[chr,strand,tS,tE,uS,uE,dS,dE]));
e_se[id] = [tS,tE,uS,uE,dS,dE];
c_se[id] = getInitialCounts();
I_0= min(tLen,readLength)+readLength-4*anchorLength+2; ## effective inclusion form length for JC
S_0= readLength-2*anchorLength+1; ## effective skipping form length for JC
I_1= readLength-2*anchorLength+tLen+1; ## effective inclusion form length for JC+reads on target
S_1= S_0; ## effective skipping form length for JC+reads on target
I_2=0; S_2=0; ## effective length considering paired-end info.. not implemented yet
s_se[id] = [[I_0,S_0],[I_1,S_1],[I_2,S_2]]; ## effective length for CT1,CT2,CT3
group = range(uS/chunk, uE/chunk+1) + range(tS/chunk, tE/chunk+1) + range(dS/chunk, dE/chunk+1); ## groups this event could belong
group = list(set(group)); ## remove duplicate groups
if chr in se: ## already processed this chromosome
for i in group: ## for each possible group
if i in se[chr]: ## this group is already there
if id in se[chr][i]: ## not likely but this group already has the id
numSEDup+=1;
else: ## new SE ID
se[chr][i][id] = [tS,tE,uS,uE,dS,dE,strand]; ## skipping event with coords
numSE+=1;
else: ## new group to this chromosome
se[chr][i]={};
se[chr][i][id] = [tS,tE,uS,uE,dS,dE,strand]; ## skipping event with coords
numSE+=1;
else: ## first time accesing this chromosome
se[chr]={};
for i in group: ## for each possible group
se[chr][i]={};
se[chr][i][id] = [tS,tE,uS,uE,dS,dE,strand]; ## skipping event with coords
numSE+=1;
#
#### MXE ####
c=0; ## count
numMXE=0; ## number of MXE
numMXEDup=0; ## duplicate MXE id
line=mxeFile.readline(); ## mxe header
for line in mxeFile: ## process mxe events file
c+=1;
ele = line.strip().split('\t');
id = int(ele[0]);
chr = ele[3];
if chr[0:3]!='chr': ## X instead of chrX, add 'chr'
chr = 'chr'+chr;
strand = ele[4]; ## '+' or '-'
tS = int(ele[5]); tE = int(ele[6]); ## target exon coord
sS = int(ele[7]); sE = int(ele[8]); ## second exon coord
if strand=='-': ## negative strand, switch target exon and second exon
tS = int(ele[7]); tE = int(ele[8]); ## target exon coord
sS = int(ele[5]); sE = int(ele[6]); ## second exon coord
uS = int(ele[9]); uE = int(ele[10]); ## upstream exon coord (samller coord)
dS = int(ele[11]); dE = int(ele[12]); ## downstream exon coord (bigger coord)
tLen=tE-tS; ## target exon length
sLen=sE-sS; ## second exon length
uLen=min(uE-uS,junctionLength/2); ## upstream exon length
dLen=min(dE-dS,junctionLength/2); ## downstream exon length
id_mxe[id]=":".join(map(str,[chr,strand,tS,tE,sS,sE,uS,uE,dS,dE]));
e_mxe[id] = [tS,tE,sS,sE,uS,uE,dS,dE]; ## target, second, up, down (This is different from the input file)
c_mxe[id] = getInitialCounts();
I_0= min(tLen,readLength)+readLength-4*anchorLength+2; ## effective inclusion form length for JC
S_0= min(sLen,readLength)+readLength-4*anchorLength+2; ## effective skipping form length for JC
I_1= readLength-2*anchorLength+tLen+1; ## effective inclusion form length for JC+reads on target
S_1= readLength-2*anchorLength+sLen+1; ## effective inclusion form length for JC+reads on target
I_2=0; S_2=0; ## effective length considering paired-end info.. not implemented yet
s_mxe[id] = [[I_0,S_0],[I_1,S_1],[I_2,S_2]]; ## effective length for CT1,CT2,CT3
group = range(uS/chunk,uE/chunk+1)+range(tS/chunk,tE/chunk+1);
group = group + range(sS/chunk,sE/chunk+1)+range(dS/chunk,dE/chunk+1);## groups this event could belong
group = list(set(group)); ## remove duplicate groups
if chr in mxe: ## already processed this chromosome
for i in group: ## for each possible group
if i in mxe[chr]: ## this group is already there
if id in mxe[chr][i]: ## not likely but this group already has the id
numMXEDup+=1;
else: ## new MXE ID
mxe[chr][i][id] = [tS,tE,sS,sE,uS,uE,dS,dE,strand]; ## mxe event with coords
numMXE += 1;
else: ## new group to this chromosome
mxe[chr][i]={};
mxe[chr][i][id] = [tS,tE,sS,sE,uS,uE,dS,dE,strand]; ## mxe event with coords
numMXE += 1;
else: ## first time accesing this chromosome
mxe[chr]={};
for i in group: ## for each possible group
mxe[chr][i]={};
mxe[chr][i][id] = [tS,tE,sS,sE,uS,uE,dS,dE,strand]; ## mxe event with coords
numMXE+=1;
#
#### A5SS ####
c=0; ## count
numA5SS=0; ## number of A5SS
numA5SSDup=0; ## duplicate A5SS id
line=a5ssFile.readline(); ## skipping header
for line in a5ssFile: ## process a5ss events file
c+=1;
ele = line.strip().split('\t');
id = int(ele[0]);
chr = ele[3];
if chr[0:3]!='chr': ## X instead of chrX, add 'chr'
chr = 'chr'+chr;
strand = ele[4];
lS = int(ele[5]); lE = int(ele[6]); ## long exon coord
sS = int(ele[7]); sE = int(ele[8]); ## short exon coord
fS = int(ele[9]); fE = int(ele[10]); ## flanking exon coord
lLen=min(lE-lS,junctionLength/2); ## long exon length
sLen=min(sE-sS,junctionLength/2); ## short exon length
fLen=min(fE-fS,junctionLength/2); ## flanking exon length
aLen=lE-lS-(sE-sS); ## alternative SS region length
id_a5ss[id]=":".join(map(str,[chr,strand,lS,lE,sS,sE,fS,fE]));
e_a5ss[id] = [lS,lE,sS,sE,fS,fE];
c_a5ss[id] = getInitialCounts();
I_0= min(aLen,readLength)+readLength-4*anchorLength+2; ## effective inclusion form length for JC
S_0= readLength-2*anchorLength+1; ## effective skipping form length for JC
I_1= readLength-2*anchorLength+aLen+1; ## effective inclusion form length for JC+reads on target
S_1= S_0; ## effective skipping form length for JC+reads on target
I_2=0; S_2=0; ## effective length considering paired-end info.. not implemented yet
s_a5ss[id] = [[I_0,S_0],[I_1,S_1],[I_2,S_2]]; ## effective length for CT1,CT2,CT3
group = range(lS/chunk, lE/chunk+1) + range(fS/chunk, fE/chunk+1); ## groups this event could belong
group = list(set(group)); ## remove duplicate groups
if chr in a5ss: ## already processed this chromosome
for i in group: ## for each possible group
if i in a5ss[chr]: ## this group is already there
if id in a5ss[chr][i]: ## not likely but this group already has the id
numA5SSDup+=1;
else: ## new A5SS ID
a5ss[chr][i][id] = [lS,lE,sS,sE,fS,fE,strand]; ## a5ss event with coords
numA5SS+=1;
else: ## new group to this chromosome
a5ss[chr][i]={};
a5ss[chr][i][id] = [lS,lE,sS,sE,fS,fE,strand]; ## a5ss event with coords
numA5SS+=1;
else: ## first time accesing this chromosome
a5ss[chr]={};
for i in group: ## for each possible group
a5ss[chr][i]={};
a5ss[chr][i][id] = [lS,lE,sS,sE,fS,fE,strand]; ## a5ss event with coords
numA5SS+=1;
#
### A3SS ####
c=0; ## count
numA3SS=0; ## number of A3SS
numA3SSDup=0; ## duplicate A3SS id
line=a3ssFile.readline(); ## skipping header
for line in a3ssFile: ## process a3ss events file
c+=1;
ele = line.strip().split('\t');
id = int(ele[0]);
chr = ele[3];
if chr[0:3]!='chr': ## X instead of chrX, add 'chr'
chr = 'chr'+chr;
strand = ele[4];
lS = int(ele[5]); lE = int(ele[6]); ## long exon coord
sS = int(ele[7]); sE = int(ele[8]); ## short exon coord
fS = int(ele[9]); fE = int(ele[10]); ## flanking exon coord
lLen=min(lE-lS,junctionLength/2); ## long exon length
sLen=min(sE-sS,junctionLength/2); ## short exon length
fLen=min(fE-fS,junctionLength/2); ## flanking exon length
aLen=lE-lS-(sE-sS); ## alternative SS region length
id_a3ss[id]=":".join(map(str,[chr,strand,lS,lE,sS,sE,fS,fE]));
e_a3ss[id] = [lS,lE,sS,sE,fS,fE];
c_a3ss[id] = getInitialCounts();
I_0= min(aLen,readLength)+readLength-4*anchorLength+2; ## effective inclusion form length for JC
S_0= readLength-2*anchorLength+1; ## effective skipping form length for JC
I_1= readLength-2*anchorLength+aLen+1; ## effective inclusion form length for JC+reads on target
S_1= S_0; ## effective skipping form length for JC+reads on target
I_2=0; S_2=0; ## effective length considering paired-end info.. not implemented yet
s_a3ss[id] = [[I_0,S_0],[I_1,S_1],[I_2,S_2]]; ## effective length for CT1,CT2,CT3
group = range(lS/chunk, lE/chunk+1) + range(fS/chunk, fE/chunk+1); ## groups this event could belong
group = list(set(group)); ## remove duplicate groups
if chr in a3ss: ## already processed this chromosome
for i in group: ## for each possible group
if i in a3ss[chr]: ## this group is already there
if id in a3ss[chr][i]: ## not likely but this group already has the id
numA3SSDup+=1;
else: ## new A3SS ID
a3ss[chr][i][id] = [lS,lE,sS,sE,fS,fE,strand]; ## a3ss event with coords
numA3SS+=1;
else: ## new group to this chromosome
a3ss[chr][i]={};
a3ss[chr][i][id] = [lS,lE,sS,sE,fS,fE,strand]; ## a3ss event with coords
numA3SS+=1;
else: ## first time accesing this chromosome
a3ss[chr]={};
for i in group: ## for each possible group
a3ss[chr][i]={};
a3ss[chr][i][id] = [lS,lE,sS,sE,fS,fE,strand]; ## a3ss event with coords
numA3SS+=1;
#
#### RI ####
c=0; ## count
numRI=0; ## number of RI
numRIDup=0; ## duplicate RI id
line=riFile.readline(); ## skipping header
for line in riFile: ## process ri events file
c+=1;
ele = line.strip().split('\t');
id = int(ele[0]);
chr = ele[3];
if chr[0:3]!='chr': ## X instead of chrX, add 'chr'
chr = 'chr'+chr;
strand = ele[4];
rS = int(ele[5]); rE = int(ele[6]); ## ri exon coord (including up- and down-stream exons)
uS = int(ele[7]); uE = int(ele[8]); ## upstream exon coord
dS = int(ele[9]); dE = int(ele[10]); ## downstream exon coord
uLen=min(uE-uS,junctionLength/2); ## upstream exon length
dLen=min(dE-dS,junctionLength/2); ## downstream exon length
riLen=rE-rS-(uE-uS)-(dE-dS); ## retained exon length
id_ri[id]=":".join(map(str,[chr,strand,rS,rE,uS,uE,dS,dE]));
e_ri[id] = [rS,rE,uS,uE,dS,dE]; ## ri event with coord
c_ri[id] = getInitialCounts();
I_0= min(riLen,readLength)+readLength-4*anchorLength+2; ## effective inclusion form length for JC
S_0= readLength-2*anchorLength+1; ## effective skipping form length for JC
I_1= readLength-2*anchorLength+riLen+1; ## effective inclusion form length for JC+reads on target
S_1= S_0; ## effective skipping form length for JC+reads on target
I_2=0; S_2=0; ## effective length considering paired-end info.. not implemented yet
s_ri[id] = [[I_0,S_0],[I_1,S_1],[I_2,S_2]]; ## effective length for CT1,CT2,CT3
group = range(rS/chunk, rE/chunk+1); ## groups this event could belong
group = list(set(group)); ## remove duplicate groups
if chr in ri: ## already processed this chromosome
for i in group: ## for each possible group
if i in ri[chr]: ## this group is already there
if id in ri[chr][i]: ## not likely but this group already has the id
numRIDup+=1;
else: ## new RI ID
ri[chr][i][id] = [rS,rE,uS,uE,dS,dE,strand]; ## ri event with coord
numRI+=1;
else: ## new group to this chromosome
ri[chr][i]={};
ri[chr][i][id] = [rS,rE,uS,uE,dS,dE,strand]; ## ri event with coord
numRI+=1;
else: ## first time accesing this chromosome
ri[chr]={};
for i in group: ## for each possible group
ri[chr][i]={};
ri[chr][i][id] = [rS,rE,uS,uE,dS,dE,strand]; ## ri event with coord
numRI+=1;
print("Counting Reads...")
####################################
## Running the counting functions ##
####################################
#if dataType=="skipThisForNow": ## call paired..
#logging.debug("Start processing sample_1: %s" % base_1);
#processSample_PE(input_file, 72, 60);
if libType=='fr-unstranded': ## unstranded..
processSample(input_file);
elif libType=='fr-firststrand': ## first strand..
processSample_stranded(input_file,dataType,'first')
elif libType=='fr-secondstrand': ## second strand..
processSample_stranded(input_file,dataType,'second')
###
print("Writing Output...")
######################################
## Writing out the rMATS input file ##
######################################
header = 'ID(chr:strand:SE_s:SE_e:UP_s:UP_e:DN_s:DN_e)\tIC_'+base+'\tSC_'+base+'\tIncFormLen\tSkipFormLen';
#
## SE ##
writeInputFile2(header,JC_seFile,id_se,c_se,s_se);
## MXE ##
writeInputFile2(header,JC_mxeFile,id_mxe,c_mxe,s_mxe);
## A5SS ##...
writeInputFile2(header,JC_a5ssFile,id_a5ss,c_a5ss,s_a5ss);
## A3SS ##...
writeInputFile2(header,JC_a3ssFile,id_a3ss,c_a3ss,s_a3ss);
## RI ##
writeInputFile2(header,JC_riFile,id_ri,c_ri,s_ri);
#
print("Done!")
#### close all files here ##########
seFile.close()
mxeFile.close()
a5ssFile.close()
a3ssFile.close()
riFile.close()
#
JC_seFile.close()
JC_mxeFile.close()
JC_a5ssFile.close()
JC_a3ssFile.close()
JC_riFile.close()
#
sys.exit(0);
#
if __name__ == '__main__':
main()
| [
1,
529,
9507,
29958,
1028,
506,
292,
29918,
6735,
800,
29914,
2798,
14039,
292,
6359,
29879,
29889,
2272,
13,
29937,
29967,
651,
6795,
23430,
515,
364,
29924,
1299,
29903,
376,
5014,
5412,
3514,
19451,
13,
30004,
13,
2277,
29937,
1053,
5181,
9562,
30004,
13,
5215,
337,
29892,
359,
29892,
9675,
29892,
21027,
29892,
2230,
29892,
12673,
29892,
26381,
29892,
1191,
5510,
2104,
13,
5215,
4560,
2272,
29892,
755,
29892,
23945,
280,
29892,
29886,
952,
314,
2104,
13,
3166,
4560,
2272,
1053,
22663,
2104,
13,
30004,
13,
1753,
1051,
8246,
29898,
29916,
1125,
30004,
13,
29871,
364,
1440,
353,
6629,
2104,
13,
29871,
363,
263,
297,
921,
29901,
30004,
13,
1678,
364,
1440,
4619,
263,
23097,
525,
2104,
13,
29871,
736,
364,
1440,
2104,
13,
30004,
13,
7346,
29937,
6996,
3168,
835,
7346,
2277,
30004,
13,
29937,
30004,
13,
29937,
4290,
29901,
30004,
13,
29937,
262,
643,
1372,
675,
29918,
262,
10085,
29901,
263,
16259,
2286,
363,
278,
3300,
2859,
29899,
355,
1303,
28694,
883,
4635,
2159,
30004,
13,
29937,
262,
643,
1372,
675,
29918,
2574,
3262,
29901,
263,
16259,
2286,
363,
278,
3300,
2859,
29899,
355,
1303,
14993,
3262,
883,
4635,
2159,
30004,
13,
29937,
262,
643,
1372,
675,
29918,
12676,
29901,
263,
16259,
2286,
363,
278,
2099,
310,
278,
4635,
2159,
30004,
13,
29937,
262,
643,
1372,
675,
29918,
1707,
29901,
263,
16259,
2286,
363,
278,
20162,
310,
278,
4635,
2159,
30004,
13,
29937,
6466,
29901,
30004,
13,
29937,
29909,
29871,
29906,
29899,
5029,
4608,
363,
278,
518,
29888,
13857,
310,
278,
28694,
883,
29892,
15958,
310,
278,
14993,
3262,
883,
29962,
30004,
13,
1753,
349,
29923,
29918,
29888,
13857,
29898,
262,
643,
1372,
675,
29918,
262,
10085,
29892,
13534,
1372,
675,
29918,
2574,
3262,
29892,
13534,
1372,
675,
29918,
12676,
29892,
13534,
1372,
675,
29918,
1707,
1125,
30004,
13,
29871,
282,
29896,
29922,
16202,
29889,
12324,
29889,
29883,
2176,
29898,
262,
643,
1372,
675,
29918,
262,
10085,
29974,
29900,
29889,
29945,
29892,
262,
643,
1372,
675,
29918,
12676,
29892,
755,
29889,
3676,
29898,
262,
643,
1372,
675,
29918,
1707,
2483,
30004,
13,
29871,
282,
29896,
29922,
29886,
29896,
29899,
16202,
29889,
12324,
29889,
29883,
2176,
29898,
262,
643,
1372,
675,
29918,
262,
10085,
29899,
29900,
29889,
29945,
29892,
262,
643,
1372,
675,
29918,
12676,
29892,
755,
29889,
3676,
29898,
262,
643,
1372,
675,
29918,
1707,
2483,
30004,
13,
29871,
282,
29906,
29922,
16202,
29889,
12324,
29889,
29883,
2176,
29898,
262,
643,
1372,
675,
29918,
2574,
3262,
29974,
29900,
29889,
29945,
29892,
262,
643,
1372,
675,
29918,
12676,
29892,
755,
29889,
3676,
29898,
262,
643,
1372,
675,
29918,
1707,
2483,
30004,
13,
29871,
282,
29906,
29922,
29886,
29906,
29899,
16202,
29889,
12324,
29889,
29883,
2176,
29898,
262,
643,
1372,
675,
29918,
2574,
3262,
29899,
29900,
29889,
29945,
29892,
262,
643,
1372,
675,
29918,
12676,
29892,
755,
29889,
3676,
29898,
262,
643,
1372,
675,
29918,
1707,
2483,
30004,
13,
29871,
736,
4197,
29886,
29896,
14571,
29886,
29896,
29974,
29886,
29906,
511,
29886,
29906,
14571,
29886,
29896,
29974,
29886,
29906,
4638,
6075,
13,
30004,
13,
1753,
679,
15514,
3981,
29879,
7295,
444,
2805,
2847,
18139,
363,
1269,
3339,
1741,
30004,
13,
29871,
396,
29878,
1917,
353,
5519,
8999,
1402,
2636,
20526,
8999,
29961,
1402,
2636,
20526,
8999,
29961,
1402,
2636,
5262,
1385,
444,
2302,
1134,
29871,
29896,
29892,
29871,
29906,
29892,
322,
29871,
29941,
29892,
512,
2325,
470,
4971,
666,
30004,
13,
29871,
364,
1917,
353,
5519,
29961,
1402,
2636,
1402,
8999,
1402,
2636,
1402,
8999,
1402,
2636,
19942,
30004,
13,
29871,
364,
1917,
29961,
1783,
29896,
3816,
29902,
13192,
29900,
2104,
13,
29871,
364,
1917,
29961,
1783,
29896,
3816,
29903,
13192,
29900,
2104,
13,
29871,
364,
1917,
29961,
1783,
29906,
3816,
29902,
13192,
29900,
2104,
13,
29871,
364,
1917,
29961,
1783,
29906,
3816,
29903,
13192,
29900,
2104,
13,
29871,
364,
1917,
29961,
1783,
29941,
3816,
29902,
13192,
29900,
2104,
13,
29871,
364,
1917,
29961,
1783,
29941,
3816,
29903,
13192,
29900,
2104,
13,
29871,
736,
364,
1917,
2104,
13,
4136,
1095,
310,
679,
15514,
3981,
29879,
26471,
13,
30004,
13,
13383,
7346,
4136,
2277,
29937,
30004,
13,
2277,
16698,
3580,
1307,
21122,
4214,
383,
28700,
29903,
444,
30004,
13,
13383,
7346,
4136,
2277,
29937,
30004,
13,
1753,
338,
29918,
13092,
29898,
29878,
1125,
30004,
13,
29871,
396,
1423,
565,
1303,
338,
20498,
873,
20545,
30004,
13,
29871,
363,
4055,
297,
364,
29889,
11338,
29901,
30004,
13,
1678,
565,
4055,
29961,
29900,
29962,
1360,
29915,
29940,
29950,
2396,
396,
405,
29950,
338,
4055,
363,
1353,
310,
19572,
30004,
13,
418,
565,
938,
29898,
4039,
29961,
29896,
2314,
1360,
29896,
29901,
396,
20498,
873,
20545,
565,
405,
29950,
29922,
29896,
30004,
13,
4706,
565,
848,
1542,
1360,
29915,
14369,
2396,
444,
2323,
1095,
29892,
8002,
30004,
13,
3986,
736,
5852,
2104,
13,
4706,
25342,
364,
29889,
275,
29918,
771,
546,
29918,
18784,
29901,
30004,
13,
3986,
736,
5852,
29936,
6756,
13,
29871,
736,
7700,
30004,
13,
30004,
13,
29937,
30004,
13,
1753,
1889,
17708,
29898,
11249,
1125,
444,
1246,
372,
411,
1889,
17708,
29898,
11249,
29918,
29896,
29892,
317,
29896,
29897,
1554,
763,
445,
30004,
13,
1678,
5534,
17360,
6513,
29936,
29871,
6756,
13,
1678,
1303,
3981,
29922,
29900,
2104,
13,
29871,
835,
1889,
278,
2183,
4559,
835,
30004,
13,
29871,
396,
1454,
269,
29896,
297,
4559,
29901,
444,
363,
1269,
3514,
934,
6756,
13,
29871,
396,
29871,
1634,
353,
4559,
29889,
2248,
29898,
29879,
29896,
6075,
13,
29871,
396,
29871,
565,
7431,
29898,
29879,
29896,
29889,
17010,
3101,
29966,
29896,
29901,
444,
10240,
6219,
29889,
263,
1404,
1795,
11423,
368,
1925,
16694,
472,
278,
1095,
310,
1881,
3514,
934,
1051,
30004,
13,
29871,
396,
1678,
6773,
29936,
835,
925,
14383,
445,
6251,
29892,
3117,
278,
1833,
697,
2466,
30004,
13,
1678,
269,
29896,
29922,
11249,
2104,
13,
1678,
269,
2283,
353,
282,
952,
314,
29889,
22966,
1445,
29898,
29879,
29896,
29889,
17010,
3285,
29915,
6050,
2157,
444,
1722,
289,
314,
934,
30004,
13,
1678,
321,
29896,
353,
15739,
444,
7636,
2302,
1244,
30004,
13,
1678,
363,
1303,
297,
269,
2283,
29889,
9155,
7295,
30004,
13,
418,
1303,
3981,
29922,
949,
3981,
29974,
29896,
2104,
13,
418,
565,
313,
949,
3981,
1273,
29871,
29896,
29900,
29900,
29900,
29900,
29900,
29900,
29897,
1275,
29871,
29900,
29901,
30004,
13,
4706,
1596,
29898,
710,
29898,
949,
3981,
7240,
29908,
13623,
19356,
856,
18584,
13,
30004,
13,
418,
565,
451,
338,
29918,
13092,
29898,
949,
1125,
30004,
13,
4706,
6773,
2104,
13,
30004,
13,
418,
364,
29931,
353,
1303,
6513,
29936,
29871,
6756,
13,
418,
18460,
353,
269,
2283,
29889,
657,
29878,
978,
29898,
949,
29889,
17681,
8443,
13,
418,
565,
18460,
29961,
29900,
29901,
29941,
29962,
29991,
2433,
22495,
2396,
444,
1060,
2012,
310,
18460,
29990,
29892,
788,
525,
22495,
29915,
30004,
13,
4706,
18460,
353,
525,
22495,
18717,
22495,
2104,
13,
418,
286,
29883,
353,
1303,
29889,
1066,
29974,
29896,
30004,
13,
418,
286,
1231,
353,
1303,
29889,
29883,
335,
279,
1807,
30004,
13,
418,
396,
29878,
1367,
353,
1303,
29889,
29939,
978,
30004,
13,
30004,
13,
418,
2318,
353,
286,
29883,
29914,
29812,
29936,
444,
2318,
947,
451,
1735,
29892,
372,
29915,
29879,
20759,
304,
1423,
871,
697,
2318,
363,
263,
432,
651,
1303,
30004,
13,
2277,
418,
565,
1510,
6816,
29901,
1596,
525,
14047,
11283,
29974,
851,
29898,
2972,
6075,
13,
418,
565,
525,
29928,
29915,
297,
286,
1231,
470,
525,
29902,
29915,
297,
286,
1231,
470,
525,
29903,
29915,
297,
286,
1231,
470,
525,
29950,
29915,
297,
286,
1231,
470,
525,
29925,
29915,
297,
286,
1231,
470,
525,
29990,
29915,
297,
286,
1231,
470,
525,
2433,
297,
286,
1231,
29901,
444,
14383,
30004,
13,
4706,
6773,
29936,
444,
748,
304,
2446,
1196,
30004,
13,
30004,
13,
418,
835,
1423,
304,
1074,
565,
278,
1196,
338,
2845,
429,
8927,
1303,
470,
432,
651,
1303,
30004,
13,
418,
6219,
29918,
29885,
1231,
353,
286,
1231,
29889,
5451,
877,
29924,
17822,
13,
418,
4842,
353,
29871,
29900,
29936,
444,
1134,
310,
1303,
29892,
29871,
29900,
3078,
29892,
29871,
29896,
429,
8927,
1303,
29892,
29871,
29906,
432,
651,
1303,
30004,
13,
418,
565,
7431,
29898,
5451,
29918,
29885,
1231,
29897,
1360,
29906,
29901,
30004,
13,
4706,
4842,
353,
29871,
29896,
29936,
835,
7346,
29937,
429,
8927,
1303,
16101,
29937,
30004,
13,
4706,
364,
29931,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
29900,
5691,
444,
1303,
3309,
6790,
297,
445,
10417,
1347,
30004,
13,
4706,
592,
29883,
353,
286,
29883,
29974,
29878,
29931,
29899,
29896,
29936,
444,
10417,
1095,
29311,
6756,
13,
4706,
321,
2972,
353,
592,
29883,
29914,
29812,
29936,
444,
2318,
363,
278,
10417,
1095,
29311,
310,
20853,
293,
13623,
30004,
13,
30004,
13,
4706,
565,
364,
29931,
2804,
1303,
6513,
29901,
30004,
13,
9651,
6773,
30004,
13,
30004,
13,
4706,
444,
3725,
835,
30004,
13,
4706,
565,
18460,
297,
409,
29901,
444,
445,
25173,
359,
608,
756,
409,
1741,
29898,
29879,
8443,
13,
3986,
565,
2318,
297,
409,
29961,
22495,
5387,
444,
445,
2318,
756,
14993,
2986,
429,
265,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
409,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
14993,
2986,
429,
265,
1741,
297,
445,
2318,
30004,
13,
795,
565,
313,
14047,
29958,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
1125,
444,
1303,
373,
278,
3646,
30004,
13,
18884,
274,
29918,
344,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
29936,
6756,
13,
4706,
835,
1095,
310,
3725,
835,
30004,
13,
30004,
13,
4706,
835,
341,
29990,
29923,
3191,
30004,
13,
4706,
565,
18460,
297,
286,
17115,
29901,
444,
445,
25173,
359,
608,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
3986,
565,
2318,
297,
286,
17115,
29961,
22495,
5387,
444,
445,
2318,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
286,
17115,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
286,
17115,
1741,
297,
445,
2318,
30004,
13,
795,
565,
313,
14047,
29958,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
1125,
444,
1303,
373,
278,
3646,
429,
265,
30004,
13,
18884,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
795,
25342,
313,
14047,
29958,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
322,
592,
29883,
14065,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
1125,
444,
1303,
373,
278,
1473,
429,
265,
30004,
13,
18884,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
4706,
444,
1095,
310,
341,
29990,
29923,
835,
30004,
13,
30004,
13,
4706,
444,
319,
29945,
1799,
444,
30004,
13,
4706,
565,
18460,
297,
263,
29945,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29945,
893,
1741,
29898,
29879,
8443,
13,
3986,
565,
321,
2972,
297,
263,
29945,
893,
29961,
22495,
5387,
444,
445,
321,
2972,
756,
263,
29945,
893,
1741,
29898,
29879,
511,
445,
2318,
338,
2854,
363,
6374,
851,
392,
871,
30004,
13,
9651,
363,
274,
297,
263,
29945,
893,
29961,
22495,
3816,
4872,
1132,
5387,
444,
363,
1269,
263,
29945,
893,
1741,
297,
445,
2318,
30004,
13,
30004,
13,
795,
565,
263,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
5387,
444,
6374,
851,
392,
30004,
13,
18884,
565,
313,
14047,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
14065,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
322,
592,
29883,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
18884,
565,
313,
14047,
29958,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
322,
592,
29883,
14065,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
30004,
13,
3986,
565,
2318,
297,
263,
29945,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29945,
893,
1741,
29898,
29879,
511,
445,
2318,
338,
2854,
363,
8178,
851,
392,
871,
30004,
13,
9651,
363,
274,
297,
263,
29945,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29945,
893,
1741,
297,
445,
2318,
30004,
13,
18884,
6756,
13,
795,
565,
263,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29966,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
8178,
851,
392,
30004,
13,
18884,
565,
313,
14047,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
286,
29883,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
18884,
565,
313,
14047,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
30004,
13,
4706,
444,
1095,
310,
319,
29945,
1799,
835,
30004,
13,
30004,
13,
4706,
444,
319,
29941,
1799,
444,
30004,
13,
4706,
565,
18460,
297,
263,
29941,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
3986,
565,
321,
2972,
297,
263,
29941,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
263,
29941,
893,
29961,
22495,
3816,
4872,
1132,
5387,
444,
363,
1269,
263,
29941,
893,
1741,
297,
445,
2318,
30004,
13,
30004,
13,
795,
565,
263,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
5387,
444,
8178,
851,
392,
30004,
13,
18884,
565,
313,
14047,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
14065,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
322,
592,
29883,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
18884,
565,
313,
14047,
29958,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
322,
592,
29883,
14065,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
30004,
13,
3986,
565,
2318,
297,
263,
29941,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
263,
29941,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29941,
893,
1741,
297,
445,
2318,
30004,
13,
30004,
13,
795,
565,
263,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29966,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
6374,
851,
392,
30004,
13,
18884,
565,
313,
14047,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
286,
29883,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
18884,
565,
313,
14047,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
29871,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
30004,
13,
4706,
444,
1095,
310,
319,
29941,
1799,
835,
30004,
13,
30004,
13,
4706,
444,
390,
29902,
444,
30004,
13,
4706,
565,
18460,
297,
10107,
29901,
444,
445,
25173,
359,
608,
756,
10107,
1741,
29898,
29879,
8443,
13,
3986,
6471,
1762,
1252,
314,
457,
353,
1051,
29898,
842,
4197,
2972,
29892,
4872,
1132,
2314,
416,
444,
304,
25917,
2999,
6471,
6756,
13,
3986,
5694,
7032,
287,
3960,
29918,
333,
3790,
3400,
444,
304,
25917,
2999,
6471,
30004,
13,
3986,
363,
330,
1505,
297,
6471,
1762,
1252,
314,
457,
29901,
444,
363,
1269,
2318,
30004,
13,
9651,
565,
330,
1505,
297,
10107,
29961,
22495,
5387,
444,
445,
2318,
756,
10107,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
10107,
29961,
22495,
3816,
1505,
29887,
5387,
444,
363,
1269,
10107,
1741,
297,
445,
2318,
29892,
851,
392,
947,
451,
4383,
363,
10107,
4959,
30004,
13,
18884,
565,
274,
297,
5694,
7032,
287,
3960,
29918,
333,
29901,
444,
2307,
19356,
445,
1741,
29892,
14383,
372,
6756,
13,
462,
29871,
6773,
29936,
444,
2446,
274,
3113,
30004,
13,
18884,
1683,
29901,
444,
716,
274,
1244,
30004,
13,
462,
29871,
5694,
7032,
287,
3960,
29918,
333,
29961,
29883,
29962,
2433,
29896,
29915,
2104,
13,
462,
29871,
565,
313,
14047,
29966,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
4961,
470,
313,
14047,
29966,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29946,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29946,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
565,
313,
14047,
29958,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29941,
29962,
322,
592,
29883,
14065,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29946,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
4706,
444,
1095,
310,
390,
29902,
835,
30004,
13,
30004,
13,
1678,
835,
4136,
1286,
2125,
2562,
310,
432,
651,
18139,
515,
432,
651,
13623,
16101,
29937,
1678,
6756,
13,
30004,
13,
418,
25342,
7431,
29898,
5451,
29918,
29885,
1231,
15410,
29922,
29941,
29901,
16101,
29937,
432,
651,
1303,
835,
7346,
30004,
13,
4706,
6763,
29922,
524,
29898,
5451,
29918,
29885,
1231,
29961,
29900,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
4706,
17140,
353,
938,
29898,
5451,
29918,
29885,
1231,
14352,
29906,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
4706,
432,
29903,
29922,
14047,
29936,
432,
29923,
29922,
14047,
29899,
29896,
2104,
13,
4706,
1304,
29923,
3790,
3400,
2277,
304,
4772,
773,
278,
1021,
1303,
901,
1135,
697,
931,
363,
278,
1021,
1741,
30004,
13,
4706,
396,
3880,
29954,
3790,
3400,
444,
1304,
2318,
29892,
304,
4772,
4392,
2827,
278,
1021,
2318,
901,
1135,
2748,
30004,
13,
4706,
12379,
29940,
10457,
29896,
29936,
2446,
29940,
10457,
29896,
29936,
444,
363,
3517,
432,
651,
322,
2446,
432,
651,
30004,
13,
4706,
363,
21226,
297,
3464,
29898,
29900,
29892,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29906,
1125,
444,
363,
1269,
14821,
30004,
13,
3986,
1473,
4557,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
3986,
12500,
4557,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29896,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
1833,
4557,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29896,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
3986,
565,
21226,
29958,
29900,
29901,
444,
727,
338,
12379,
29940,
30004,
13,
9651,
12379,
29940,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
565,
313,
687,
18572,
29900,
322,
21226,
29966,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29941,
1125,
444,
727,
338,
2446,
29940,
30004,
13,
9651,
2446,
29940,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29906,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
565,
313,
687,
18572,
29900,
322,
21226,
29966,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29906,
1125,
444,
727,
474,
29903,
2446,
29940,
30004,
13,
9651,
565,
313,
687,
1360,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29941,
1125,
30004,
13,
795,
2446,
29940,
10457,
29896,
2104,
13,
9651,
1683,
29901,
30004,
13,
795,
2446,
29940,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29906,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
432,
29903,
353,
432,
29923,
29974,
7496,
4557,
29936,
444,
29871,
29896,
29899,
3188,
30004,
13,
3986,
432,
29923,
353,
432,
29903,
29974,
29926,
3427,
4557,
29936,
444,
29871,
29900,
29899,
3188,
30004,
13,
3986,
1820,
353,
18460,
29974,
15972,
18717,
710,
29898,
29926,
29903,
7240,
15972,
18717,
710,
29898,
29926,
29923,
6075,
13,
3986,
274,
4763,
29922,
29926,
29903,
29899,
7496,
4557,
29974,
29896,
29936,
274,
5044,
29922,
29926,
29903,
2104,
13,
3986,
274,
4763,
29918,
4230,
29922,
29883,
4763,
2104,
13,
3986,
274,
5044,
29918,
4230,
29922,
29883,
5044,
2104,
13,
30004,
13,
3986,
1375,
24458,
353,
1375,
29898,
524,
29898,
5451,
29918,
29885,
1231,
29961,
29900,
11724,
938,
29898,
5451,
29918,
29885,
1231,
14352,
29906,
1822,
5451,
877,
29940,
29861,
29896,
2314,
416,
444,
1375,
302,
1372,
2675,
4822,
432,
651,
30004,
13,
3986,
565,
1375,
24458,
29966,
25367,
6513,
29901,
444,
451,
263,
2854,
432,
651,
1303,
29892,
437,
451,
2302,
372,
30004,
13,
9651,
6773,
29936,
4706,
6756,
13,
30004,
13,
3986,
565,
21226,
1360,
29900,
29901,
444,
937,
432,
651,
29892,
1423,
278,
937,
1353,
30004,
13,
9651,
565,
6763,
29966,
25367,
6513,
29901,
444,
451,
263,
2854,
432,
651,
1303,
29892,
437,
451,
2302,
372,
30004,
13,
795,
6773,
29936,
444,
2446,
432,
651,
30004,
13,
3986,
565,
21226,
1360,
29898,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29941,
1125,
444,
1423,
278,
1833,
10768,
3309,
30004,
13,
9651,
565,
17140,
29966,
25367,
6513,
29901,
444,
451,
263,
2854,
432,
651,
1303,
29892,
437,
451,
2302,
372,
30004,
13,
795,
6773,
2104,
13,
30004,
13,
3986,
444,
7636,
18139,
30004,
13,
3986,
565,
1820,
297,
321,
29896,
29901,
444,
1863,
29991,
30004,
13,
9651,
321,
29896,
29961,
1989,
29962,
353,
321,
29896,
29961,
1989,
10062,
29896,
2104,
13,
3986,
1683,
29901,
444,
716,
432,
651,
30004,
13,
9651,
321,
29896,
29961,
1989,
29962,
353,
29871,
29896,
2104,
13,
30004,
13,
3986,
2318,
353,
432,
29903,
29914,
29812,
29936,
29871,
444,
6480,
2318,
1244,
30004,
13,
3986,
396,
361,
2318,
297,
1304,
29954,
29901,
444,
2307,
16669,
445,
2318,
30004,
13,
3986,
396,
29871,
6773,
29936,
444,
2446,
432,
651,
29311,
30004,
13,
3986,
396,
2870,
29901,
444,
2767,
1304,
29954,
9657,
601,
273,
719,
30004,
13,
3986,
396,
29871,
1304,
29954,
29961,
2972,
29962,
2433,
29896,
29915,
2104,
13,
30004,
13,
3986,
444,
3725,
835,
30004,
13,
3986,
565,
18460,
297,
409,
29901,
444,
445,
25173,
359,
608,
756,
409,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
409,
29961,
22495,
5387,
444,
445,
2318,
756,
14993,
2986,
429,
265,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
409,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
14993,
2986,
429,
265,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
409,
6513,
29922,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
29899,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
1385,
30004,
13,
18884,
701,
29926,
6513,
29922,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
29899,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
1385,
30004,
13,
18884,
270,
29876,
29926,
6513,
29922,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29899,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
1385,
30004,
13,
18884,
565,
313,
29926,
29903,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
5135,
4230,
4557,
14065,
344,
6513,
322,
2446,
29940,
1360,
29899,
29896,
29897,
470,
313,
4230,
4557,
1360,
344,
6513,
322,
2446,
29940,
1360,
5200,
29926,
6513,
4961,
29871,
470,
313,
29926,
29903,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
322,
5135,
7496,
4557,
14065,
344,
6513,
322,
12379,
29940,
1360,
29899,
29896,
29897,
470,
313,
7496,
4557,
1360,
344,
6513,
322,
12379,
29940,
1360,
786,
29926,
6513,
876,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
1660,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
18884,
25342,
432,
29903,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
5387,
444,
317,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
1660,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
3986,
835,
1095,
310,
3725,
835,
29871,
6756,
13,
30004,
13,
3986,
444,
341,
29990,
29923,
835,
30004,
13,
3986,
565,
18460,
297,
286,
17115,
29901,
444,
445,
25173,
359,
608,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
286,
17115,
29961,
22495,
5387,
444,
445,
2318,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
286,
17115,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
286,
17115,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
286,
17115,
21515,
29896,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
1385,
30004,
13,
18884,
286,
17115,
21515,
29906,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
1385,
30004,
13,
18884,
701,
29926,
29896,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
1385,
30004,
13,
18884,
270,
29876,
29926,
29896,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
1385,
30004,
13,
18884,
701,
29926,
29906,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
1385,
30004,
13,
18884,
270,
29876,
29926,
29906,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
1385,
30004,
13,
30004,
13,
30004,
13,
18884,
565,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
5135,
4230,
4557,
14065,
16838,
29872,
21515,
29896,
322,
2446,
29940,
1360,
29899,
29896,
29897,
470,
313,
4230,
4557,
1360,
16838,
29872,
21515,
29896,
322,
2446,
29940,
1360,
5200,
29926,
29896,
21515,
4961,
470,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
322,
5135,
7496,
4557,
14065,
16838,
29872,
21515,
29896,
322,
12379,
29940,
1360,
29899,
29896,
29897,
470,
313,
7496,
4557,
1360,
16838,
29872,
21515,
29896,
322,
12379,
29940,
1360,
786,
29926,
29896,
21515,
876,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29924,
29990,
29923,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
18884,
25342,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
322,
5135,
4230,
4557,
14065,
16838,
29872,
21515,
29906,
322,
2446,
29940,
1360,
29899,
29896,
29897,
470,
313,
4230,
4557,
1360,
16838,
29872,
21515,
29906,
322,
2446,
29940,
1360,
5200,
29926,
29906,
21515,
4961,
470,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
322,
5135,
7496,
4557,
14065,
16838,
29872,
21515,
29906,
322,
12379,
29940,
1360,
29899,
29896,
29897,
470,
313,
7496,
4557,
1360,
16838,
29872,
21515,
29906,
322,
12379,
29940,
1360,
786,
29926,
29906,
21515,
876,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29924,
29990,
29923,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
3986,
835,
1095,
310,
341,
29990,
29923,
835,
29871,
6756,
13,
30004,
13,
3986,
444,
319,
29945,
1799,
835,
30004,
13,
3986,
565,
18460,
297,
263,
29945,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29945,
893,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
263,
29945,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29945,
893,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
263,
29945,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29945,
893,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
565,
263,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
6374,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29871,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
2446,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
274,
4763,
29918,
4230,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29918,
4230,
29922,
29926,
29923,
29974,
4230,
4557,
2104,
13,
462,
1678,
565,
313,
29883,
4763,
29918,
4230,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29918,
4230,
14065,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
274,
5044,
29918,
4230,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
18884,
1683,
29901,
444,
8178,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
259,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
12379,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
565,
313,
29883,
4763,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
274,
4763,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
3986,
835,
1095,
310,
319,
29945,
1799,
835,
30004,
13,
30004,
13,
3986,
444,
319,
29941,
1799,
835,
30004,
13,
3986,
565,
18460,
297,
263,
29941,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
263,
29941,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
263,
29941,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29941,
893,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
565,
263,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
8178,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
259,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
2446,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
274,
4763,
29918,
4230,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29918,
4230,
29922,
29926,
29923,
29974,
4230,
4557,
2104,
13,
462,
1678,
565,
313,
29883,
4763,
29918,
4230,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29918,
4230,
14065,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
274,
5044,
29918,
4230,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
18884,
1683,
29901,
444,
6374,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
29871,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
12379,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
565,
313,
29883,
4763,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
274,
4763,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
3986,
835,
1095,
310,
319,
29941,
1799,
835,
30004,
13,
30004,
13,
3986,
444,
390,
29902,
835,
30004,
13,
3986,
565,
18460,
297,
10107,
29901,
444,
445,
25173,
359,
608,
756,
10107,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
10107,
29961,
22495,
5387,
444,
445,
2318,
756,
10107,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
10107,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
10107,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
565,
432,
29903,
1360,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
584,
444,
317,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
3960,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
18884,
565,
12379,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
29871,
565,
274,
4763,
29966,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29958,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
22164,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
3960,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
18884,
565,
2446,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
29871,
274,
4763,
29918,
4230,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29918,
4230,
29922,
29926,
29923,
29974,
4230,
4557,
29936,
444,
925,
1735,
274,
4763,
322,
274,
5044,
769,
437,
278,
1021,
1889,
30004,
13,
462,
29871,
565,
274,
4763,
29918,
4230,
29966,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29918,
4230,
29958,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
22164,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
3960,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
3986,
835,
1095,
310,
390,
29902,
835,
30004,
13,
30004,
13,
3986,
3191,
1095,
310,
363,
21226,
16101,
30004,
13,
30004,
13,
418,
1683,
29901,
444,
372,
338,
451,
429,
8927,
3643,
432,
651,
1303,
29889,
8469,
304,
278,
2446,
1196,
30004,
13,
4706,
6773,
2104,
13,
30004,
13,
1678,
269,
2283,
29889,
5358,
890,
29871,
6756,
13,
1678,
396,
12864,
2283,
353,
1722,
29898,
29879,
29896,
29889,
17010,
580,
29974,
4286,
12864,
3981,
742,
525,
29893,
17822,
13,
1678,
396,
1454,
413,
297,
321,
29896,
29901,
30004,
13,
1678,
396,
29871,
7636,
2283,
29889,
3539,
29898,
29895,
29974,
12764,
29873,
18717,
710,
29898,
29872,
29896,
29961,
29895,
2314,
29974,
12764,
29876,
17822,
13,
1678,
396,
12864,
2283,
29889,
5358,
14078,
13,
4136,
29937,
1095,
310,
1889,
17708,
16101,
29937,
30004,
13,
30004,
13,
30004,
13,
1753,
1889,
17708,
29918,
710,
392,
287,
29898,
11249,
29892,
6008,
29892,
1896,
1125,
444,
1246,
372,
411,
1889,
17708,
29918,
4102,
710,
392,
29898,
11249,
29918,
29896,
29892,
317,
29896,
29892,
1272,
1542,
29892,
5258,
1542,
29897,
1554,
763,
445,
30004,
13,
1678,
5534,
17360,
6513,
29936,
29871,
6756,
13,
30004,
13,
29871,
835,
1889,
278,
2183,
4559,
835,
30004,
13,
29871,
396,
1454,
269,
29896,
297,
4559,
29901,
444,
363,
1269,
3514,
934,
6756,
13,
29871,
396,
29871,
1634,
353,
4559,
29889,
2248,
29898,
29879,
29896,
6075,
13,
29871,
396,
29871,
565,
7431,
29898,
29879,
29896,
29889,
17010,
3101,
29966,
29896,
29901,
444,
10240,
6219,
29889,
263,
1404,
1795,
11423,
368,
1925,
16694,
472,
278,
1095,
310,
1881,
3514,
934,
1051,
30004,
13,
29871,
396,
1678,
6773,
29936,
835,
925,
14383,
445,
6251,
29892,
3117,
278,
1833,
697,
2466,
30004,
13,
1678,
269,
29896,
29922,
11249,
2104,
13,
1678,
269,
2283,
353,
282,
952,
314,
29889,
22966,
1445,
29898,
29879,
29896,
29889,
17010,
3285,
29915,
6050,
2157,
444,
1722,
289,
314,
934,
30004,
13,
1678,
321,
29896,
353,
15739,
444,
7636,
2302,
1244,
30004,
13,
1678,
363,
1303,
297,
269,
2283,
29889,
9155,
7295,
30004,
13,
30004,
13,
418,
565,
451,
338,
29918,
13092,
29898,
949,
1125,
30004,
13,
4706,
6773,
2104,
13,
30004,
13,
418,
364,
29931,
353,
1303,
6513,
2104,
13,
418,
18460,
353,
269,
2283,
29889,
657,
29878,
978,
29898,
949,
29889,
17681,
8443,
13,
418,
565,
18460,
29961,
29900,
29901,
29941,
29962,
29991,
2433,
22495,
2396,
444,
1060,
2012,
310,
18460,
29990,
29892,
788,
525,
22495,
29915,
30004,
13,
4706,
18460,
353,
525,
22495,
18717,
22495,
2104,
13,
418,
286,
29883,
353,
1303,
29889,
1066,
29974,
29896,
30004,
13,
418,
286,
1231,
353,
1303,
29889,
29883,
335,
279,
1807,
30004,
13,
418,
396,
29878,
1367,
353,
1303,
29889,
29939,
978,
30004,
13,
418,
2318,
353,
286,
29883,
29914,
29812,
29936,
444,
2318,
947,
451,
1735,
29892,
372,
29915,
29879,
20759,
304,
1423,
871,
697,
2318,
363,
263,
432,
651,
1303,
30004,
13,
418,
565,
525,
29928,
29915,
297,
286,
1231,
470,
525,
29902,
29915,
297,
286,
1231,
470,
525,
29903,
29915,
297,
286,
1231,
470,
525,
29950,
29915,
297,
286,
1231,
470,
525,
29925,
29915,
297,
286,
1231,
470,
525,
29990,
29915,
297,
286,
1231,
470,
525,
2433,
297,
286,
1231,
29901,
444,
14383,
30004,
13,
4706,
6773,
29936,
444,
748,
304,
2446,
1196,
30004,
13,
30004,
13,
30004,
13,
418,
835,
1423,
304,
1074,
565,
278,
1196,
338,
2845,
429,
8927,
1303,
470,
432,
651,
1303,
30004,
13,
418,
6219,
29918,
29885,
1231,
353,
286,
1231,
29889,
5451,
877,
29924,
17822,
13,
418,
4842,
353,
29871,
29900,
29936,
444,
1134,
310,
1303,
29892,
29871,
29900,
3078,
29892,
29871,
29896,
429,
8927,
1303,
29892,
29871,
29906,
432,
651,
1303,
30004,
13,
418,
565,
7431,
29898,
5451,
29918,
29885,
1231,
29897,
1360,
29906,
29901,
30004,
13,
4706,
4842,
353,
29871,
29896,
29936,
835,
7346,
29937,
429,
8927,
1303,
16101,
29937,
30004,
13,
4706,
364,
29931,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
29900,
5691,
444,
1303,
3309,
6790,
297,
445,
10417,
1347,
30004,
13,
4706,
592,
29883,
353,
286,
29883,
29974,
29878,
29931,
29899,
29896,
29936,
444,
10417,
1095,
29311,
6756,
13,
4706,
321,
2972,
353,
592,
29883,
29914,
29812,
2104,
13,
4706,
590,
5015,
392,
2433,
29915,
2104,
13,
4706,
269,
21979,
29922,
949,
29889,
15581,
2104,
13,
4706,
565,
11636,
1360,
29915,
3274,
2859,
29915,
322,
301,
29873,
1360,
29915,
4102,
2396,
444,
3300,
2859,
29899,
949,
29892,
937,
710,
392,
30004,
13,
3986,
565,
313,
29879,
21979,
29987,
29896,
29953,
322,
269,
21979,
29987,
29953,
29946,
29897,
470,
313,
29879,
21979,
29987,
29941,
29906,
322,
269,
21979,
29987,
29896,
29906,
29947,
1125,
444,
18717,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
23097,
2104,
13,
3986,
25342,
313,
29879,
21979,
29987,
29941,
29906,
322,
269,
21979,
29987,
29953,
29946,
29897,
470,
313,
29879,
21979,
29987,
29896,
29953,
322,
269,
21979,
29987,
29896,
29906,
29947,
1125,
444,
28560,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
29899,
29915,
2104,
13,
4706,
25342,
11636,
1360,
29915,
3274,
2859,
29915,
322,
301,
29873,
1360,
29915,
7496,
2396,
444,
3300,
2859,
29899,
949,
29892,
1473,
710,
392,
30004,
13,
3986,
565,
313,
29879,
21979,
29987,
29941,
29906,
322,
269,
21979,
29987,
29953,
29946,
29897,
470,
313,
29879,
21979,
29987,
29896,
29953,
322,
269,
21979,
29987,
29896,
29906,
29947,
1125,
444,
18717,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
23097,
2104,
13,
3986,
25342,
313,
29879,
21979,
29987,
29896,
29953,
322,
269,
21979,
29987,
29953,
29946,
29897,
470,
313,
29879,
21979,
29987,
29941,
29906,
322,
269,
21979,
29987,
29896,
29906,
29947,
1125,
444,
28560,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
29899,
29915,
2104,
13,
4706,
25342,
11636,
1360,
29915,
14369,
29915,
322,
301,
29873,
1360,
29915,
4102,
2396,
444,
14369,
29899,
355,
29892,
937,
710,
392,
30004,
13,
3986,
565,
269,
21979,
29987,
29896,
29953,
584,
444,
18717,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
23097,
2104,
13,
3986,
25342,
269,
21979,
29987,
29941,
29906,
29901,
444,
28560,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
29899,
29915,
2104,
13,
4706,
25342,
11636,
1360,
29915,
14369,
29915,
322,
301,
29873,
1360,
29915,
7496,
2396,
444,
14369,
29899,
355,
29892,
1473,
710,
392,
30004,
13,
3986,
565,
269,
21979,
29987,
29941,
29906,
584,
444,
18717,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
23097,
2104,
13,
3986,
25342,
269,
21979,
29987,
29896,
29953,
29901,
444,
28560,
29915,
851,
392,
30004,
13,
9651,
590,
5015,
392,
2433,
29899,
29915,
2104,
13,
30004,
13,
4706,
565,
7431,
29898,
1357,
5015,
392,
29897,
1360,
29900,
470,
364,
29931,
2804,
1303,
6513,
29901,
444,
14383,
445,
1303,
29892,
2609,
8161,
278,
851,
392,
30004,
13,
3986,
6773,
2104,
13,
30004,
13,
4706,
444,
3725,
835,
30004,
13,
4706,
565,
18460,
297,
409,
29901,
444,
445,
25173,
359,
608,
756,
409,
1741,
29898,
29879,
8443,
13,
3986,
565,
2318,
297,
409,
29961,
22495,
5387,
444,
445,
2318,
756,
14993,
2986,
429,
265,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
409,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
14993,
2986,
429,
265,
1741,
297,
445,
2318,
30004,
13,
795,
565,
409,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29899,
29896,
29962,
1360,
1357,
5015,
392,
29901,
444,
1021,
851,
392,
30004,
13,
18884,
565,
313,
14047,
29958,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
1125,
444,
1303,
373,
278,
3646,
30004,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
29936,
6756,
13,
4706,
835,
1095,
310,
3725,
835,
30004,
13,
30004,
13,
4706,
835,
341,
29990,
29923,
3191,
30004,
13,
4706,
565,
18460,
297,
286,
17115,
29901,
444,
445,
25173,
359,
608,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
3986,
565,
2318,
297,
286,
17115,
29961,
22495,
5387,
444,
445,
2318,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
286,
17115,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
286,
17115,
1741,
297,
445,
2318,
30004,
13,
795,
565,
286,
17115,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29899,
29896,
29962,
1360,
1357,
5015,
392,
29901,
444,
1021,
851,
392,
30004,
13,
18884,
565,
313,
14047,
29958,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
1125,
444,
1303,
373,
278,
3646,
429,
265,
30004,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
18884,
25342,
313,
14047,
29958,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
322,
592,
29883,
14065,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
1125,
444,
1303,
373,
278,
1473,
429,
265,
30004,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
4706,
444,
1095,
310,
341,
29990,
29923,
835,
30004,
13,
30004,
13,
4706,
444,
319,
29945,
1799,
444,
30004,
13,
4706,
565,
18460,
297,
263,
29945,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29945,
893,
1741,
29898,
29879,
8443,
13,
3986,
565,
321,
2972,
297,
263,
29945,
893,
29961,
22495,
5387,
444,
445,
321,
2972,
756,
263,
29945,
893,
1741,
29898,
29879,
511,
2854,
871,
363,
6374,
851,
392,
871,
30004,
13,
9651,
363,
274,
297,
263,
29945,
893,
29961,
22495,
3816,
4872,
1132,
5387,
444,
363,
1269,
263,
29945,
893,
1741,
297,
445,
2318,
30004,
13,
795,
565,
263,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29899,
29896,
29962,
1360,
1357,
5015,
392,
29901,
444,
1021,
851,
392,
30004,
13,
18884,
565,
263,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
5387,
444,
6374,
851,
392,
30004,
13,
462,
29871,
565,
313,
14047,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
14065,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
322,
592,
29883,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
565,
313,
14047,
29958,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
322,
592,
29883,
14065,
29874,
29945,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
30004,
13,
3986,
565,
2318,
297,
263,
29945,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29945,
893,
1741,
29898,
29879,
511,
363,
8178,
851,
392,
6743,
871,
30004,
13,
9651,
363,
274,
297,
263,
29945,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29945,
893,
1741,
297,
445,
2318,
30004,
13,
795,
565,
263,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29899,
29896,
29962,
1360,
1357,
5015,
392,
29901,
444,
1021,
851,
392,
30004,
13,
462,
29871,
6756,
13,
18884,
565,
263,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29966,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
8178,
851,
392,
30004,
13,
462,
29871,
565,
313,
14047,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
286,
29883,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
565,
313,
14047,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
4706,
444,
1095,
310,
319,
29945,
1799,
835,
30004,
13,
539,
6756,
13,
4706,
444,
319,
29941,
1799,
444,
30004,
13,
4706,
565,
18460,
297,
263,
29941,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
3986,
565,
321,
2972,
297,
263,
29941,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
263,
29941,
893,
29961,
22495,
3816,
4872,
1132,
5387,
444,
363,
1269,
263,
29941,
893,
1741,
297,
445,
2318,
30004,
13,
795,
565,
263,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29899,
29896,
29962,
1360,
1357,
5015,
392,
29901,
444,
1021,
851,
392,
30004,
13,
18884,
565,
263,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
5387,
444,
8178,
851,
392,
30004,
13,
462,
29871,
565,
313,
14047,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
14065,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
322,
592,
29883,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
565,
313,
14047,
29958,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29941,
29962,
322,
592,
29883,
14065,
29874,
29941,
893,
29961,
22495,
3816,
4872,
1132,
3816,
29883,
3816,
29896,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
6756,
13,
3986,
565,
2318,
297,
263,
29941,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
9651,
363,
274,
297,
263,
29941,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29941,
893,
1741,
297,
445,
2318,
30004,
13,
795,
565,
263,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29899,
29896,
29962,
1360,
1357,
5015,
392,
29901,
444,
1021,
851,
392,
30004,
13,
18884,
565,
263,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29966,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
6374,
851,
392,
30004,
13,
462,
29871,
565,
313,
14047,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
286,
29883,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
565,
313,
14047,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
592,
29883,
14065,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
4706,
444,
1095,
310,
319,
29941,
1799,
835,
30004,
13,
30004,
13,
4706,
444,
390,
29902,
444,
30004,
13,
4706,
565,
18460,
297,
10107,
29901,
444,
445,
25173,
359,
608,
756,
10107,
1741,
29898,
29879,
8443,
13,
3986,
6471,
1762,
1252,
314,
457,
353,
1051,
29898,
842,
4197,
2972,
29892,
4872,
1132,
2314,
416,
444,
304,
25917,
2999,
6471,
6756,
13,
3986,
5694,
7032,
287,
3960,
29918,
333,
3790,
3400,
444,
304,
25917,
2999,
6471,
30004,
13,
3986,
363,
330,
1505,
297,
6471,
1762,
1252,
314,
457,
29901,
444,
363,
1269,
2318,
30004,
13,
9651,
565,
330,
1505,
297,
10107,
29961,
22495,
5387,
444,
445,
2318,
756,
10107,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
10107,
29961,
22495,
3816,
1505,
29887,
5387,
444,
363,
1269,
10107,
1741,
297,
445,
2318,
29892,
851,
392,
947,
451,
4383,
363,
10107,
4959,
30004,
13,
30004,
13,
18884,
565,
274,
297,
5694,
7032,
287,
3960,
29918,
333,
29901,
444,
2307,
19356,
445,
1741,
29892,
14383,
372,
6756,
13,
462,
29871,
6773,
29936,
444,
2446,
274,
3113,
30004,
13,
18884,
1683,
29901,
444,
716,
274,
1244,
30004,
13,
462,
29871,
565,
10107,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29899,
29896,
29962,
1360,
1357,
5015,
392,
29901,
444,
1021,
851,
392,
30004,
13,
462,
1678,
565,
313,
14047,
29966,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
4961,
470,
313,
14047,
29966,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29946,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
592,
29883,
29958,
7607,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29946,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
565,
313,
14047,
29958,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29941,
29962,
322,
592,
29883,
14065,
374,
29961,
22495,
3816,
1505,
29887,
3816,
29883,
3816,
29946,
29962,
1125,
444,
429,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
4706,
444,
1095,
310,
390,
29902,
835,
30004,
13,
30004,
13,
1678,
835,
4136,
1286,
2125,
2562,
310,
432,
651,
18139,
515,
432,
651,
13623,
16101,
29937,
1678,
6756,
13,
30004,
13,
418,
25342,
7431,
29898,
5451,
29918,
29885,
1231,
15410,
29922,
29941,
29901,
16101,
29937,
432,
651,
1303,
835,
7346,
30004,
13,
4706,
6763,
29922,
524,
29898,
5451,
29918,
29885,
1231,
29961,
29900,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
4706,
17140,
353,
938,
29898,
5451,
29918,
29885,
1231,
14352,
29906,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
4706,
432,
29903,
29922,
14047,
29936,
432,
29923,
29922,
14047,
29899,
29896,
2104,
13,
4706,
1304,
29923,
3790,
3400,
2277,
304,
4772,
773,
278,
1021,
1303,
901,
1135,
697,
931,
363,
278,
1021,
1741,
30004,
13,
4706,
396,
3880,
29954,
3790,
3400,
444,
1304,
2318,
29892,
304,
4772,
4392,
2827,
278,
1021,
2318,
901,
1135,
2748,
30004,
13,
4706,
12379,
29940,
10457,
29896,
29936,
2446,
29940,
10457,
29896,
29936,
444,
363,
3517,
432,
651,
322,
2446,
432,
651,
30004,
13,
4706,
363,
21226,
297,
3464,
29898,
29900,
29892,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29906,
1125,
444,
363,
1269,
14821,
30004,
13,
3986,
1473,
4557,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
3986,
12500,
4557,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29896,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
1833,
4557,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29896,
1822,
5451,
877,
29940,
1495,
14352,
29896,
5691,
30004,
13,
3986,
565,
21226,
29958,
29900,
29901,
444,
727,
338,
12379,
29940,
30004,
13,
9651,
12379,
29940,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
565,
313,
687,
18572,
29900,
322,
21226,
29966,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29941,
1125,
444,
727,
338,
2446,
29940,
30004,
13,
9651,
2446,
29940,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29906,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
565,
313,
687,
18572,
29900,
322,
21226,
29966,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29906,
1125,
444,
727,
474,
29903,
2446,
29940,
30004,
13,
9651,
565,
313,
687,
1360,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29941,
1125,
30004,
13,
795,
2446,
29940,
10457,
29896,
2104,
13,
9651,
1683,
29901,
30004,
13,
795,
2446,
29940,
353,
938,
29898,
5451,
29918,
29885,
1231,
29961,
687,
29974,
29906,
1822,
5451,
877,
29940,
29861,
29900,
5691,
30004,
13,
3986,
432,
29903,
353,
432,
29923,
29974,
7496,
4557,
29936,
444,
29871,
29896,
29899,
3188,
30004,
13,
3986,
432,
29923,
353,
432,
29903,
29974,
29926,
3427,
4557,
29936,
444,
29871,
29900,
29899,
3188,
30004,
13,
3986,
1820,
353,
18460,
29974,
15972,
18717,
710,
29898,
29926,
29903,
7240,
15972,
18717,
710,
29898,
29926,
29923,
6075,
13,
3986,
274,
4763,
29922,
29926,
29903,
29899,
7496,
4557,
29974,
29896,
29936,
274,
5044,
29922,
29926,
29903,
2104,
13,
30004,
13,
3986,
1375,
24458,
353,
1375,
29898,
524,
29898,
5451,
29918,
29885,
1231,
29961,
29900,
11724,
938,
29898,
5451,
29918,
29885,
1231,
14352,
29906,
1822,
5451,
877,
29940,
29861,
29896,
2314,
416,
444,
1375,
302,
1372,
2675,
4822,
432,
651,
30004,
13,
3986,
565,
1375,
24458,
29966,
25367,
6513,
29901,
444,
451,
263,
2854,
432,
651,
1303,
29892,
437,
451,
2302,
372,
30004,
13,
9651,
6773,
29936,
4706,
6756,
13,
30004,
13,
3986,
565,
21226,
1360,
29900,
29901,
444,
937,
432,
651,
29892,
1423,
278,
937,
1353,
30004,
13,
9651,
565,
6763,
29966,
25367,
6513,
29901,
444,
451,
263,
2854,
432,
651,
1303,
29892,
437,
451,
2302,
372,
30004,
13,
795,
6773,
29936,
444,
2446,
432,
651,
30004,
13,
3986,
565,
21226,
1360,
29898,
2435,
29898,
5451,
29918,
29885,
1231,
6817,
29941,
1125,
444,
1423,
278,
1833,
10768,
3309,
30004,
13,
9651,
565,
17140,
29966,
25367,
6513,
29901,
444,
451,
263,
2854,
432,
651,
1303,
29892,
437,
451,
2302,
372,
30004,
13,
795,
6773,
2104,
13,
30004,
13,
3986,
444,
7636,
18139,
30004,
13,
3986,
565,
1820,
297,
321,
29896,
29901,
444,
1863,
29991,
30004,
13,
9651,
321,
29896,
29961,
1989,
29962,
353,
321,
29896,
29961,
1989,
10062,
29896,
2104,
13,
3986,
1683,
29901,
444,
716,
432,
651,
30004,
13,
9651,
321,
29896,
29961,
1989,
29962,
353,
29871,
29896,
2104,
13,
30004,
13,
3986,
2318,
353,
432,
29903,
29914,
29812,
29936,
29871,
444,
6480,
2318,
1244,
30004,
13,
3986,
396,
361,
2318,
297,
1304,
29954,
29901,
444,
2307,
16669,
445,
2318,
30004,
13,
3986,
396,
29871,
6773,
29936,
444,
2446,
432,
651,
29311,
30004,
13,
3986,
396,
2870,
29901,
444,
2767,
1304,
29954,
9657,
601,
273,
719,
30004,
13,
3986,
396,
29871,
1304,
29954,
29961,
2972,
29962,
2433,
29896,
29915,
2104,
13,
30004,
13,
3986,
444,
3725,
835,
30004,
13,
3986,
565,
18460,
297,
409,
29901,
444,
445,
25173,
359,
608,
756,
409,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
409,
29961,
22495,
5387,
444,
445,
2318,
756,
14993,
2986,
429,
265,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
409,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
14993,
2986,
429,
265,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
409,
6513,
29922,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
29899,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
1385,
30004,
13,
18884,
701,
29926,
6513,
29922,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
29899,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
1385,
30004,
13,
18884,
270,
29876,
29926,
6513,
29922,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29899,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
1385,
30004,
13,
18884,
565,
313,
29926,
29903,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
5135,
4230,
4557,
14065,
344,
6513,
322,
2446,
29940,
1360,
29899,
29896,
29897,
470,
313,
4230,
4557,
1360,
344,
6513,
322,
2446,
29940,
1360,
5200,
29926,
6513,
4961,
29871,
470,
313,
29926,
29903,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
322,
5135,
7496,
4557,
14065,
344,
6513,
322,
12379,
29940,
1360,
29899,
29896,
29897,
470,
313,
7496,
4557,
1360,
344,
6513,
322,
12379,
29940,
1360,
786,
29926,
6513,
876,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
1660,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
18884,
25342,
432,
29903,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
344,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
5387,
444,
317,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
1660,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
274,
29918,
344,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
29936,
6756,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
3986,
835,
1095,
310,
3725,
835,
29871,
6756,
13,
30004,
13,
3986,
444,
341,
29990,
29923,
835,
30004,
13,
3986,
565,
18460,
297,
286,
17115,
29901,
444,
445,
25173,
359,
608,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
286,
17115,
29961,
22495,
5387,
444,
445,
2318,
756,
286,
17115,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
286,
17115,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
286,
17115,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
286,
17115,
21515,
29896,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
1385,
30004,
13,
18884,
286,
17115,
21515,
29906,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
1385,
30004,
13,
18884,
701,
29926,
29896,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
1385,
30004,
13,
18884,
270,
29876,
29926,
29896,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
1385,
30004,
13,
18884,
701,
29926,
29906,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
1385,
30004,
13,
18884,
270,
29876,
29926,
29906,
21515,
29922,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
29899,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
1385,
30004,
13,
30004,
13,
30004,
13,
18884,
565,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
5135,
4230,
4557,
14065,
16838,
29872,
21515,
29896,
322,
2446,
29940,
1360,
29899,
29896,
29897,
470,
313,
4230,
4557,
1360,
16838,
29872,
21515,
29896,
322,
2446,
29940,
1360,
5200,
29926,
29896,
21515,
4961,
470,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
322,
5135,
7496,
4557,
14065,
16838,
29872,
21515,
29896,
322,
12379,
29940,
1360,
29899,
29896,
29897,
470,
313,
7496,
4557,
1360,
16838,
29872,
21515,
29896,
322,
12379,
29940,
1360,
786,
29926,
29896,
21515,
876,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29924,
29990,
29923,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
18884,
25342,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
322,
5135,
4230,
4557,
14065,
16838,
29872,
21515,
29906,
322,
2446,
29940,
1360,
29899,
29896,
29897,
470,
313,
4230,
4557,
1360,
16838,
29872,
21515,
29906,
322,
2446,
29940,
1360,
5200,
29926,
29906,
21515,
4961,
470,
313,
29926,
29903,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
16838,
29872,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29953,
29962,
322,
5135,
7496,
4557,
14065,
16838,
29872,
21515,
29906,
322,
12379,
29940,
1360,
29899,
29896,
29897,
470,
313,
7496,
4557,
1360,
16838,
29872,
21515,
29906,
322,
12379,
29940,
1360,
786,
29926,
29906,
21515,
876,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29924,
29990,
29923,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
16838,
29872,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
3986,
835,
1095,
310,
341,
29990,
29923,
835,
29871,
6756,
13,
30004,
13,
3986,
444,
319,
29945,
1799,
835,
30004,
13,
3986,
565,
18460,
297,
263,
29945,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29945,
893,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
263,
29945,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29945,
893,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
263,
29945,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29945,
893,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
565,
263,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
6374,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29871,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
2446,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
274,
4763,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29922,
29926,
29923,
29974,
4230,
4557,
2104,
13,
462,
1678,
565,
313,
29883,
4763,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
14065,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
274,
5044,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
18884,
1683,
29901,
444,
8178,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
259,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
12379,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
274,
4763,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29922,
29926,
29923,
29974,
4230,
4557,
2104,
13,
462,
1678,
565,
313,
29883,
4763,
29958,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
274,
4763,
29966,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29958,
7607,
29874,
29945,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29945,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
3986,
835,
1095,
310,
319,
29945,
1799,
835,
30004,
13,
30004,
13,
3986,
444,
319,
29941,
1799,
835,
30004,
13,
3986,
565,
18460,
297,
263,
29941,
893,
29901,
444,
445,
25173,
359,
608,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
263,
29941,
893,
29961,
22495,
5387,
444,
445,
2318,
756,
263,
29941,
893,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
263,
29941,
893,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
263,
29941,
893,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
565,
263,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
5387,
444,
8178,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
259,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
2446,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
274,
4763,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29922,
29926,
29923,
29974,
4230,
4557,
2104,
13,
462,
1678,
565,
313,
29883,
4763,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
14065,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29896,
29962,
322,
274,
5044,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
18884,
1683,
29901,
444,
6374,
851,
392,
30004,
13,
462,
29871,
565,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
29871,
1125,
444,
306,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
313,
432,
29903,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29945,
29962,
322,
432,
29923,
1360,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
29871,
1125,
444,
317,
29967,
29907,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29941,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
418,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
1678,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
462,
29871,
25342,
12379,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
1678,
274,
4763,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29922,
29926,
29923,
29974,
4230,
4557,
2104,
13,
462,
1678,
565,
313,
29883,
4763,
29958,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29900,
29962,
322,
274,
4763,
29966,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29958,
7607,
29874,
29941,
893,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29906,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
876,
1125,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
418,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
29909,
29945,
1799,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
418,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
274,
29918,
29874,
29941,
893,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
4706,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
3986,
835,
1095,
310,
319,
29941,
1799,
835,
30004,
13,
30004,
13,
3986,
444,
390,
29902,
835,
30004,
13,
3986,
565,
18460,
297,
10107,
29901,
444,
445,
25173,
359,
608,
756,
10107,
1741,
29898,
29879,
8443,
13,
9651,
565,
2318,
297,
10107,
29961,
22495,
5387,
444,
445,
2318,
756,
10107,
1741,
29898,
29879,
8443,
13,
795,
363,
274,
297,
10107,
29961,
22495,
3816,
2972,
5387,
444,
363,
1269,
10107,
1741,
297,
445,
2318,
29892,
25917,
565,
278,
2183,
432,
651,
338,
760,
310,
372,
30004,
13,
18884,
565,
432,
29903,
1360,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
322,
432,
29923,
1360,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
584,
444,
317,
29967,
29907,
30004,
13,
462,
29871,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
3960,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
29871,
565,
1820,
297,
1304,
29923,
29901,
444,
2307,
1304,
2104,
13,
462,
1678,
6773,
29936,
444,
14383,
322,
748,
304,
2446,
274,
30004,
13,
462,
29871,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29903,
10062,
29922,
29896,
2104,
13,
462,
29871,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
268,
6756,
13,
18884,
565,
12379,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
29871,
565,
274,
4763,
29966,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29958,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29946,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
22164,
444,
2473,
29899,
735,
265,
1303,
20382,
3646,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
3960,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
18884,
565,
2446,
29940,
1275,
448,
29896,
29901,
30004,
13,
462,
29871,
274,
4763,
353,
432,
29923,
29974,
29896,
29936,
274,
5044,
29922,
29926,
29923,
29974,
4230,
4557,
29936,
444,
925,
1735,
274,
4763,
322,
274,
5044,
769,
437,
278,
1021,
1889,
30004,
13,
462,
29871,
565,
274,
4763,
29966,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
29962,
17722,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
7240,
29896,
29897,
322,
274,
5044,
29958,
7607,
374,
29961,
22495,
3816,
2972,
3816,
29883,
3816,
29941,
10062,
29898,
29878,
29931,
29899,
29926,
651,
6513,
29914,
29906,
22164,
30004,
13,
462,
1678,
1820,
29922,
2396,
4286,
7122,
29898,
3366,
3960,
613,
710,
29898,
29883,
4638,
6075,
13,
462,
1678,
565,
1820,
451,
297,
1304,
29923,
29901,
444,
1303,
3282,
29915,
29873,
4612,
445,
1741,
1434,
29892,
788,
372,
30004,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29896,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
274,
29918,
374,
29961,
29883,
3816,
1783,
29906,
3816,
29902,
10062,
29922,
29896,
2104,
13,
462,
418,
1304,
29923,
29961,
1989,
13192,
29896,
29936,
444,
20759,
304,
26556,
30004,
13,
3986,
835,
1095,
310,
390,
29902,
835,
30004,
13,
30004,
13,
3986,
3191,
1095,
310,
363,
21226,
16101,
30004,
13,
30004,
13,
418,
1683,
29901,
444,
372,
338,
451,
429,
8927,
3643,
432,
651,
1303,
29889,
8469,
304,
278,
2446,
1196,
30004,
13,
4706,
6773,
2104,
13,
30004,
13,
1678,
269,
2283,
29889,
5358,
890,
29871,
6756,
13,
1678,
396,
12864,
2283,
353,
1722,
29898,
29879,
29896,
29889,
17010,
580,
29974,
4286,
12864,
3981,
742,
525,
29893,
17822,
13,
1678,
396,
1454,
413,
297,
321,
29896,
29901,
30004,
13,
1678,
396,
29871,
7636,
2283,
29889,
3539,
29898,
29895,
29974,
12764,
29873,
18717,
710,
29898,
29872,
29896,
29961,
29895,
2314,
29974,
12764,
29876,
17822,
13,
1678,
396,
12864,
2283,
29889,
5358,
14078,
13,
4136,
29937,
1095,
310,
1889,
17708,
29918,
710,
392,
287,
16101,
29937,
30004,
13,
30004,
13,
29937,
1753,
679,
1204,
29898,
4841,
29892,
1989,
1125,
30004,
13,
29937,
1678,
363,
18460,
297,
18999,
29901,
444,
445,
25173,
359,
608,
756,
409,
1741,
29898,
29879,
8443,
13,
29937,
4706,
363,
2318,
297,
18999,
29961,
22495,
5387,
444,
445,
2318,
756,
14993,
2986,
429,
265,
1741,
29898,
29879,
8443,
13,
29937,
9651,
565,
1820,
297,
18999,
29961,
22495,
3816,
2972,
5387,
6756,
13,
29937,
1669,
1741,
29918,
5479,
29922,
4841,
29961,
22495,
3816,
2972,
3816,
1989,
1385,
30004,
13,
1669,
14330,
29873,
29903,
29892,
29873,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
29962,
30004,
13,
29937,
1669,
736,
518,
22495,
29892,
3696,
29918,
5479,
14352,
29896,
1402,
1115,
1642,
7122,
29898,
1958,
29898,
710,
29892,
3696,
29918,
5479,
7503,
29899,
29896,
12622,
1385,
30004,
13,
30004,
13,
30004,
13,
1753,
2436,
4290,
2283,
29906,
29898,
29882,
29896,
29892,
29888,
29896,
29892,
333,
29918,
2248,
29892,
20047,
29892,
12587,
1125,
444,
4839,
29871,
29896,
29892,
29906,
29892,
29941,
29892,
934,
29871,
29896,
29892,
29906,
29892,
29941,
29892,
2302,
9657,
29892,
1462,
280,
9657,
8443,
13,
29871,
444,
1596,
4839,
937,
30004,
13,
29871,
285,
29896,
29889,
3539,
29898,
29882,
29896,
29974,
12764,
29876,
17822,
13,
30004,
13,
29871,
363,
413,
297,
12705,
29898,
12587,
29889,
8149,
580,
1125,
30004,
13,
1678,
285,
29896,
29889,
3539,
29898,
710,
29898,
333,
29918,
2248,
29961,
29895,
2314,
29974,
12764,
29873,
18717,
710,
29898,
20047,
29961,
29895,
3816,
1783,
29896,
3816,
29902,
2314,
29974,
12764,
29873,
18717,
710,
29898,
20047,
29961,
29895,
3816,
1783,
29896,
3816,
29903,
2314,
29974,
12764,
29873,
18717,
710,
29898,
12587,
29961,
29895,
3816,
1783,
29896,
3816,
29900,
2314,
29974,
12764,
29873,
18717,
710,
29898,
12587,
29961,
29895,
3816,
1783,
29896,
3816,
29896,
2314,
29974,
12764,
29876,
17822,
13,
1678,
396,
29888,
29896,
29889,
3539,
877,
29901,
4286,
7122,
29898,
1958,
29898,
710,
29892,
657,
1204,
29898,
333,
29918,
2248,
29892,
29895,
4961,
29974,
12764,
29873,
18717,
710,
29898,
20047,
29961,
29895,
3816,
1783,
29896,
3816,
29902,
2314,
29974,
12764,
29873,
18717,
710,
29898,
20047,
29961,
29895,
3816,
1783,
29896,
3816,
29903,
2314,
29974,
12764,
29873,
18717,
710,
29898,
12587,
29961,
29895,
3816,
1783,
29896,
3816,
29900,
2314,
29974,
12764,
29873,
18717,
710,
29898,
12587,
29961,
29895,
3816,
1783,
29896,
3816,
29896,
2314,
29974,
12764,
29876,
17822,
13,
30004,
13,
4136,
29937,
1095,
310,
2436,
4290,
2283,
740,
835,
4136,
30004,
13,
30004,
13,
1753,
1667,
7295,
30004,
13,
1678,
13812,
353,
1852,
5510,
29889,
15730,
11726,
29898,
8216,
2433,
4907,
30004,
13,
9651,
11221,
263,
350,
5194,
934,
322,
364,
29924,
1299,
29903,
1741,
2066,
29892,
6756,
13,
9651,
2302,
278,
13623,
20382,
278,
4959,
29889,
4907,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
1660,
23592,
13,
9651,
1371,
2433,
2574,
2986,
1741,
934,
29892,
5759,
491,
364,
29924,
1299,
29903,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
29924,
29990,
29923,
23592,
13,
9651,
1371,
2433,
6149,
1474,
29192,
1741,
934,
29892,
5759,
491,
364,
29924,
1299,
29903,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
29909,
29945,
1799,
23592,
13,
9651,
1371,
2433,
26123,
1230,
29871,
29945,
6019,
1741,
934,
29892,
5759,
491,
364,
29924,
1299,
29903,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
29909,
29941,
1799,
23592,
13,
9651,
1371,
2433,
26123,
1230,
29871,
29941,
6019,
1741,
934,
29892,
5759,
491,
364,
29924,
1299,
29903,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
3960,
23592,
13,
9651,
1371,
2433,
2267,
713,
287,
11158,
265,
1741,
934,
29892,
5759,
491,
364,
29924,
1299,
29903,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
2080,
29918,
1445,
23592,
13,
9651,
1371,
2433,
29933,
5194,
934,
29892,
9251,
26118,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
449,
9170,
23592,
13,
9651,
1371,
2433,
4905,
3884,
29889,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
29899,
2096,
742,
525,
489,
949,
29918,
2848,
742,
1134,
29922,
524,
29892,
2322,
29922,
29945,
29900,
11167,
13,
9651,
1371,
2433,
949,
3309,
29889,
13109,
29901,
29871,
29945,
29900,
29889,
1495,
30004,
13,
1678,
13812,
29889,
1202,
29918,
23516,
877,
29899,
29606,
742,
525,
489,
29926,
651,
29918,
2848,
742,
1134,
29922,
524,
29892,
2322,
29922,
29947,
29946,
11167,
13,
9651,
1371,
2433,
29926,
651,
3309,
29889,
13109,
29901,
29871,
29947,
29946,
29889,
1495,
30004,
13,
1678,
396,
16680,
29889,
1202,
29918,
23516,
877,
29899,
29886,
742,
525,
489,
26482,
742,
1134,
29922,
524,
29892,
2322,
29922,
29896,
11167,
13,
1678,
396,
4706,
1371,
2433,
4537,
310,
1889,
943,
304,
671,
29889,
13109,
29901,
29871,
29896,
29889,
1495,
30004,
13,
1678,
1596,
703,
11228,
5281,
3651,
856,
1159,
30004,
13,
1678,
3191,
5534,
3651,
29871,
835,
7346,
4136,
29937,
30004,
13,
1678,
3191,
2322,
5285,
1819,
16101,
30004,
13,
1678,
396,
949,
6513,
29922,
29945,
29900,
2104,
13,
1678,
396,
29926,
651,
6513,
29922,
29947,
29946,
2104,
13,
1678,
5534,
3725,
30004,
13,
1678,
5534,
341,
29990,
29923,
30004,
13,
1678,
5534,
319,
29945,
1799,
30004,
13,
1678,
5534,
319,
29941,
1799,
30004,
13,
1678,
396,
5098,
29923,
2433,
5098,
29923,
29915,
2104,
13,
1678,
396,
29909,
1307,
2433,
29909,
1307,
29915,
2104,
13,
1678,
5534,
390,
29902,
30004,
13,
1678,
5534,
7639,
6756,
13,
1678,
7639,
353,
525,
6341,
29915,
2104,
13,
1678,
5534,
2967,
30004,
13,
1678,
2967,
353,
29915,
3188,
29915,
2104,
13,
1678,
5534,
848,
1542,
6756,
13,
1678,
848,
1542,
353,
525,
3274,
2859,
2670,
444,
2845,
2323,
470,
3300,
2859,
30004,
13,
1678,
5534,
3514,
9170,
6756,
13,
1678,
3514,
9170,
353,
525,
6169,
2104,
13,
1678,
396,
2080,
29918,
1445,
2433,
6169,
2104,
13,
1678,
396,
449,
9170,
353,
525,
1357,
6466,
29915,
2104,
13,
1678,
4876,
353,
12801,
26862,
6227,
16299,
2104,
13,
1678,
4303,
1542,
2433,
1341,
29899,
348,
710,
392,
287,
29915,
2104,
13,
1678,
835,
13383,
13383,
4136,
30004,
13,
1678,
396,
5215,
1303,
6513,
29892,
29926,
651,
6513,
29892,
449,
9170,
29892,
2080,
29918,
1445,
30004,
13,
1678,
6389,
353,
13812,
29889,
5510,
29918,
5085,
14078,
13,
1678,
396,
13604,
353,
6088,
29918,
13604,
29898,
5085,
29889,
1389,
978,
29892,
6389,
29889,
4914,
8443,
13,
1678,
396,
9675,
29889,
303,
20405,
29889,
3539,
877,
11536,
1353,
310,
4959,
29901,
426,
1836,
29905,
29876,
4286,
4830,
29898,
2435,
29898,
13604,
4961,
30004,
13,
1678,
396,
11249,
29918,
3888,
353,
6088,
29918,
11249,
29898,
5085,
29889,
4668,
978,
8443,
13,
1678,
396,
9675,
29889,
303,
20405,
29889,
3539,
877,
11536,
1353,
310,
11916,
29901,
426,
1836,
29905,
29876,
4286,
4830,
29898,
2435,
29898,
11249,
29918,
3888,
1839,
11249,
2033,
4961,
30004,
13,
1678,
396,
6134,
29918,
12765,
29898,
13604,
29892,
4559,
29918,
3888,
29892,
6389,
29889,
974,
978,
29892,
6389,
29889,
1524,
362,
29892,
6389,
29889,
26776,
29892,
6389,
29889,
2972,
29918,
2311,
29892,
6389,
29889,
26482,
8443,
13,
1678,
5534,
1303,
6513,
29936,
6756,
13,
1678,
1303,
6513,
353,
6389,
29889,
949,
29918,
2848,
2104,
13,
1678,
5534,
432,
651,
6513,
29936,
6756,
13,
1678,
432,
651,
6513,
353,
6389,
29889,
29926,
651,
29918,
2848,
2104,
13,
1678,
5534,
1881,
29918,
1445,
29936,
6756,
13,
1678,
1881,
29918,
1445,
353,
6389,
29889,
2080,
29918,
1445,
2104,
13,
1678,
5534,
714,
9170,
29936,
6756,
13,
1678,
714,
9170,
353,
6389,
29889,
449,
9170,
2104,
13,
1678,
3725,
29922,
5085,
29889,
1660,
2104,
13,
1678,
341,
29990,
29923,
29922,
5085,
29889,
29924,
29990,
29923,
2104,
13,
1678,
319,
29945,
1799,
29922,
5085,
29889,
29909,
29945,
1799,
2104,
13,
1678,
319,
29941,
1799,
29922,
5085,
29889,
29909,
29941,
1799,
2104,
13,
1678,
390,
29902,
29922,
5085,
29889,
3960,
2104,
13,
1678,
396,
30004,
13,
1678,
1596,
703,
4290,
3497,
29901,
15691,
2080,
29918,
1445,
8443,
13,
1678,
1596,
703,
6466,
383,
3194,
29901,
15691,
449,
9170,
8443,
13,
1678,
1596,
703,
6359,
365,
1477,
29901,
15691,
710,
29898,
949,
6513,
876,
30004,
13,
1678,
1596,
703,
29967,
651,
365,
1477,
29901,
15691,
710,
29898,
29926,
651,
6513,
876,
30004,
13,
1678,
396,
30004,
13,
1678,
8260,
29889,
657,
4882,
4905,
877,
11256,
3972,
525,
29974,
449,
9170,
6075,
13,
1678,
396,
30004,
13,
1678,
8574,
6513,
353,
432,
651,
6513,
29899,
949,
6513,
29974,
29896,
29936,
444,
11828,
432,
651,
3309,
30004,
13,
1678,
5534,
17360,
6513,
29936,
6756,
13,
1678,
17360,
6513,
353,
1303,
6513,
29899,
29926,
651,
6513,
29914,
29906,
29936,
444,
17360,
3309,
30004,
13,
1678,
5534,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
2104,
13,
1678,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
29922,
29900,
29892,
29896,
29892,
29906,
29936,
835,
2302,
1134,
29871,
29896,
29892,
29906,
29892,
470,
29871,
29941,
30004,
13,
1678,
396,
29903,
29896,
29892,
29903,
29906,
29922,
29900,
29892,
29896,
29936,
444,
4559,
29871,
29896,
470,
4559,
29871,
29906,
30004,
13,
1678,
5534,
306,
29892,
29903,
2104,
13,
1678,
306,
29892,
29903,
29922,
29900,
29892,
29896,
29936,
444,
28694,
338,
29877,
689,
470,
14993,
3262,
883,
30004,
13,
1678,
396,
30004,
13,
1678,
396,
29886,
2605,
353,
714,
9170,
23097,
29914,
29926,
651,
29879,
29889,
546,
29889,
11249,
29889,
23945,
280,
29915,
2104,
13,
1678,
396,
29926,
651,
29879,
353,
5839,
280,
29889,
1359,
29898,
3150,
29898,
29886,
2605,
2483,
444,
432,
651,
29879,
639,
4559,
30004,
13,
1678,
396,
30004,
13,
30004,
13,
1678,
10944,
353,
7639,
2104,
13,
1678,
396,
30004,
13,
1678,
835,
1722,
3339,
1741,
2066,
636,
30004,
13,
1678,
396,
30004,
13,
1678,
409,
2283,
353,
1722,
29898,
1660,
416,
444,
14993,
2986,
429,
265,
1741,
934,
30004,
13,
1678,
286,
17115,
2283,
353,
1722,
29898,
29924,
29990,
29923,
416,
444,
286,
17115,
1741,
934,
30004,
13,
1678,
263,
29945,
893,
2283,
353,
1722,
29898,
29909,
29945,
1799,
416,
444,
263,
29945,
893,
1741,
934,
30004,
13,
1678,
263,
29941,
893,
2283,
353,
1722,
29898,
29909,
29941,
1799,
416,
444,
263,
29941,
893,
1741,
934,
30004,
13,
1678,
10107,
2283,
353,
1722,
29898,
3960,
416,
444,
10107,
1741,
934,
30004,
13,
1678,
396,
30004,
13,
1678,
835,
1722,
1962,
2066,
1244,
856,
30004,
13,
1678,
396,
30004,
13,
1678,
435,
29907,
29918,
344,
2283,
353,
1722,
29898,
449,
9170,
23097,
29914,
29967,
29907,
6169,
29974,
13506,
29974,
4286,
1660,
29889,
29924,
1299,
29903,
29889,
2080,
29889,
3945,
742,
525,
29893,
17822,
13,
1678,
435,
29907,
29918,
16838,
29872,
2283,
353,
1722,
29898,
449,
9170,
23097,
29914,
29967,
29907,
6169,
29974,
13506,
29974,
4286,
29924,
29990,
29923,
29889,
29924,
1299,
29903,
29889,
2080,
29889,
3945,
742,
525,
29893,
17822,
13,
1678,
435,
29907,
29918,
29874,
29945,
893,
2283,
353,
1722,
29898,
449,
9170,
23097,
29914,
29967,
29907,
6169,
29974,
13506,
29974,
4286,
29909,
29945,
1799,
29889,
29924,
1299,
29903,
29889,
2080,
29889,
3945,
742,
525,
29893,
17822,
13,
1678,
435,
29907,
29918,
29874,
29941,
893,
2283,
353,
1722,
29898,
449,
9170,
23097,
29914,
29967,
29907,
6169,
29974,
13506,
29974,
4286,
29909,
29941,
1799,
29889,
29924,
1299,
29903,
29889,
2080,
29889,
3945,
742,
525,
29893,
17822,
13,
1678,
435,
29907,
29918,
374,
2283,
353,
1722,
29898,
449,
9170,
23097,
29914,
29967,
29907,
6169,
29974,
13506,
29974,
4286,
3960,
29889,
29924,
1299,
29903,
29889,
2080,
29889,
3945,
742,
525,
29893,
17822,
13,
30004,
13,
1678,
5534,
19875,
2104,
13,
1678,
19875,
29922,
29896,
29900,
29900,
29900,
29936,
444,
304,
6210,
701,
278,
3514,
934,
9068,
30004,
13,
30004,
13,
1678,
835,
13383,
7346,
2277,
29937,
30004,
13,
1678,
444,
350,
25282,
382,
29963,
3919,
22471,
9838,
1718,
29059,
444,
30004,
13,
1678,
835,
13383,
7346,
2277,
29937,
30004,
13,
1678,
1596,
703,
8893,
292,
1741,
21503,
4314,
515,
17195,
856,
1159,
30004,
13,
1678,
5534,
409,
29892,
16838,
29872,
29892,
29874,
29945,
893,
29892,
29874,
29941,
893,
29892,
29874,
1725,
29892,
744,
29892,
374,
30004,
13,
1678,
409,
3790,
3400,
16838,
29872,
3790,
3400,
29874,
29945,
893,
3790,
3400,
29874,
29941,
893,
3790,
3400,
29874,
1725,
3790,
3400,
744,
3790,
3400,
374,
3790,
3400,
444,
29871,
29955,
21503,
4314,
30004,
13,
1678,
5534,
1178,
29918,
344,
29892,
333,
29918,
16838,
29872,
29892,
333,
29918,
29874,
29945,
893,
29892,
333,
29918,
29874,
29941,
893,
29892,
333,
29918,
29874,
1725,
29892,
333,
29918,
744,
29892,
333,
29918,
374,
30004,
13,
1678,
1178,
29918,
344,
3790,
3400,
333,
29918,
16838,
29872,
3790,
3400,
333,
29918,
29874,
29945,
893,
3790,
3400,
333,
29918,
29874,
29941,
893,
3790,
3400,
333,
29918,
29874,
1725,
3790,
3400,
333,
29918,
744,
3790,
3400,
333,
29918,
374,
3790,
29913,
2104,
13,
1678,
5534,
321,
29918,
344,
29892,
29872,
29918,
16838,
29872,
29892,
29872,
29918,
29874,
29945,
893,
29892,
29872,
29918,
29874,
29941,
893,
29892,
29872,
29918,
29874,
1725,
29892,
29872,
29918,
744,
29892,
29872,
29918,
374,
30004,
13,
1678,
321,
29918,
344,
3790,
3400,
29872,
29918,
16838,
29872,
3790,
3400,
29872,
29918,
29874,
29945,
893,
3790,
3400,
29872,
29918,
29874,
29941,
893,
3790,
3400,
29872,
29918,
29874,
1725,
3790,
3400,
29872,
29918,
744,
3790,
3400,
29872,
29918,
374,
3790,
3400,
444,
429,
787,
21503,
4314,
30004,
13,
1678,
5534,
274,
29918,
344,
29892,
29883,
29918,
16838,
29872,
29892,
29883,
29918,
29874,
29945,
893,
29892,
29883,
29918,
29874,
29941,
893,
29892,
29883,
29918,
29874,
1725,
29892,
29883,
29918,
744,
29892,
29883,
29918,
374,
30004,
13,
1678,
274,
29918,
344,
3790,
3400,
29883,
29918,
16838,
29872,
3790,
3400,
29883,
29918,
29874,
29945,
893,
3790,
3400,
29883,
29918,
29874,
29941,
893,
3790,
3400,
29883,
29918,
29874,
1725,
3790,
3400,
29883,
29918,
744,
3790,
3400,
29883,
29918,
374,
3790,
3400,
444,
2302,
21503,
4314,
30004,
13,
1678,
5534,
269,
29918,
344,
29892,
29879,
29918,
16838,
29872,
29892,
29879,
29918,
29874,
29945,
893,
29892,
29879,
29918,
29874,
29941,
893,
29892,
29879,
29918,
29874,
1725,
29892,
29879,
29918,
744,
29892,
29879,
29918,
374,
30004,
13,
1678,
269,
29918,
344,
3790,
3400,
29879,
29918,
16838,
29872,
3790,
3400,
29879,
29918,
29874,
29945,
893,
3790,
3400,
29879,
29918,
29874,
29941,
893,
3790,
3400,
29879,
29918,
29874,
1725,
3790,
3400,
29879,
29918,
744,
3790,
3400,
29879,
29918,
374,
3790,
3400,
444,
1462,
280,
9657,
29889,
11828,
3309,
310,
28694,
470,
14993,
3262,
883,
363,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
30004,
13,
1678,
396,
30004,
13,
1678,
3191,
3725,
16101,
29937,
30004,
13,
1678,
274,
29922,
29900,
29936,
268,
444,
2302,
30004,
13,
1678,
954,
1660,
29922,
29900,
29936,
444,
1353,
310,
3725,
30004,
13,
1678,
954,
1660,
29928,
786,
29922,
29900,
29936,
444,
7929,
3725,
1178,
6756,
13,
1678,
1196,
29922,
344,
2283,
29889,
949,
1220,
890,
444,
14993,
3262,
4839,
30004,
13,
1678,
363,
1196,
297,
409,
2283,
29901,
444,
1889,
14993,
2986,
429,
265,
4959,
934,
30004,
13,
418,
274,
23661,
29896,
2104,
13,
418,
4552,
353,
1196,
29889,
17010,
2141,
5451,
28909,
29873,
17822,
13,
418,
1178,
353,
938,
29898,
6146,
29961,
29900,
5691,
30004,
13,
418,
18460,
353,
4552,
29961,
29941,
1385,
6756,
13,
418,
565,
18460,
29961,
29900,
29901,
29941,
29962,
29991,
2433,
22495,
2396,
444,
1060,
2012,
310,
18460,
29990,
29892,
788,
525,
22495,
29915,
30004,
13,
4706,
18460,
353,
525,
22495,
18717,
22495,
2104,
13,
418,
851,
392,
353,
4552,
29961,
29946,
1385,
30004,
13,
418,
260,
29903,
353,
938,
29898,
6146,
29961,
29945,
5691,
260,
29923,
353,
938,
29898,
6146,
29961,
29953,
5691,
444,
3646,
429,
265,
29311,
30004,
13,
418,
318,
29903,
353,
938,
29898,
6146,
29961,
29955,
5691,
318,
29923,
353,
938,
29898,
6146,
29961,
29947,
5691,
444,
701,
5461,
429,
265,
29311,
30004,
13,
418,
270,
29903,
353,
938,
29898,
6146,
29961,
29929,
5691,
270,
29923,
353,
938,
29898,
6146,
29961,
29896,
29900,
5691,
444,
1623,
5461,
429,
265,
29311,
30004,
13,
30004,
13,
418,
260,
21515,
29922,
29873,
29923,
29899,
29873,
29903,
29936,
444,
3646,
429,
265,
3309,
30004,
13,
418,
318,
21515,
29922,
1195,
29898,
29884,
29923,
29899,
29884,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
701,
5461,
429,
265,
3309,
30004,
13,
418,
270,
21515,
29922,
1195,
29898,
29881,
29923,
29899,
29881,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
1623,
5461,
429,
265,
3309,
30004,
13,
418,
1178,
29918,
344,
29961,
333,
24927,
29901,
1642,
7122,
29898,
1958,
29898,
710,
17094,
22495,
29892,
710,
392,
29892,
29873,
29903,
29892,
29873,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
2314,
6075,
13,
418,
321,
29918,
344,
29961,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
1385,
30004,
13,
418,
274,
29918,
344,
29961,
333,
29962,
353,
679,
15514,
3981,
29879,
890,
6756,
13,
418,
306,
29918,
29900,
29922,
1375,
29898,
29873,
21515,
29892,
949,
6513,
7240,
949,
6513,
29899,
29946,
29930,
25367,
6513,
29974,
29906,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
30004,
13,
418,
317,
29918,
29900,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29896,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
30004,
13,
418,
306,
29918,
29896,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29873,
21515,
29974,
29896,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
317,
29918,
29896,
29922,
317,
29918,
29900,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
306,
29918,
29906,
29922,
29900,
29936,
317,
29918,
29906,
29922,
29900,
29936,
444,
11828,
3309,
13858,
3300,
2859,
29899,
355,
5235,
636,
451,
8762,
3447,
6756,
13,
29871,
6756,
13,
418,
269,
29918,
344,
29961,
333,
29962,
353,
5519,
29902,
29918,
29900,
29892,
29903,
29918,
29900,
16272,
29902,
29918,
29896,
29892,
29903,
29918,
29896,
16272,
29902,
29918,
29906,
29892,
29903,
29918,
29906,
19942,
444,
11828,
3309,
363,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
6756,
13,
30004,
13,
418,
2318,
353,
3464,
29898,
29884,
29903,
29914,
29812,
29892,
318,
29923,
29914,
29812,
29974,
29896,
29897,
718,
29871,
3464,
29898,
29873,
29903,
29914,
29812,
29892,
260,
29923,
29914,
29812,
29974,
29896,
29897,
718,
29871,
3464,
29898,
29881,
29903,
29914,
29812,
29892,
270,
29923,
29914,
29812,
29974,
29896,
416,
444,
6471,
445,
1741,
1033,
6852,
6756,
13,
418,
2318,
353,
1051,
29898,
842,
29898,
2972,
2483,
29871,
444,
3349,
7929,
6471,
30004,
13,
30004,
13,
418,
565,
18460,
297,
409,
29901,
444,
2307,
19356,
445,
25173,
359,
608,
30004,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
565,
474,
297,
409,
29961,
22495,
5387,
444,
445,
2318,
338,
2307,
727,
30004,
13,
9651,
565,
1178,
297,
409,
29961,
22495,
3816,
29875,
5387,
444,
451,
5517,
541,
445,
2318,
2307,
756,
278,
1178,
30004,
13,
795,
954,
1660,
29928,
786,
23661,
29896,
2104,
13,
9651,
1683,
29901,
444,
716,
3725,
3553,
30004,
13,
795,
409,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
14993,
3262,
1741,
411,
1302,
4339,
30004,
13,
795,
954,
1660,
23661,
29896,
2104,
13,
3986,
1683,
29901,
444,
716,
2318,
304,
445,
25173,
359,
608,
30004,
13,
9651,
409,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
9651,
409,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
14993,
3262,
1741,
411,
1302,
4339,
30004,
13,
9651,
954,
1660,
23661,
29896,
2104,
13,
418,
1683,
29901,
444,
937,
931,
1035,
267,
292,
445,
25173,
359,
608,
30004,
13,
4706,
409,
29961,
22495,
29962,
3790,
29913,
2104,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
409,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
3986,
409,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
14993,
3262,
1741,
411,
1302,
4339,
30004,
13,
3986,
954,
1660,
23661,
29896,
2104,
13,
1678,
396,
30004,
13,
1678,
3191,
341,
29990,
29923,
3191,
30004,
13,
1678,
274,
29922,
29900,
29936,
268,
444,
2302,
30004,
13,
1678,
954,
29924,
29990,
29923,
29922,
29900,
29936,
444,
1353,
310,
341,
29990,
29923,
30004,
13,
1678,
954,
29924,
29990,
3352,
786,
29922,
29900,
29936,
444,
7929,
341,
29990,
29923,
1178,
30004,
13,
1678,
1196,
29922,
16838,
29872,
2283,
29889,
949,
1220,
890,
444,
286,
17115,
4839,
30004,
13,
1678,
363,
1196,
297,
286,
17115,
2283,
29901,
444,
1889,
286,
17115,
4959,
934,
30004,
13,
418,
274,
23661,
29896,
2104,
13,
418,
4552,
353,
1196,
29889,
17010,
2141,
5451,
28909,
29873,
17822,
13,
418,
1178,
353,
938,
29898,
6146,
29961,
29900,
5691,
30004,
13,
418,
18460,
353,
4552,
29961,
29941,
1385,
30004,
13,
418,
565,
18460,
29961,
29900,
29901,
29941,
29962,
29991,
2433,
22495,
2396,
444,
1060,
2012,
310,
18460,
29990,
29892,
788,
525,
22495,
29915,
30004,
13,
4706,
18460,
353,
525,
22495,
18717,
22495,
2104,
13,
418,
851,
392,
353,
4552,
29961,
29946,
1385,
444,
525,
23097,
470,
17411,
29915,
30004,
13,
418,
260,
29903,
353,
938,
29898,
6146,
29961,
29945,
5691,
260,
29923,
353,
938,
29898,
6146,
29961,
29953,
5691,
444,
3646,
429,
265,
29311,
30004,
13,
418,
269,
29903,
353,
938,
29898,
6146,
29961,
29955,
5691,
269,
29923,
353,
938,
29898,
6146,
29961,
29947,
5691,
444,
1473,
429,
265,
29311,
30004,
13,
418,
565,
851,
392,
1360,
28560,
2396,
444,
8178,
851,
392,
29892,
4607,
3646,
429,
265,
322,
1473,
429,
265,
30004,
13,
4706,
260,
29903,
353,
938,
29898,
6146,
29961,
29955,
5691,
260,
29923,
353,
938,
29898,
6146,
29961,
29947,
5691,
444,
3646,
429,
265,
29311,
30004,
13,
4706,
269,
29903,
353,
938,
29898,
6146,
29961,
29945,
5691,
269,
29923,
353,
938,
29898,
6146,
29961,
29953,
5691,
444,
1473,
429,
265,
29311,
1678,
6756,
13,
418,
318,
29903,
353,
938,
29898,
6146,
29961,
29929,
5691,
318,
29923,
353,
938,
29898,
6146,
29961,
29896,
29900,
5691,
444,
701,
5461,
429,
265,
29311,
313,
13445,
645,
261,
29311,
8443,
13,
418,
270,
29903,
353,
938,
29898,
6146,
29961,
29896,
29896,
5691,
270,
29923,
353,
938,
29898,
6146,
29961,
29896,
29906,
5691,
444,
1623,
5461,
429,
265,
29311,
313,
29890,
3567,
29311,
8443,
13,
30004,
13,
418,
260,
21515,
29922,
29873,
29923,
29899,
29873,
29903,
29936,
444,
3646,
429,
265,
3309,
30004,
13,
418,
269,
21515,
29922,
29879,
29923,
29899,
29879,
29903,
29936,
444,
1473,
429,
265,
3309,
30004,
13,
418,
318,
21515,
29922,
1195,
29898,
29884,
29923,
29899,
29884,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
701,
5461,
429,
265,
3309,
30004,
13,
418,
270,
21515,
29922,
1195,
29898,
29881,
29923,
29899,
29881,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
1623,
5461,
429,
265,
3309,
30004,
13,
418,
1178,
29918,
16838,
29872,
29961,
333,
24927,
29901,
1642,
7122,
29898,
1958,
29898,
710,
17094,
22495,
29892,
710,
392,
29892,
29873,
29903,
29892,
29873,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
2314,
6075,
13,
418,
321,
29918,
16838,
29872,
29961,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
1385,
444,
3646,
29892,
1473,
29892,
701,
29892,
1623,
313,
4013,
338,
1422,
515,
278,
1881,
934,
8443,
13,
418,
274,
29918,
16838,
29872,
29961,
333,
29962,
353,
679,
15514,
3981,
29879,
14078,
13,
418,
306,
29918,
29900,
29922,
1375,
29898,
29873,
21515,
29892,
949,
6513,
7240,
949,
6513,
29899,
29946,
29930,
25367,
6513,
29974,
29906,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
30004,
13,
418,
317,
29918,
29900,
29922,
1375,
29898,
29879,
21515,
29892,
949,
6513,
7240,
949,
6513,
29899,
29946,
29930,
25367,
6513,
29974,
29906,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
30004,
13,
418,
306,
29918,
29896,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29873,
21515,
29974,
29896,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
317,
29918,
29896,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29879,
21515,
29974,
29896,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
306,
29918,
29906,
29922,
29900,
29936,
317,
29918,
29906,
29922,
29900,
29936,
444,
11828,
3309,
13858,
3300,
2859,
29899,
355,
5235,
636,
451,
8762,
3447,
30004,
13,
30004,
13,
418,
269,
29918,
16838,
29872,
29961,
333,
29962,
353,
5519,
29902,
29918,
29900,
29892,
29903,
29918,
29900,
16272,
29902,
29918,
29896,
29892,
29903,
29918,
29896,
16272,
29902,
29918,
29906,
29892,
29903,
29918,
29906,
19942,
444,
11828,
3309,
363,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
30004,
13,
30004,
13,
418,
2318,
353,
3464,
29898,
29884,
29903,
29914,
29812,
29892,
29884,
29923,
29914,
29812,
29974,
29896,
7240,
3881,
29898,
29873,
29903,
29914,
29812,
29892,
29873,
29923,
29914,
29812,
29974,
29896,
6075,
13,
418,
2318,
353,
2318,
718,
3464,
29898,
29879,
29903,
29914,
29812,
29892,
29879,
29923,
29914,
29812,
29974,
29896,
7240,
3881,
29898,
29881,
29903,
29914,
29812,
29892,
29881,
29923,
29914,
29812,
29974,
29896,
416,
2277,
6471,
445,
1741,
1033,
6852,
30004,
13,
418,
2318,
353,
1051,
29898,
842,
29898,
2972,
2483,
29871,
444,
3349,
7929,
6471,
30004,
13,
30004,
13,
418,
565,
18460,
297,
286,
17115,
29901,
444,
2307,
19356,
445,
25173,
359,
608,
30004,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
565,
474,
297,
286,
17115,
29961,
22495,
5387,
444,
445,
2318,
338,
2307,
727,
30004,
13,
9651,
565,
1178,
297,
286,
17115,
29961,
22495,
3816,
29875,
5387,
444,
451,
5517,
541,
445,
2318,
2307,
756,
278,
1178,
30004,
13,
795,
954,
29924,
29990,
3352,
786,
23661,
29896,
2104,
13,
9651,
1683,
29901,
444,
716,
341,
29990,
29923,
3553,
30004,
13,
795,
286,
17115,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
286,
17115,
1741,
411,
1302,
4339,
30004,
13,
795,
954,
29924,
29990,
29923,
4619,
29871,
29896,
2104,
13,
3986,
1683,
29901,
444,
716,
2318,
304,
445,
25173,
359,
608,
30004,
13,
9651,
286,
17115,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
9651,
286,
17115,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
286,
17115,
1741,
411,
1302,
4339,
30004,
13,
9651,
954,
29924,
29990,
29923,
4619,
29871,
29896,
2104,
13,
418,
1683,
29901,
444,
937,
931,
1035,
267,
292,
445,
25173,
359,
608,
30004,
13,
4706,
286,
17115,
29961,
22495,
29962,
3790,
29913,
2104,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
286,
17115,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
3986,
286,
17115,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29873,
29903,
29892,
29873,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
286,
17115,
1741,
411,
1302,
4339,
30004,
13,
3986,
954,
29924,
29990,
29923,
23661,
29896,
2104,
13,
1678,
396,
30004,
13,
1678,
3191,
319,
29945,
1799,
3191,
30004,
13,
1678,
274,
29922,
29900,
29936,
268,
444,
2302,
30004,
13,
1678,
954,
29909,
29945,
1799,
29922,
29900,
29936,
444,
1353,
310,
319,
29945,
1799,
30004,
13,
1678,
954,
29909,
29945,
1799,
29928,
786,
29922,
29900,
29936,
444,
7929,
319,
29945,
1799,
1178,
30004,
13,
1678,
1196,
29922,
29874,
29945,
893,
2283,
29889,
949,
1220,
890,
444,
14993,
3262,
4839,
30004,
13,
1678,
363,
1196,
297,
263,
29945,
893,
2283,
29901,
444,
1889,
263,
29945,
893,
4959,
934,
30004,
13,
418,
274,
23661,
29896,
2104,
13,
418,
4552,
353,
1196,
29889,
17010,
2141,
5451,
28909,
29873,
17822,
13,
418,
1178,
353,
938,
29898,
6146,
29961,
29900,
5691,
30004,
13,
418,
18460,
353,
4552,
29961,
29941,
1385,
30004,
13,
418,
565,
18460,
29961,
29900,
29901,
29941,
29962,
29991,
2433,
22495,
2396,
444,
1060,
2012,
310,
18460,
29990,
29892,
788,
525,
22495,
29915,
30004,
13,
4706,
18460,
353,
525,
22495,
18717,
22495,
2104,
13,
418,
851,
392,
353,
4552,
29961,
29946,
1385,
30004,
13,
418,
301,
29903,
353,
938,
29898,
6146,
29961,
29945,
5691,
301,
29923,
353,
938,
29898,
6146,
29961,
29953,
5691,
444,
1472,
429,
265,
29311,
30004,
13,
418,
269,
29903,
353,
938,
29898,
6146,
29961,
29955,
5691,
269,
29923,
353,
938,
29898,
6146,
29961,
29947,
5691,
444,
3273,
429,
265,
29311,
30004,
13,
418,
285,
29903,
353,
938,
29898,
6146,
29961,
29929,
5691,
285,
29923,
353,
938,
29898,
6146,
29961,
29896,
29900,
5691,
444,
1652,
804,
292,
429,
265,
29311,
30004,
13,
30004,
13,
418,
301,
21515,
29922,
1195,
29898,
29880,
29923,
29899,
29880,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
1472,
429,
265,
3309,
30004,
13,
418,
269,
21515,
29922,
1195,
29898,
29879,
29923,
29899,
29879,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
3273,
429,
265,
3309,
30004,
13,
418,
285,
21515,
29922,
1195,
29898,
29888,
29923,
29899,
29888,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
1652,
804,
292,
429,
265,
3309,
30004,
13,
418,
263,
21515,
29922,
29880,
29923,
29899,
29880,
29903,
17722,
29879,
29923,
29899,
29879,
29903,
416,
444,
8671,
5886,
5120,
3309,
30004,
13,
418,
1178,
29918,
29874,
29945,
893,
29961,
333,
24927,
29901,
1642,
7122,
29898,
1958,
29898,
710,
17094,
22495,
29892,
710,
392,
29892,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
2314,
6075,
13,
418,
321,
29918,
29874,
29945,
893,
29961,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
1385,
30004,
13,
418,
274,
29918,
29874,
29945,
893,
29961,
333,
29962,
353,
679,
15514,
3981,
29879,
14078,
13,
418,
306,
29918,
29900,
29922,
1375,
29898,
29874,
21515,
29892,
949,
6513,
7240,
949,
6513,
29899,
29946,
29930,
25367,
6513,
29974,
29906,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
30004,
13,
418,
317,
29918,
29900,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29896,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
30004,
13,
418,
306,
29918,
29896,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29874,
21515,
29974,
29896,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
317,
29918,
29896,
29922,
317,
29918,
29900,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
306,
29918,
29906,
29922,
29900,
29936,
317,
29918,
29906,
29922,
29900,
29936,
444,
11828,
3309,
13858,
3300,
2859,
29899,
355,
5235,
636,
451,
8762,
3447,
30004,
13,
30004,
13,
418,
269,
29918,
29874,
29945,
893,
29961,
333,
29962,
353,
5519,
29902,
29918,
29900,
29892,
29903,
29918,
29900,
16272,
29902,
29918,
29896,
29892,
29903,
29918,
29896,
16272,
29902,
29918,
29906,
29892,
29903,
29918,
29906,
19942,
444,
11828,
3309,
363,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
30004,
13,
30004,
13,
418,
2318,
353,
3464,
29898,
29880,
29903,
29914,
29812,
29892,
301,
29923,
29914,
29812,
29974,
29896,
29897,
718,
3464,
29898,
29888,
29903,
29914,
29812,
29892,
285,
29923,
29914,
29812,
29974,
29896,
416,
444,
6471,
445,
1741,
1033,
6852,
30004,
13,
418,
2318,
353,
1051,
29898,
842,
29898,
2972,
2483,
29871,
444,
3349,
7929,
6471,
30004,
13,
30004,
13,
418,
565,
18460,
297,
263,
29945,
893,
29901,
444,
2307,
19356,
445,
25173,
359,
608,
30004,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
565,
474,
297,
263,
29945,
893,
29961,
22495,
5387,
444,
445,
2318,
338,
2307,
727,
30004,
13,
9651,
565,
1178,
297,
263,
29945,
893,
29961,
22495,
3816,
29875,
5387,
444,
451,
5517,
541,
445,
2318,
2307,
756,
278,
1178,
30004,
13,
795,
954,
29909,
29945,
1799,
29928,
786,
23661,
29896,
2104,
13,
9651,
1683,
29901,
444,
716,
319,
29945,
1799,
3553,
30004,
13,
795,
263,
29945,
893,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
29892,
710,
392,
1385,
444,
263,
29945,
893,
1741,
411,
1302,
4339,
30004,
13,
795,
954,
29909,
29945,
1799,
23661,
29896,
2104,
13,
3986,
1683,
29901,
444,
716,
2318,
304,
445,
25173,
359,
608,
30004,
13,
9651,
263,
29945,
893,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
9651,
263,
29945,
893,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
29892,
710,
392,
1385,
444,
263,
29945,
893,
1741,
411,
1302,
4339,
30004,
13,
9651,
954,
29909,
29945,
1799,
23661,
29896,
2104,
13,
418,
1683,
29901,
444,
937,
931,
1035,
267,
292,
445,
25173,
359,
608,
30004,
13,
4706,
263,
29945,
893,
29961,
22495,
29962,
3790,
29913,
2104,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
263,
29945,
893,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
3986,
263,
29945,
893,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
29892,
710,
392,
1385,
444,
263,
29945,
893,
1741,
411,
1302,
4339,
30004,
13,
3986,
954,
29909,
29945,
1799,
23661,
29896,
2104,
13,
1678,
396,
30004,
13,
1678,
835,
319,
29941,
1799,
3191,
30004,
13,
1678,
274,
29922,
29900,
29936,
268,
444,
2302,
30004,
13,
1678,
954,
29909,
29941,
1799,
29922,
29900,
29936,
444,
1353,
310,
319,
29941,
1799,
30004,
13,
1678,
954,
29909,
29941,
1799,
29928,
786,
29922,
29900,
29936,
444,
7929,
319,
29941,
1799,
1178,
30004,
13,
1678,
1196,
29922,
29874,
29941,
893,
2283,
29889,
949,
1220,
890,
444,
14993,
3262,
4839,
30004,
13,
1678,
363,
1196,
297,
263,
29941,
893,
2283,
29901,
444,
1889,
263,
29941,
893,
4959,
934,
30004,
13,
418,
274,
23661,
29896,
2104,
13,
418,
4552,
353,
1196,
29889,
17010,
2141,
5451,
28909,
29873,
17822,
13,
418,
1178,
353,
938,
29898,
6146,
29961,
29900,
5691,
30004,
13,
418,
18460,
353,
4552,
29961,
29941,
1385,
30004,
13,
418,
565,
18460,
29961,
29900,
29901,
29941,
29962,
29991,
2433,
22495,
2396,
444,
1060,
2012,
310,
18460,
29990,
29892,
788,
525,
22495,
29915,
30004,
13,
4706,
18460,
353,
525,
22495,
18717,
22495,
2104,
13,
418,
851,
392,
353,
4552,
29961,
29946,
1385,
30004,
13,
418,
301,
29903,
353,
938,
29898,
6146,
29961,
29945,
5691,
301,
29923,
353,
938,
29898,
6146,
29961,
29953,
5691,
444,
1472,
429,
265,
29311,
30004,
13,
418,
269,
29903,
353,
938,
29898,
6146,
29961,
29955,
5691,
269,
29923,
353,
938,
29898,
6146,
29961,
29947,
5691,
444,
3273,
429,
265,
29311,
30004,
13,
418,
285,
29903,
353,
938,
29898,
6146,
29961,
29929,
5691,
285,
29923,
353,
938,
29898,
6146,
29961,
29896,
29900,
5691,
444,
1652,
804,
292,
429,
265,
29311,
30004,
13,
30004,
13,
418,
301,
21515,
29922,
1195,
29898,
29880,
29923,
29899,
29880,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
1472,
429,
265,
3309,
30004,
13,
418,
269,
21515,
29922,
1195,
29898,
29879,
29923,
29899,
29879,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
3273,
429,
265,
3309,
30004,
13,
418,
285,
21515,
29922,
1195,
29898,
29888,
29923,
29899,
29888,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
1652,
804,
292,
429,
265,
3309,
30004,
13,
418,
263,
21515,
29922,
29880,
29923,
29899,
29880,
29903,
17722,
29879,
29923,
29899,
29879,
29903,
416,
444,
8671,
5886,
5120,
3309,
30004,
13,
418,
1178,
29918,
29874,
29941,
893,
29961,
333,
24927,
29901,
1642,
7122,
29898,
1958,
29898,
710,
17094,
22495,
29892,
710,
392,
29892,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
2314,
6075,
13,
418,
321,
29918,
29874,
29941,
893,
29961,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
1385,
30004,
13,
418,
274,
29918,
29874,
29941,
893,
29961,
333,
29962,
353,
679,
15514,
3981,
29879,
14078,
13,
418,
306,
29918,
29900,
29922,
1375,
29898,
29874,
21515,
29892,
949,
6513,
7240,
949,
6513,
29899,
29946,
29930,
25367,
6513,
29974,
29906,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
30004,
13,
418,
317,
29918,
29900,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29896,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
30004,
13,
418,
306,
29918,
29896,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29874,
21515,
29974,
29896,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
317,
29918,
29896,
29922,
317,
29918,
29900,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
306,
29918,
29906,
29922,
29900,
29936,
317,
29918,
29906,
29922,
29900,
29936,
444,
11828,
3309,
13858,
3300,
2859,
29899,
355,
5235,
636,
451,
8762,
3447,
30004,
13,
30004,
13,
418,
269,
29918,
29874,
29941,
893,
29961,
333,
29962,
353,
5519,
29902,
29918,
29900,
29892,
29903,
29918,
29900,
16272,
29902,
29918,
29896,
29892,
29903,
29918,
29896,
16272,
29902,
29918,
29906,
29892,
29903,
29918,
29906,
19942,
444,
11828,
3309,
363,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
30004,
13,
30004,
13,
418,
2318,
353,
3464,
29898,
29880,
29903,
29914,
29812,
29892,
301,
29923,
29914,
29812,
29974,
29896,
29897,
718,
3464,
29898,
29888,
29903,
29914,
29812,
29892,
285,
29923,
29914,
29812,
29974,
29896,
416,
444,
6471,
445,
1741,
1033,
6852,
30004,
13,
418,
2318,
353,
1051,
29898,
842,
29898,
2972,
2483,
29871,
444,
3349,
7929,
6471,
30004,
13,
30004,
13,
418,
565,
18460,
297,
263,
29941,
893,
29901,
444,
2307,
19356,
445,
25173,
359,
608,
30004,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
565,
474,
297,
263,
29941,
893,
29961,
22495,
5387,
444,
445,
2318,
338,
2307,
727,
30004,
13,
9651,
565,
1178,
297,
263,
29941,
893,
29961,
22495,
3816,
29875,
5387,
444,
451,
5517,
541,
445,
2318,
2307,
756,
278,
1178,
30004,
13,
795,
954,
29909,
29941,
1799,
29928,
786,
23661,
29896,
2104,
13,
9651,
1683,
29901,
444,
716,
319,
29941,
1799,
3553,
30004,
13,
795,
263,
29941,
893,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
29892,
710,
392,
1385,
444,
263,
29941,
893,
1741,
411,
1302,
4339,
30004,
13,
795,
954,
29909,
29941,
1799,
23661,
29896,
2104,
13,
3986,
1683,
29901,
444,
716,
2318,
304,
445,
25173,
359,
608,
30004,
13,
9651,
263,
29941,
893,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
9651,
263,
29941,
893,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
29892,
710,
392,
1385,
444,
263,
29941,
893,
1741,
411,
1302,
4339,
30004,
13,
9651,
954,
29909,
29941,
1799,
23661,
29896,
2104,
13,
418,
1683,
29901,
444,
937,
931,
1035,
267,
292,
445,
25173,
359,
608,
30004,
13,
4706,
263,
29941,
893,
29961,
22495,
29962,
3790,
29913,
2104,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
263,
29941,
893,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
3986,
263,
29941,
893,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29880,
29903,
29892,
29880,
29923,
29892,
29879,
29903,
29892,
29879,
29923,
29892,
29888,
29903,
29892,
29888,
29923,
29892,
710,
392,
1385,
444,
263,
29941,
893,
1741,
411,
1302,
4339,
30004,
13,
3986,
954,
29909,
29941,
1799,
23661,
29896,
2104,
13,
1678,
396,
30004,
13,
1678,
3191,
390,
29902,
3191,
30004,
13,
1678,
274,
29922,
29900,
29936,
268,
444,
2302,
30004,
13,
1678,
954,
3960,
29922,
29900,
29936,
444,
1353,
310,
390,
29902,
30004,
13,
1678,
954,
29934,
1367,
786,
29922,
29900,
29936,
444,
7929,
390,
29902,
1178,
30004,
13,
1678,
1196,
29922,
374,
2283,
29889,
949,
1220,
890,
444,
14993,
3262,
4839,
30004,
13,
1678,
363,
1196,
297,
10107,
2283,
29901,
444,
1889,
10107,
4959,
934,
30004,
13,
418,
274,
23661,
29896,
2104,
13,
418,
4552,
353,
1196,
29889,
17010,
2141,
5451,
28909,
29873,
17822,
13,
418,
1178,
353,
938,
29898,
6146,
29961,
29900,
5691,
30004,
13,
418,
18460,
353,
4552,
29961,
29941,
1385,
30004,
13,
418,
565,
18460,
29961,
29900,
29901,
29941,
29962,
29991,
2433,
22495,
2396,
444,
1060,
2012,
310,
18460,
29990,
29892,
788,
525,
22495,
29915,
30004,
13,
4706,
18460,
353,
525,
22495,
18717,
22495,
2104,
13,
418,
851,
392,
353,
4552,
29961,
29946,
1385,
30004,
13,
418,
364,
29903,
353,
938,
29898,
6146,
29961,
29945,
5691,
364,
29923,
353,
938,
29898,
6146,
29961,
29953,
5691,
444,
10107,
429,
265,
29311,
313,
18271,
701,
29899,
322,
1623,
29899,
5461,
429,
787,
8443,
13,
418,
318,
29903,
353,
938,
29898,
6146,
29961,
29955,
5691,
318,
29923,
353,
938,
29898,
6146,
29961,
29947,
5691,
444,
701,
5461,
429,
265,
29311,
30004,
13,
418,
270,
29903,
353,
938,
29898,
6146,
29961,
29929,
5691,
270,
29923,
353,
938,
29898,
6146,
29961,
29896,
29900,
5691,
444,
1623,
5461,
429,
265,
29311,
30004,
13,
30004,
13,
418,
318,
21515,
29922,
1195,
29898,
29884,
29923,
29899,
29884,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
701,
5461,
429,
265,
3309,
30004,
13,
418,
270,
21515,
29922,
1195,
29898,
29881,
29923,
29899,
29881,
29903,
29892,
29926,
651,
6513,
29914,
29906,
416,
444,
1623,
5461,
429,
265,
3309,
30004,
13,
418,
10107,
21515,
29922,
29878,
29923,
29899,
29878,
29903,
17722,
29884,
29923,
29899,
29884,
29903,
6817,
29898,
29881,
29923,
29899,
29881,
29903,
416,
444,
26060,
429,
265,
3309,
30004,
13,
418,
1178,
29918,
374,
29961,
333,
24927,
29901,
1642,
7122,
29898,
1958,
29898,
710,
17094,
22495,
29892,
710,
392,
29892,
29878,
29903,
29892,
29878,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
2314,
6075,
13,
418,
321,
29918,
374,
29961,
333,
29962,
353,
518,
29878,
29903,
29892,
29878,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
1385,
444,
10107,
1741,
411,
29311,
30004,
13,
418,
274,
29918,
374,
29961,
333,
29962,
353,
679,
15514,
3981,
29879,
14078,
13,
418,
306,
29918,
29900,
29922,
1375,
29898,
374,
21515,
29892,
949,
6513,
7240,
949,
6513,
29899,
29946,
29930,
25367,
6513,
29974,
29906,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
30004,
13,
418,
317,
29918,
29900,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
29896,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
30004,
13,
418,
306,
29918,
29896,
29922,
1303,
6513,
29899,
29906,
29930,
25367,
6513,
29974,
374,
21515,
29974,
29896,
29936,
444,
11828,
28694,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
317,
29918,
29896,
29922,
317,
29918,
29900,
29936,
444,
11828,
14993,
3262,
883,
3309,
363,
435,
29907,
29974,
949,
29879,
373,
3646,
30004,
13,
418,
306,
29918,
29906,
29922,
29900,
29936,
317,
29918,
29906,
29922,
29900,
29936,
444,
11828,
3309,
13858,
3300,
2859,
29899,
355,
5235,
636,
451,
8762,
3447,
30004,
13,
30004,
13,
418,
269,
29918,
374,
29961,
333,
29962,
353,
5519,
29902,
29918,
29900,
29892,
29903,
29918,
29900,
16272,
29902,
29918,
29896,
29892,
29903,
29918,
29896,
16272,
29902,
29918,
29906,
29892,
29903,
29918,
29906,
19942,
444,
11828,
3309,
363,
26637,
29896,
29892,
1783,
29906,
29892,
1783,
29941,
30004,
13,
30004,
13,
418,
2318,
353,
3464,
29898,
29878,
29903,
29914,
29812,
29892,
364,
29923,
29914,
29812,
29974,
29896,
416,
444,
6471,
445,
1741,
1033,
6852,
30004,
13,
418,
2318,
353,
1051,
29898,
842,
29898,
2972,
2483,
29871,
444,
3349,
7929,
6471,
30004,
13,
30004,
13,
418,
565,
18460,
297,
10107,
29901,
444,
2307,
19356,
445,
25173,
359,
608,
30004,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
565,
474,
297,
10107,
29961,
22495,
5387,
444,
445,
2318,
338,
2307,
727,
30004,
13,
9651,
565,
1178,
297,
10107,
29961,
22495,
3816,
29875,
5387,
444,
451,
5517,
541,
445,
2318,
2307,
756,
278,
1178,
30004,
13,
795,
954,
29934,
1367,
786,
23661,
29896,
2104,
13,
9651,
1683,
29901,
444,
716,
390,
29902,
3553,
30004,
13,
795,
10107,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29878,
29903,
29892,
29878,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
10107,
1741,
411,
29311,
30004,
13,
795,
954,
3960,
23661,
29896,
2104,
13,
3986,
1683,
29901,
444,
716,
2318,
304,
445,
25173,
359,
608,
30004,
13,
9651,
10107,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
9651,
10107,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29878,
29903,
29892,
29878,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
10107,
1741,
411,
29311,
30004,
13,
9651,
954,
3960,
23661,
29896,
2104,
13,
418,
1683,
29901,
444,
937,
931,
1035,
267,
292,
445,
25173,
359,
608,
30004,
13,
4706,
10107,
29961,
22495,
29962,
3790,
29913,
2104,
13,
4706,
363,
474,
297,
2318,
29901,
444,
363,
1269,
1950,
2318,
30004,
13,
3986,
10107,
29961,
22495,
3816,
29875,
29962,
3790,
29913,
2104,
13,
3986,
10107,
29961,
22495,
3816,
29875,
3816,
333,
29962,
353,
518,
29878,
29903,
29892,
29878,
29923,
29892,
29884,
29903,
29892,
29884,
29923,
29892,
29881,
29903,
29892,
29881,
29923,
29892,
710,
392,
1385,
444,
10107,
1741,
411,
29311,
30004,
13,
3986,
954,
3960,
23661,
29896,
2104,
13,
30004,
13,
1678,
1596,
703,
3981,
292,
7523,
29879,
856,
1159,
30004,
13,
1678,
835,
13383,
13383,
29937,
30004,
13,
1678,
444,
19509,
278,
21248,
3168,
444,
30004,
13,
1678,
835,
13383,
13383,
29937,
30004,
13,
1678,
396,
361,
848,
1542,
26359,
11014,
4013,
2831,
10454,
1115,
444,
1246,
3300,
2859,
636,
30004,
13,
418,
396,
21027,
29889,
8382,
703,
4763,
9068,
4559,
29918,
29896,
29901,
1273,
29879,
29908,
1273,
2967,
29918,
29896,
6075,
13,
418,
396,
5014,
17708,
29918,
4162,
29898,
2080,
29918,
1445,
29892,
29871,
29955,
29906,
29892,
29871,
29953,
29900,
6075,
13,
1678,
565,
4303,
1542,
1360,
29915,
1341,
29899,
348,
710,
392,
287,
2396,
444,
443,
710,
392,
287,
636,
30004,
13,
418,
1889,
17708,
29898,
2080,
29918,
1445,
6075,
13,
1678,
25342,
4303,
1542,
1360,
29915,
1341,
29899,
4102,
710,
392,
2396,
444,
937,
851,
392,
636,
30004,
13,
418,
1889,
17708,
29918,
710,
392,
287,
29898,
2080,
29918,
1445,
29892,
1272,
1542,
5501,
4102,
1495,
30004,
13,
1678,
25342,
4303,
1542,
1360,
29915,
1341,
29899,
7496,
710,
392,
2396,
444,
1473,
851,
392,
636,
30004,
13,
418,
1889,
17708,
29918,
710,
392,
287,
29898,
2080,
29918,
1445,
29892,
1272,
1542,
5501,
7496,
1495,
30004,
13,
1678,
835,
30004,
13,
30004,
13,
1678,
1596,
703,
29956,
768,
292,
10604,
856,
1159,
30004,
13,
1678,
835,
13383,
13383,
2277,
29937,
30004,
13,
1678,
444,
28676,
714,
278,
364,
29924,
1299,
29903,
1881,
934,
444,
30004,
13,
1678,
835,
13383,
13383,
2277,
29937,
30004,
13,
1678,
4839,
353,
525,
1367,
29898,
22495,
29901,
710,
392,
29901,
1660,
29918,
29879,
29901,
1660,
29918,
29872,
29901,
4897,
29918,
29879,
29901,
4897,
29918,
29872,
29901,
28307,
29918,
29879,
29901,
28307,
29918,
29872,
2144,
29873,
2965,
29918,
18717,
3188,
29974,
12764,
29873,
7187,
29918,
18717,
3188,
29974,
12764,
29873,
797,
29883,
2500,
21515,
29905,
29873,
15797,
666,
2500,
21515,
29915,
2104,
13,
1678,
396,
30004,
13,
1678,
444,
3725,
444,
30004,
13,
1678,
2436,
4290,
2283,
29906,
29898,
6672,
29892,
29967,
29907,
29918,
344,
2283,
29892,
333,
29918,
344,
29892,
29883,
29918,
344,
29892,
29879,
29918,
344,
6075,
13,
1678,
444,
341,
29990,
29923,
444,
30004,
13,
1678,
2436,
4290,
2283,
29906,
29898,
6672,
29892,
29967,
29907,
29918,
16838,
29872,
2283,
29892,
333,
29918,
16838,
29872,
29892,
29883,
29918,
16838,
29872,
29892,
29879,
29918,
16838,
29872,
6075,
13,
1678,
444,
319,
29945,
1799,
444,
856,
30004,
13,
1678,
2436,
4290,
2283,
29906,
29898,
6672,
29892,
29967,
29907,
29918,
29874,
29945,
893,
2283,
29892,
333,
29918,
29874,
29945,
893,
29892,
29883,
29918,
29874,
29945,
893,
29892,
29879,
29918,
29874,
29945,
893,
6075,
13,
1678,
444,
319,
29941,
1799,
444,
856,
30004,
13,
1678,
2436,
4290,
2283,
29906,
29898,
6672,
29892,
29967,
29907,
29918,
29874,
29941,
893,
2283,
29892,
333,
29918,
29874,
29941,
893,
29892,
29883,
29918,
29874,
29941,
893,
29892,
29879,
29918,
29874,
29941,
893,
6075,
13,
1678,
444,
390,
29902,
444,
30004,
13,
1678,
2436,
4290,
2283,
29906,
29898,
6672,
29892,
29967,
29907,
29918,
374,
2283,
29892,
333,
29918,
374,
29892,
29883,
29918,
374,
29892,
29879,
29918,
374,
6075,
13,
1678,
396,
30004,
13,
1678,
1596,
703,
25632,
29991,
1159,
30004,
13,
1678,
3191,
3802,
599,
2066,
1244,
835,
4136,
2277,
29937,
30004,
13,
1678,
409,
2283,
29889,
5358,
26471,
13,
1678,
286,
17115,
2283,
29889,
5358,
26471,
13,
1678,
263,
29945,
893,
2283,
29889,
5358,
26471,
13,
1678,
263,
29941,
893,
2283,
29889,
5358,
26471,
13,
1678,
10107,
2283,
29889,
5358,
26471,
13,
1678,
396,
30004,
13,
1678,
435,
29907,
29918,
344,
2283,
29889,
5358,
26471,
13,
1678,
435,
29907,
29918,
16838,
29872,
2283,
29889,
5358,
26471,
13,
1678,
435,
29907,
29918,
29874,
29945,
893,
2283,
29889,
5358,
26471,
13,
1678,
435,
29907,
29918,
29874,
29941,
893,
2283,
29889,
5358,
26471,
13,
1678,
435,
29907,
29918,
374,
2283,
29889,
5358,
26471,
13,
1678,
396,
30004,
13,
1678,
10876,
29889,
13322,
29898,
29900,
6075,
13,
1678,
396,
30004,
13,
30004,
13,
30004,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
30004,
13,
259,
1667,
26471,
13,
2
] |
util.py | asahi417/VAE | 9 | 74889 | import logging
import os
import numpy as np
import tensorflow as tf
import sys
def create_log(name):
"""Logging."""
if os.path.exists(name):
os.remove(name)
logger = logging.getLogger(name)
logger.setLevel(logging.DEBUG)
# handler for logger file
handler1 = logging.FileHandler(name)
handler1.setFormatter(logging.Formatter("H1, %(asctime)s %(levelname)8s %(message)s"))
# handler for standard output
handler2 = logging.StreamHandler()
handler2.setFormatter(logging.Formatter("H1, %(asctime)s %(levelname)8s %(message)s"))
logger.addHandler(handler1)
logger.addHandler(handler2)
return logger
def mnist_loader():
from tensorflow.contrib.learn.python.learn.datasets.mnist import read_data_sets
mnist = read_data_sets('MNIST_data', one_hot=True)
n_sample = mnist.train.num_examples
return mnist, n_sample
def shape_2d(_x, batch_size):
_x = _x.reshape(batch_size, 28, 28)
return np.expand_dims(_x, 3)
def mnist_train(model, epoch, save_path="./", mode="supervised", input_image=True):
""" Train model based on mini-batch of input data.
:param model:
:param epoch:
:param save_path:
:param mode: conditional, supervised, unsupervised
:param input_image: True if use CNN for top of the model
:return:
"""
# load mnist
data, n = mnist_loader()
n_iter = int(n / model.batch_size)
# logger
if not os.path.exists(save_path):
os.mkdir(save_path)
logger = create_log(save_path+"log")
logger.info("train: data size(%i), batch num(%i), batch size(%i)" % (n, n_iter, model.batch_size))
result = []
# Initializing the tensor flow variables
model.sess.run(tf.global_variables_initializer())
for _e in range(epoch):
_result = []
for _b in range(n_iter):
# train
_x, _y = data.train.next_batch(model.batch_size)
_x = shape_2d(_x, model.batch_size) if input_image else _x
if mode in ["conditional", "unsupervised"]: # conditional unsupervised model
feed_val = [model.summary, model.loss, model.re_loss, model.latent_loss, model.train]
feed_dict = {model.x: _x, model.y: _y} if mode == "conditional" else {model.x: _x}
summary, loss, re_loss, latent_loss, _ = model.sess.run(feed_val, feed_dict=feed_dict)
__result = [loss, re_loss, latent_loss]
elif mode == "supervised": # supervised model
feed_val = [model.summary, model.loss, model.accuracy, model.train]
feed_dict = {model.x: _x, model.y: _y, model.is_training: True}
summary, loss, acc, _ = model.sess.run(feed_val, feed_dict=feed_dict)
__result = [loss, acc]
else:
sys.exit("unknown mode !")
_result.append(__result)
model.writer.add_summary(summary, int(_b + _e * model.batch_size))
# validation
if mode == "supervised": # supervised model
_x = shape_2d(data.test.images, data.test.num_examples) if input_image else data.test.image
_y = data.test.labels
feed_dict = {model.x: _x, model.y: _y, model.is_training: False}
loss, acc = model.sess.run([model.loss, model.accuracy], feed_dict=feed_dict)
_result = np.append(np.mean(_result, 0), [loss, acc])
logger.info("epoch %i: acc %0.3f, loss %0.3f, train acc %0.3f, train loss %0.3f"
% (_e, acc, loss, _result[1], _result[0]))
else:
_result = np.mean(_result, 0)
logger.info("epoch %i: loss %0.3f, re loss %0.3f, latent loss %0.3f"
% (_e, _result[0], _result[1], _result[2]))
result.append(_result)
if _e % 50 == 0:
model.saver.save(model.sess, "%s/progress-%i-model.ckpt" % (save_path, _e))
np.savez("%s/progress-%i-acc.npz" % (save_path, _e), loss=np.array(result),
learning_rate=model.learning_rate, epoch=epoch, batch_size=model.batch_size,
clip=model.max_grad_norm)
model.saver.save(model.sess, "%s/model.ckpt" % save_path)
np.savez("%s/acc.npz" % save_path, loss=np.array(result), learning_rate=model.learning_rate, epoch=epoch,
batch_size=model.batch_size, clip=model.max_grad_norm)
| [
1,
1053,
12183,
13,
5215,
2897,
13,
5215,
12655,
408,
7442,
13,
5215,
26110,
408,
15886,
13,
5215,
10876,
13,
13,
13,
1753,
1653,
29918,
1188,
29898,
978,
1125,
13,
1678,
9995,
3403,
3460,
1213,
15945,
13,
1678,
565,
2897,
29889,
2084,
29889,
9933,
29898,
978,
1125,
13,
4706,
2897,
29889,
5992,
29898,
978,
29897,
13,
1678,
17927,
353,
12183,
29889,
657,
16363,
29898,
978,
29897,
13,
1678,
17927,
29889,
842,
10108,
29898,
21027,
29889,
18525,
29897,
13,
1678,
396,
7834,
363,
17927,
934,
13,
1678,
7834,
29896,
353,
12183,
29889,
2283,
4598,
29898,
978,
29897,
13,
1678,
7834,
29896,
29889,
842,
18522,
29898,
21027,
29889,
18522,
703,
29950,
29896,
29892,
1273,
29898,
294,
312,
603,
29897,
29879,
1273,
29898,
5563,
978,
29897,
29947,
29879,
1273,
29898,
4906,
29897,
29879,
5783,
13,
1678,
396,
7834,
363,
3918,
1962,
13,
1678,
7834,
29906,
353,
12183,
29889,
3835,
4598,
580,
13,
1678,
7834,
29906,
29889,
842,
18522,
29898,
21027,
29889,
18522,
703,
29950,
29896,
29892,
1273,
29898,
294,
312,
603,
29897,
29879,
1273,
29898,
5563,
978,
29897,
29947,
29879,
1273,
29898,
4906,
29897,
29879,
5783,
13,
1678,
17927,
29889,
1202,
4598,
29898,
13789,
29896,
29897,
13,
1678,
17927,
29889,
1202,
4598,
29898,
13789,
29906,
29897,
13,
1678,
736,
17927,
13,
13,
13,
1753,
28597,
391,
29918,
12657,
7295,
13,
1678,
515,
26110,
29889,
21570,
29889,
19668,
29889,
4691,
29889,
19668,
29889,
14538,
1691,
29889,
23521,
391,
1053,
1303,
29918,
1272,
29918,
7224,
13,
1678,
28597,
391,
353,
1303,
29918,
1272,
29918,
7224,
877,
29924,
29940,
9047,
29918,
1272,
742,
697,
29918,
8711,
29922,
5574,
29897,
13,
1678,
302,
29918,
11249,
353,
28597,
391,
29889,
14968,
29889,
1949,
29918,
19057,
13,
1678,
736,
28597,
391,
29892,
302,
29918,
11249,
13,
13,
13,
1753,
8267,
29918,
29906,
29881,
7373,
29916,
29892,
9853,
29918,
2311,
1125,
13,
1678,
903,
29916,
353,
903,
29916,
29889,
690,
14443,
29898,
16175,
29918,
2311,
29892,
29871,
29906,
29947,
29892,
29871,
29906,
29947,
29897,
13,
1678,
736,
7442,
29889,
18837,
29918,
6229,
29879,
7373,
29916,
29892,
29871,
29941,
29897,
13,
13,
13,
1753,
28597,
391,
29918,
14968,
29898,
4299,
29892,
21502,
305,
29892,
4078,
29918,
2084,
543,
6904,
613,
4464,
543,
9136,
11292,
613,
1881,
29918,
3027,
29922,
5574,
1125,
13,
1678,
9995,
28186,
1904,
2729,
373,
20629,
29899,
16175,
310,
1881,
848,
29889,
13,
13,
1678,
584,
3207,
1904,
29901,
13,
1678,
584,
3207,
21502,
305,
29901,
13,
1678,
584,
3207,
4078,
29918,
2084,
29901,
13,
1678,
584,
3207,
4464,
29901,
15047,
29892,
2428,
11292,
29892,
443,
9136,
11292,
13,
1678,
584,
3207,
1881,
29918,
3027,
29901,
5852,
565,
671,
29696,
363,
2246,
310,
278,
1904,
13,
1678,
584,
2457,
29901,
13,
1678,
9995,
13,
1678,
396,
2254,
28597,
391,
13,
1678,
848,
29892,
302,
353,
28597,
391,
29918,
12657,
580,
13,
1678,
302,
29918,
1524,
353,
938,
29898,
29876,
847,
1904,
29889,
16175,
29918,
2311,
29897,
13,
1678,
396,
17927,
13,
1678,
565,
451,
2897,
29889,
2084,
29889,
9933,
29898,
7620,
29918,
2084,
1125,
13,
4706,
2897,
29889,
11256,
3972,
29898,
7620,
29918,
2084,
29897,
13,
1678,
17927,
353,
1653,
29918,
1188,
29898,
7620,
29918,
2084,
13578,
1188,
1159,
13,
1678,
17927,
29889,
3888,
703,
14968,
29901,
848,
2159,
29414,
29875,
511,
9853,
954,
29414,
29875,
511,
9853,
2159,
29414,
29875,
5513,
1273,
313,
29876,
29892,
302,
29918,
1524,
29892,
1904,
29889,
16175,
29918,
2311,
876,
13,
1678,
1121,
353,
5159,
13,
1678,
396,
17250,
5281,
278,
12489,
4972,
3651,
13,
1678,
1904,
29889,
29879,
404,
29889,
3389,
29898,
13264,
29889,
10945,
29918,
20897,
29918,
11228,
3950,
3101,
13,
1678,
363,
903,
29872,
297,
3464,
29898,
1022,
2878,
1125,
13,
4706,
903,
2914,
353,
5159,
13,
4706,
363,
903,
29890,
297,
3464,
29898,
29876,
29918,
1524,
1125,
13,
9651,
396,
7945,
13,
9651,
903,
29916,
29892,
903,
29891,
353,
848,
29889,
14968,
29889,
4622,
29918,
16175,
29898,
4299,
29889,
16175,
29918,
2311,
29897,
13,
9651,
903,
29916,
353,
8267,
29918,
29906,
29881,
7373,
29916,
29892,
1904,
29889,
16175,
29918,
2311,
29897,
565,
1881,
29918,
3027,
1683,
903,
29916,
13,
13,
9651,
565,
4464,
297,
6796,
1116,
3245,
613,
376,
348,
9136,
11292,
3108,
29901,
29871,
396,
15047,
443,
9136,
11292,
1904,
13,
18884,
8343,
29918,
791,
353,
518,
4299,
29889,
7727,
29892,
1904,
29889,
6758,
29892,
1904,
29889,
276,
29918,
6758,
29892,
1904,
29889,
5066,
296,
29918,
6758,
29892,
1904,
29889,
14968,
29962,
13,
18884,
8343,
29918,
8977,
353,
426,
4299,
29889,
29916,
29901,
903,
29916,
29892,
1904,
29889,
29891,
29901,
903,
29891,
29913,
565,
4464,
1275,
376,
1116,
3245,
29908,
1683,
426,
4299,
29889,
29916,
29901,
903,
29916,
29913,
13,
18884,
15837,
29892,
6410,
29892,
337,
29918,
6758,
29892,
3405,
296,
29918,
6758,
29892,
903,
353,
1904,
29889,
29879,
404,
29889,
3389,
29898,
18798,
29918,
791,
29892,
8343,
29918,
8977,
29922,
18798,
29918,
8977,
29897,
13,
18884,
4770,
2914,
353,
518,
6758,
29892,
337,
29918,
6758,
29892,
3405,
296,
29918,
6758,
29962,
13,
9651,
25342,
4464,
1275,
376,
9136,
11292,
1115,
29871,
396,
2428,
11292,
1904,
13,
18884,
8343,
29918,
791,
353,
518,
4299,
29889,
7727,
29892,
1904,
29889,
6758,
29892,
1904,
29889,
562,
2764,
4135,
29892,
1904,
29889,
14968,
29962,
13,
18884,
8343,
29918,
8977,
353,
426,
4299,
29889,
29916,
29901,
903,
29916,
29892,
1904,
29889,
29891,
29901,
903,
29891,
29892,
1904,
29889,
275,
29918,
26495,
29901,
5852,
29913,
13,
18884,
15837,
29892,
6410,
29892,
1035,
29892,
903,
353,
1904,
29889,
29879,
404,
29889,
3389,
29898,
18798,
29918,
791,
29892,
8343,
29918,
8977,
29922,
18798,
29918,
8977,
29897,
13,
18884,
4770,
2914,
353,
518,
6758,
29892,
1035,
29962,
13,
9651,
1683,
29901,
13,
18884,
10876,
29889,
13322,
703,
26690,
4464,
1738,
1159,
13,
9651,
903,
2914,
29889,
4397,
22168,
2914,
29897,
13,
9651,
1904,
29889,
13236,
29889,
1202,
29918,
7727,
29898,
7727,
29892,
938,
7373,
29890,
718,
903,
29872,
334,
1904,
29889,
16175,
29918,
2311,
876,
13,
13,
4706,
396,
8845,
13,
4706,
565,
4464,
1275,
376,
9136,
11292,
1115,
29871,
396,
2428,
11292,
1904,
13,
9651,
903,
29916,
353,
8267,
29918,
29906,
29881,
29898,
1272,
29889,
1688,
29889,
8346,
29892,
848,
29889,
1688,
29889,
1949,
29918,
19057,
29897,
565,
1881,
29918,
3027,
1683,
848,
29889,
1688,
29889,
3027,
13,
9651,
903,
29891,
353,
848,
29889,
1688,
29889,
21134,
13,
9651,
8343,
29918,
8977,
353,
426,
4299,
29889,
29916,
29901,
903,
29916,
29892,
1904,
29889,
29891,
29901,
903,
29891,
29892,
1904,
29889,
275,
29918,
26495,
29901,
7700,
29913,
13,
9651,
6410,
29892,
1035,
353,
1904,
29889,
29879,
404,
29889,
3389,
4197,
4299,
29889,
6758,
29892,
1904,
29889,
562,
2764,
4135,
1402,
8343,
29918,
8977,
29922,
18798,
29918,
8977,
29897,
13,
9651,
903,
2914,
353,
7442,
29889,
4397,
29898,
9302,
29889,
12676,
7373,
2914,
29892,
29871,
29900,
511,
518,
6758,
29892,
1035,
2314,
13,
9651,
17927,
29889,
3888,
703,
1022,
2878,
1273,
29875,
29901,
1035,
1273,
29900,
29889,
29941,
29888,
29892,
6410,
1273,
29900,
29889,
29941,
29888,
29892,
7945,
1035,
1273,
29900,
29889,
29941,
29888,
29892,
7945,
6410,
1273,
29900,
29889,
29941,
29888,
29908,
13,
462,
4706,
1273,
9423,
29872,
29892,
1035,
29892,
6410,
29892,
903,
2914,
29961,
29896,
1402,
903,
2914,
29961,
29900,
12622,
13,
4706,
1683,
29901,
13,
9651,
903,
2914,
353,
7442,
29889,
12676,
7373,
2914,
29892,
29871,
29900,
29897,
13,
9651,
17927,
29889,
3888,
703,
1022,
2878,
1273,
29875,
29901,
6410,
1273,
29900,
29889,
29941,
29888,
29892,
337,
6410,
1273,
29900,
29889,
29941,
29888,
29892,
3405,
296,
6410,
1273,
29900,
29889,
29941,
29888,
29908,
13,
462,
4706,
1273,
9423,
29872,
29892,
903,
2914,
29961,
29900,
1402,
903,
2914,
29961,
29896,
1402,
903,
2914,
29961,
29906,
12622,
13,
13,
4706,
1121,
29889,
4397,
7373,
2914,
29897,
13,
4706,
565,
903,
29872,
1273,
29871,
29945,
29900,
1275,
29871,
29900,
29901,
13,
9651,
1904,
29889,
4977,
369,
29889,
7620,
29898,
4299,
29889,
29879,
404,
29892,
11860,
29879,
29914,
18035,
19222,
29875,
29899,
4299,
29889,
384,
415,
29908,
1273,
313,
7620,
29918,
2084,
29892,
903,
29872,
876,
13,
9651,
7442,
29889,
7620,
29920,
11702,
29879,
29914,
18035,
19222,
29875,
29899,
5753,
29889,
9302,
29920,
29908,
1273,
313,
7620,
29918,
2084,
29892,
903,
29872,
511,
6410,
29922,
9302,
29889,
2378,
29898,
2914,
511,
13,
462,
268,
6509,
29918,
10492,
29922,
4299,
29889,
21891,
29918,
10492,
29892,
21502,
305,
29922,
1022,
2878,
29892,
9853,
29918,
2311,
29922,
4299,
29889,
16175,
29918,
2311,
29892,
13,
462,
268,
20102,
29922,
4299,
29889,
3317,
29918,
5105,
29918,
12324,
29897,
13,
1678,
1904,
29889,
4977,
369,
29889,
7620,
29898,
4299,
29889,
29879,
404,
29892,
11860,
29879,
29914,
4299,
29889,
384,
415,
29908,
1273,
4078,
29918,
2084,
29897,
13,
1678,
7442,
29889,
7620,
29920,
11702,
29879,
29914,
5753,
29889,
9302,
29920,
29908,
1273,
4078,
29918,
2084,
29892,
6410,
29922,
9302,
29889,
2378,
29898,
2914,
511,
6509,
29918,
10492,
29922,
4299,
29889,
21891,
29918,
10492,
29892,
21502,
305,
29922,
1022,
2878,
29892,
13,
632,
9853,
29918,
2311,
29922,
4299,
29889,
16175,
29918,
2311,
29892,
20102,
29922,
4299,
29889,
3317,
29918,
5105,
29918,
12324,
29897,
13,
2
] |
data/pandas.py | sean-liang/crypto-quant-toolkit | 0 | 1600481 | <gh_stars>0
def with_dataframe(df, method, **kwargs):
"""
包装pandas的dataframe方法为pipeline形式
"""
func = getattr(df, method)
new_df = func(**kwargs)
return df if new_df is None or ('inplace' in kwargs and kwargs['inplace']) else new_df
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29900,
13,
1753,
411,
29918,
1272,
2557,
29898,
2176,
29892,
1158,
29892,
3579,
19290,
1125,
13,
1678,
9995,
13,
268,
31473,
31905,
15112,
30210,
1272,
2557,
30525,
30545,
30573,
13096,
5570,
31305,
30607,
13,
1678,
9995,
13,
1678,
3653,
353,
679,
5552,
29898,
2176,
29892,
1158,
29897,
13,
1678,
716,
29918,
2176,
353,
3653,
29898,
1068,
19290,
29897,
13,
1678,
736,
4489,
565,
716,
29918,
2176,
338,
6213,
470,
6702,
262,
6689,
29915,
297,
9049,
5085,
322,
9049,
5085,
1839,
262,
6689,
11287,
1683,
716,
29918,
2176,
13,
2
] |
lib/googlecloudsdk/command_lib/compute/os_config/declarative.py | google-cloud-sdk-unofficial/google-cloud-sdk | 2 | 187558 | <filename>lib/googlecloudsdk/command_lib/compute/os_config/declarative.py
# -*- coding: utf-8 -*- #
# Copyright 2021 Google LLC. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
"""Hooks for declarative commands."""
from __future__ import absolute_import
from __future__ import division
from __future__ import unicode_literals
def SetDefaultPageSizeRequestHook(default_page_size):
"""Create a modify_request_hook that applies default_page_size to args.
Args:
default_page_size: The page size to use when not specified by the user.
Returns:
A modify_request_hook that updates `args.page_size` when not set by user.
"""
def Hook(unused_ref, args, request):
if not args.page_size:
args.page_size = int(default_page_size)
return request
return Hook
| [
1,
529,
9507,
29958,
1982,
29914,
3608,
9274,
15348,
29914,
6519,
29918,
1982,
29914,
26017,
29914,
359,
29918,
2917,
29914,
311,
16544,
1230,
29889,
2272,
13,
29937,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
396,
13,
29937,
14187,
1266,
29871,
29906,
29900,
29906,
29896,
5087,
365,
12182,
29889,
2178,
26863,
2538,
9841,
29889,
13,
29937,
13,
29937,
10413,
21144,
1090,
278,
13380,
19245,
29892,
10079,
29871,
29906,
29889,
29900,
313,
1552,
376,
29931,
293,
1947,
1496,
13,
29937,
366,
1122,
451,
671,
445,
934,
5174,
297,
752,
13036,
411,
278,
19245,
29889,
13,
29937,
887,
1122,
4017,
263,
3509,
310,
278,
19245,
472,
13,
29937,
13,
29937,
1678,
1732,
597,
1636,
29889,
4288,
29889,
990,
29914,
506,
11259,
29914,
27888,
1430,
1660,
29899,
29906,
29889,
29900,
13,
29937,
13,
29937,
25870,
3734,
491,
22903,
4307,
470,
15502,
304,
297,
5007,
29892,
7047,
13,
29937,
13235,
1090,
278,
19245,
338,
13235,
373,
385,
376,
3289,
8519,
29908,
350,
3289,
3235,
29892,
13,
29937,
399,
1806,
8187,
2692,
399,
1718,
29934,
13566,
29059,
6323,
8707,
29928,
22122,
29903,
8079,
13764,
29979,
476,
22255,
29892,
2845,
4653,
470,
2411,
2957,
29889,
13,
29937,
2823,
278,
19245,
363,
278,
2702,
4086,
14765,
1076,
11239,
322,
13,
29937,
27028,
1090,
278,
19245,
29889,
13,
15945,
29908,
29950,
2550,
29879,
363,
7669,
1230,
8260,
1213,
15945,
13,
13,
3166,
4770,
29888,
9130,
1649,
1053,
8380,
29918,
5215,
13,
3166,
4770,
29888,
9130,
1649,
1053,
8542,
13,
3166,
4770,
29888,
9130,
1649,
1053,
29104,
29918,
20889,
1338,
13,
13,
13,
1753,
3789,
4592,
5074,
3505,
3089,
29950,
2550,
29898,
4381,
29918,
3488,
29918,
2311,
1125,
13,
29871,
9995,
4391,
263,
6623,
29918,
3827,
29918,
20849,
393,
16058,
2322,
29918,
3488,
29918,
2311,
304,
6389,
29889,
13,
13,
29871,
826,
3174,
29901,
13,
1678,
2322,
29918,
3488,
29918,
2311,
29901,
450,
1813,
2159,
304,
671,
746,
451,
6790,
491,
278,
1404,
29889,
13,
13,
29871,
16969,
29901,
13,
1678,
319,
6623,
29918,
3827,
29918,
20849,
393,
11217,
421,
5085,
29889,
3488,
29918,
2311,
29952,
746,
451,
731,
491,
1404,
29889,
13,
29871,
9995,
13,
29871,
822,
29612,
29898,
348,
3880,
29918,
999,
29892,
6389,
29892,
2009,
1125,
13,
1678,
565,
451,
6389,
29889,
3488,
29918,
2311,
29901,
13,
418,
6389,
29889,
3488,
29918,
2311,
353,
938,
29898,
4381,
29918,
3488,
29918,
2311,
29897,
13,
1678,
736,
2009,
13,
29871,
736,
29612,
13,
2
] |
augment.py | MohamedHeshamMustafa/Brain-Tumor-Automatic-Detection-and-Segmentation- | 0 | 121498 | from __future__ import absolute_import, print_function
import numpy as np
import sys
import tensorflow as tf
from util.data_loader import *
from util.data_aug import *
from util.parse_config import parse_config
def test(config_file):
# 1, load configure file
config = parse_config(config_file)
config_data = config['data']
# 2, Augmentation
dataaug = DataAug(config_data)
dataaug.aug_data()
if __name__ == '__main__':
if(len(sys.argv) != 2):
print('Number of arguments should be 2. e.g.')
print(' python test.py config17/test_all_class.txt')
exit()
config_file = str(sys.argv[1])
assert(os.path.isfile(config_file))
test(config_file) | [
1,
515,
4770,
29888,
9130,
1649,
1053,
8380,
29918,
5215,
29892,
1596,
29918,
2220,
13,
5215,
12655,
408,
7442,
13,
5215,
10876,
13,
5215,
26110,
408,
15886,
13,
3166,
3667,
29889,
1272,
29918,
12657,
1053,
334,
13,
3166,
3667,
29889,
1272,
29918,
2987,
1053,
334,
13,
3166,
3667,
29889,
5510,
29918,
2917,
1053,
6088,
29918,
2917,
13,
13,
1753,
1243,
29898,
2917,
29918,
1445,
1125,
13,
12,
29937,
29871,
29896,
29892,
2254,
10822,
934,
13,
12,
2917,
353,
6088,
29918,
2917,
29898,
2917,
29918,
1445,
29897,
13,
12,
2917,
29918,
1272,
353,
2295,
1839,
1272,
2033,
13,
13,
12,
29937,
29871,
29906,
29892,
22333,
358,
362,
29871,
13,
12,
1272,
2987,
353,
3630,
29909,
688,
29898,
2917,
29918,
1272,
29897,
13,
12,
1272,
2987,
29889,
2987,
29918,
1272,
580,
13,
1678,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
13,
565,
29898,
2435,
29898,
9675,
29889,
19218,
29897,
2804,
29871,
29906,
1125,
13,
268,
1596,
877,
4557,
310,
6273,
881,
367,
29871,
29906,
29889,
321,
29889,
29887,
29889,
1495,
13,
268,
1596,
877,
1678,
3017,
1243,
29889,
2272,
2295,
29896,
29955,
29914,
1688,
29918,
497,
29918,
1990,
29889,
3945,
1495,
13,
268,
6876,
580,
13,
2295,
29918,
1445,
353,
851,
29898,
9675,
29889,
19218,
29961,
29896,
2314,
13,
4974,
29898,
359,
29889,
2084,
29889,
275,
1445,
29898,
2917,
29918,
1445,
876,
13,
1243,
29898,
2917,
29918,
1445,
29897,
2
] |
cio/plugins/txt.py | beshrkayali/content-io | 6 | 4298 | <reponame>beshrkayali/content-io
# coding=utf-8
from __future__ import unicode_literals
from .base import BasePlugin
class TextPlugin(BasePlugin):
ext = 'txt'
| [
1,
529,
276,
1112,
420,
29958,
5707,
1092,
29895,
388,
2606,
29914,
3051,
29899,
601,
13,
29937,
14137,
29922,
9420,
29899,
29947,
13,
3166,
4770,
29888,
9130,
1649,
1053,
29104,
29918,
20889,
1338,
13,
13,
3166,
869,
3188,
1053,
7399,
16288,
13,
13,
13,
1990,
3992,
16288,
29898,
5160,
16288,
1125,
13,
13,
1678,
1294,
353,
525,
3945,
29915,
13,
2
] |
HMQ/datasets/auto_augmentation_transform.py | UniSerj/ai-research | 46 | 167742 | import random
from PIL import ImageOps, ImageEnhance, ImageFilter, Image
import torchvision.transforms as transforms
PARAMETER_MAX = 10 # What is the max 'level' a transform could be predicted
def int_parameter(level, maxval) -> int:
"""
A function to scale between zero to max val with casting to int
:param level: The level of augmentation an integer between 0 to 9
:param maxval: The maximal output value
:return: A int value
"""
return int(level * maxval / PARAMETER_MAX)
def float_parameter(level, maxval):
"""
A function to scale between zero to max val
:param level: The level of augmentation an integer between 0 to 9
:param maxval: The maximal output value
:return: A int value
"""
return float(level) * maxval / PARAMETER_MAX
class BaseAugmentation(object):
def __init__(self, p, level):
"""
Base Augmentation class which performed data augmentation with probability p and severity level
:param p: The probability that the augmentation is performed
:param level: The severity of data augmentation
"""
self.p = p
self.level = level
def __call__(self, img):
if random.random() < self.p:
img = self._augment(img)
return img
def _augment(self, img):
raise NotImplemented
def __repr__(self):
return self.__class__.__name__ + '(p={}, level={})'.format(self.p, self.level)
class AutoContrast(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform auto contrast.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
return ImageOps.autocontrast(img)
class Equalize(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Equalization.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
return ImageOps.equalize(img)
class Invert(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Invert.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
return ImageOps.invert(img)
class Blur(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Image Blur.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
return img.filter(ImageFilter.BLUR)
class Smooth(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Smoothing.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
return img.filter(ImageFilter.SMOOTH)
class Rotate(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform rotation.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
degrees = int_parameter(self.level, 30)
if random.random() > 0.5:
degrees = -degrees
return img.rotate(degrees)
class Posterize(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Posterize.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
level = int_parameter(self.level, 4)
return ImageOps.posterize(img, 4 - level)
class ShearX(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform ShearX.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
level = float_parameter(self.level, 0.3)
if random.random() > 0.5:
level = -level
return img.transform((32, 32), Image.AFFINE, (1, level, 0, 0, 1, 0))
class ShearY(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform ShearY.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
level = float_parameter(self.level, 0.3)
if random.random() > 0.5:
level = -level
return img.transform((32, 32), Image.AFFINE, (1, 0, 0, level, 1, 0))
class TranslateX(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform TranslateX.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
level = int_parameter(self.level, 10)
if random.random() > 0.5:
level = -level
return img.transform((32, 32), Image.AFFINE, (1, 0, level, 0, 1, 0))
class TranslateY(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform TranslateY.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
level = int_parameter(self.level, 10)
if random.random() > 0.5:
level = -level
return img.transform((32, 32), Image.AFFINE, (1, 0, 0, 0, 1, level))
class Solarize(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Solarize.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
level = int_parameter(self.level, 256)
return ImageOps.solarize(img, 256 - level)
class Color(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Color.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
v = float_parameter(self.level, 1.8) + .1 # going to 0 just destroys it
return ImageEnhance.Color(img).enhance(v)
class Contrast(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Contrast change.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
v = float_parameter(self.level, 1.8) + .1 # going to 0 just destroys it
return ImageEnhance.Contrast(img).enhance(v)
class Brightness(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Brightness change.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
v = float_parameter(self.level, 1.8) + .1 # going to 0 just destroys it
return ImageEnhance.Brightness(img).enhance(v)
class Sharpness(BaseAugmentation):
def _augment(self, img):
"""
Data augmentation function that perform Sharpness change.
:param img: PIL Image to be augmented.
:return: PIL Image after augmentation
"""
v = float_parameter(self.level, 1.8) + .1 # going to 0 just destroys it
return ImageEnhance.Sharpness(img).enhance(v)
CIFAR10_AUGMENT_POLICY = transforms.RandomChoice([transforms.Compose([Invert(0.1, 7), Contrast(0.2, 6)]),
transforms.Compose([Rotate(0.7, 2), TranslateX(0.3, 9)]),
transforms.Compose([Sharpness(0.8, 1), Sharpness(0.9, 3)]),
transforms.Compose([ShearY(0.5, 8), TranslateY(0.7, 9)]),
transforms.Compose([AutoContrast(0.5, 8), Equalize(0.9, 2)]),
transforms.Compose([ShearY(0.2, 7), Posterize(0.3, 7)]),
transforms.Compose([Color(0.4, 3), Brightness(0.6, 7)]),
transforms.Compose([Sharpness(0.3, 9), Brightness(0.7, 9)]),
transforms.Compose([Equalize(0.6, 5), Equalize(0.5, 1)]),
transforms.Compose([Contrast(0.6, 7), Sharpness(0.6, 5)]),
transforms.Compose([Color(0.7, 7), TranslateY(0.5, 8)]),
transforms.Compose([Equalize(0.3, 7), AutoContrast(0.4, 8)]),
transforms.Compose([TranslateY(0.4, 3), Sharpness(0.2, 6)]),
transforms.Compose([Brightness(0.9, 6), Color(0.2, 8)]),
transforms.Compose([Solarize(0.5, 2), Invert(0.0, 3)]),
transforms.Compose([Equalize(0.2, 0), AutoContrast(0.6, 0)]),
transforms.Compose([Equalize(0.2, 8), Equalize(0.6, 4)]),
transforms.Compose([Color(0.9, 9), Equalize(0.6, 6)]),
transforms.Compose([AutoContrast(0.8, 4), Solarize(0.2, 8)]),
transforms.Compose([Brightness(0.1, 3), Color(0.7, 0)]),
transforms.Compose([Solarize(0.4, 5), AutoContrast(0.9, 3)]),
transforms.Compose([TranslateY(0.9, 9), TranslateY(0.7, 9)]),
transforms.Compose([AutoContrast(0.9, 2), Solarize(0.8, 3)]),
transforms.Compose([Equalize(0.8, 8), Invert(0.1, 3)]),
transforms.Compose([TranslateY(0.7, 9), AutoContrast(0.9, 1)])])
IMAGENET_AUGMENT_POLICY = transforms.RandomChoice([transforms.Compose([Posterize(0.4, 8), Rotate(0.6, 9)]),
transforms.Compose([Solarize(0.6, 5), AutoContrast(0.6, 5)]),
transforms.Compose([Equalize(0.8, 18), Equalize(0.6, 3)]),
transforms.Compose([Posterize(0.6, 7), Posterize(0.6, 6)]),
transforms.Compose([Equalize(0.4, 7), Solarize(0.2, 4)]),
transforms.Compose([Equalize(0.4, 4), Rotate(0.8, 8)]),
transforms.Compose([Solarize(0.6, 3), Equalize(0.6, 7)]),
transforms.Compose([Posterize(0.8, 5), Equalize(1.0, 2)]),
transforms.Compose([Rotate(0.2, 3), Solarize(0.6, 8)]),
transforms.Compose([Equalize(0.6, 8), Posterize(0.4, 6)]),
transforms.Compose([Rotate(0.8, 8), Color(0.4, 0)]),
transforms.Compose([Rotate(0.4, 9), Equalize(0.6, 2)]),
transforms.Compose([Equalize(0.0, 7), Equalize(0.8, 8)]),
transforms.Compose([Invert(0.6, 4), Equalize(1.0, 8)]),
transforms.Compose([Color(0.6, 4), Color(1.0, 8)]),
transforms.Compose([Rotate(0.8, 8), Color(1.0, 2)]),
transforms.Compose([Color(0.8, 8), Solarize(0.8, 7)]),
transforms.Compose([Sharpness(0.4, 7), Invert(0.6, 8)]),
transforms.Compose([ShearX(0.6, 5), Equalize(1.0, 9)]),
transforms.Compose([Color(0.4, 0), Equalize(0.6, 3)]),
transforms.Compose([Equalize(0.4, 7), Solarize(0.2, 4)]),
transforms.Compose([Solarize(0.6, 5), AutoContrast(0.6, 5)]),
transforms.Compose([Invert(0.6, 4), Equalize(1.0, 8)]),
transforms.Compose([Color(0.6, 4), Contrast(1.0, 8)]),
transforms.Compose([Equalize(0.8, 8), Equalize(0.6, 3)])])
| [
1,
1053,
4036,
13,
3166,
349,
6227,
1053,
7084,
29949,
567,
29892,
7084,
2369,
29882,
749,
29892,
7084,
5072,
29892,
7084,
13,
5215,
4842,
305,
4924,
29889,
9067,
29879,
408,
4327,
29879,
13,
13,
16320,
25797,
4945,
29918,
12648,
353,
29871,
29896,
29900,
29871,
396,
1724,
338,
278,
4236,
525,
5563,
29915,
263,
4327,
1033,
367,
25383,
13,
13,
13,
1753,
938,
29918,
15501,
29898,
5563,
29892,
4236,
791,
29897,
1599,
938,
29901,
13,
1678,
9995,
13,
1678,
319,
740,
304,
6287,
1546,
5225,
304,
4236,
659,
411,
23013,
304,
938,
13,
1678,
584,
3207,
3233,
29901,
450,
3233,
310,
18765,
362,
385,
6043,
1546,
29871,
29900,
304,
29871,
29929,
13,
1678,
584,
3207,
4236,
791,
29901,
450,
23183,
1962,
995,
13,
1678,
584,
2457,
29901,
319,
938,
995,
13,
1678,
9995,
13,
1678,
736,
938,
29898,
5563,
334,
4236,
791,
847,
349,
1718,
25797,
4945,
29918,
12648,
29897,
13,
13,
13,
1753,
5785,
29918,
15501,
29898,
5563,
29892,
4236,
791,
1125,
13,
1678,
9995,
13,
1678,
319,
740,
304,
6287,
1546,
5225,
304,
4236,
659,
13,
1678,
584,
3207,
3233,
29901,
450,
3233,
310,
18765,
362,
385,
6043,
1546,
29871,
29900,
304,
29871,
29929,
13,
1678,
584,
3207,
4236,
791,
29901,
450,
23183,
1962,
995,
13,
1678,
584,
2457,
29901,
319,
938,
995,
13,
1678,
9995,
13,
1678,
736,
5785,
29898,
5563,
29897,
334,
4236,
791,
847,
349,
1718,
25797,
4945,
29918,
12648,
13,
13,
13,
1990,
7399,
29909,
688,
358,
362,
29898,
3318,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
282,
29892,
3233,
1125,
13,
4706,
9995,
13,
4706,
7399,
22333,
358,
362,
770,
607,
8560,
848,
18765,
362,
411,
6976,
282,
322,
2775,
537,
3233,
13,
13,
4706,
584,
3207,
282,
29901,
450,
6976,
393,
278,
18765,
362,
338,
8560,
13,
4706,
584,
3207,
3233,
29901,
450,
2775,
537,
310,
848,
18765,
362,
13,
4706,
9995,
13,
4706,
1583,
29889,
29886,
353,
282,
13,
4706,
1583,
29889,
5563,
353,
3233,
13,
13,
1678,
822,
4770,
4804,
12035,
1311,
29892,
10153,
1125,
13,
4706,
565,
4036,
29889,
8172,
580,
529,
1583,
29889,
29886,
29901,
13,
9651,
10153,
353,
1583,
3032,
2987,
358,
29898,
2492,
29897,
13,
4706,
736,
10153,
13,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
12020,
2216,
1888,
2037,
287,
13,
13,
1678,
822,
4770,
276,
558,
12035,
1311,
1125,
13,
4706,
736,
1583,
17255,
1990,
1649,
17255,
978,
1649,
718,
525,
29898,
29886,
3790,
1118,
3233,
3790,
1800,
4286,
4830,
29898,
1311,
29889,
29886,
29892,
1583,
29889,
5563,
29897,
13,
13,
13,
1990,
11133,
1168,
509,
579,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
4469,
12814,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
736,
7084,
29949,
567,
29889,
6921,
9996,
579,
29898,
2492,
29897,
13,
13,
13,
1990,
11243,
284,
675,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
11243,
284,
2133,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
736,
7084,
29949,
567,
29889,
11745,
675,
29898,
2492,
29897,
13,
13,
13,
1990,
512,
1765,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
512,
1765,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
736,
7084,
29949,
567,
29889,
262,
1765,
29898,
2492,
29897,
13,
13,
13,
1990,
3164,
332,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
7084,
3164,
332,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
736,
10153,
29889,
4572,
29898,
2940,
5072,
29889,
13367,
4574,
29897,
13,
13,
13,
1990,
4116,
6983,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
4116,
29877,
6046,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
736,
10153,
29889,
4572,
29898,
2940,
5072,
29889,
29903,
6720,
2891,
29950,
29897,
13,
13,
13,
1990,
9664,
403,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
13733,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
14496,
353,
938,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29941,
29900,
29897,
13,
4706,
565,
4036,
29889,
8172,
580,
1405,
29871,
29900,
29889,
29945,
29901,
13,
9651,
14496,
353,
448,
311,
7979,
267,
13,
4706,
736,
10153,
29889,
23361,
29898,
311,
7979,
267,
29897,
13,
13,
13,
1990,
4918,
261,
675,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
4918,
261,
675,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
3233,
353,
938,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29946,
29897,
13,
4706,
736,
7084,
29949,
567,
29889,
2490,
261,
675,
29898,
2492,
29892,
29871,
29946,
448,
3233,
29897,
13,
13,
13,
1990,
2296,
279,
29990,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
2296,
279,
29990,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
3233,
353,
5785,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29900,
29889,
29941,
29897,
13,
4706,
565,
4036,
29889,
8172,
580,
1405,
29871,
29900,
29889,
29945,
29901,
13,
9651,
3233,
353,
448,
5563,
13,
4706,
736,
10153,
29889,
9067,
3552,
29941,
29906,
29892,
29871,
29941,
29906,
511,
7084,
29889,
29909,
4198,
8895,
29892,
313,
29896,
29892,
3233,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
29871,
29896,
29892,
29871,
29900,
876,
13,
13,
13,
1990,
2296,
279,
29979,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
2296,
279,
29979,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
3233,
353,
5785,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29900,
29889,
29941,
29897,
13,
4706,
565,
4036,
29889,
8172,
580,
1405,
29871,
29900,
29889,
29945,
29901,
13,
9651,
3233,
353,
448,
5563,
13,
4706,
736,
10153,
29889,
9067,
3552,
29941,
29906,
29892,
29871,
29941,
29906,
511,
7084,
29889,
29909,
4198,
8895,
29892,
313,
29896,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
3233,
29892,
29871,
29896,
29892,
29871,
29900,
876,
13,
13,
13,
1990,
4103,
9632,
29990,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
4103,
9632,
29990,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
3233,
353,
938,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29896,
29900,
29897,
13,
4706,
565,
4036,
29889,
8172,
580,
1405,
29871,
29900,
29889,
29945,
29901,
13,
9651,
3233,
353,
448,
5563,
13,
4706,
736,
10153,
29889,
9067,
3552,
29941,
29906,
29892,
29871,
29941,
29906,
511,
7084,
29889,
29909,
4198,
8895,
29892,
313,
29896,
29892,
29871,
29900,
29892,
3233,
29892,
29871,
29900,
29892,
29871,
29896,
29892,
29871,
29900,
876,
13,
13,
13,
1990,
4103,
9632,
29979,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
4103,
9632,
29979,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
3233,
353,
938,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29896,
29900,
29897,
13,
4706,
565,
4036,
29889,
8172,
580,
1405,
29871,
29900,
29889,
29945,
29901,
13,
9651,
3233,
353,
448,
5563,
13,
4706,
736,
10153,
29889,
9067,
3552,
29941,
29906,
29892,
29871,
29941,
29906,
511,
7084,
29889,
29909,
4198,
8895,
29892,
313,
29896,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
29871,
29896,
29892,
3233,
876,
13,
13,
13,
1990,
4956,
279,
675,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
4956,
279,
675,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
3233,
353,
938,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29906,
29945,
29953,
29897,
13,
4706,
736,
7084,
29949,
567,
29889,
2929,
279,
675,
29898,
2492,
29892,
29871,
29906,
29945,
29953,
448,
3233,
29897,
13,
13,
13,
1990,
9159,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
9159,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
325,
353,
5785,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29896,
29889,
29947,
29897,
718,
869,
29896,
29871,
396,
2675,
304,
29871,
29900,
925,
2731,
307,
952,
372,
13,
4706,
736,
7084,
2369,
29882,
749,
29889,
3306,
29898,
2492,
467,
264,
29882,
749,
29898,
29894,
29897,
13,
13,
13,
1990,
1281,
509,
579,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
1281,
509,
579,
1735,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
325,
353,
5785,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29896,
29889,
29947,
29897,
718,
869,
29896,
29871,
396,
2675,
304,
29871,
29900,
925,
2731,
307,
952,
372,
13,
4706,
736,
7084,
2369,
29882,
749,
29889,
1168,
509,
579,
29898,
2492,
467,
264,
29882,
749,
29898,
29894,
29897,
13,
13,
13,
1990,
29258,
2264,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
29258,
2264,
1735,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
325,
353,
5785,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29896,
29889,
29947,
29897,
718,
869,
29896,
29871,
396,
2675,
304,
29871,
29900,
925,
2731,
307,
952,
372,
13,
4706,
736,
7084,
2369,
29882,
749,
29889,
29933,
1266,
2264,
29898,
2492,
467,
264,
29882,
749,
29898,
29894,
29897,
13,
13,
13,
1990,
1383,
6834,
2264,
29898,
5160,
29909,
688,
358,
362,
1125,
13,
1678,
822,
903,
2987,
358,
29898,
1311,
29892,
10153,
1125,
13,
4706,
9995,
13,
4706,
3630,
18765,
362,
740,
393,
2189,
1383,
6834,
2264,
1735,
29889,
13,
13,
4706,
584,
3207,
10153,
29901,
349,
6227,
7084,
304,
367,
18765,
287,
29889,
13,
4706,
584,
2457,
29901,
349,
6227,
7084,
1156,
18765,
362,
13,
4706,
9995,
13,
4706,
325,
353,
5785,
29918,
15501,
29898,
1311,
29889,
5563,
29892,
29871,
29896,
29889,
29947,
29897,
718,
869,
29896,
29871,
396,
2675,
304,
29871,
29900,
925,
2731,
307,
952,
372,
13,
4706,
736,
7084,
2369,
29882,
749,
29889,
2713,
6834,
2264,
29898,
2492,
467,
264,
29882,
749,
29898,
29894,
29897,
13,
13,
13,
29907,
6545,
1718,
29896,
29900,
29918,
29909,
23338,
13780,
29918,
29925,
5607,
2965,
29979,
353,
4327,
29879,
29889,
17875,
29620,
4197,
9067,
29879,
29889,
1523,
4220,
4197,
797,
1765,
29898,
29900,
29889,
29896,
29892,
29871,
29955,
511,
1281,
509,
579,
29898,
29900,
29889,
29906,
29892,
29871,
29953,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
21281,
403,
29898,
29900,
29889,
29955,
29892,
29871,
29906,
511,
4103,
9632,
29990,
29898,
29900,
29889,
29941,
29892,
29871,
29929,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
2713,
6834,
2264,
29898,
29900,
29889,
29947,
29892,
29871,
29896,
511,
1383,
6834,
2264,
29898,
29900,
29889,
29929,
29892,
29871,
29941,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
13468,
279,
29979,
29898,
29900,
29889,
29945,
29892,
29871,
29947,
511,
4103,
9632,
29979,
29898,
29900,
29889,
29955,
29892,
29871,
29929,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
12300,
1168,
509,
579,
29898,
29900,
29889,
29945,
29892,
29871,
29947,
511,
11243,
284,
675,
29898,
29900,
29889,
29929,
29892,
29871,
29906,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
13468,
279,
29979,
29898,
29900,
29889,
29906,
29892,
29871,
29955,
511,
4918,
261,
675,
29898,
29900,
29889,
29941,
29892,
29871,
29955,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
3306,
29898,
29900,
29889,
29946,
29892,
29871,
29941,
511,
29258,
2264,
29898,
29900,
29889,
29953,
29892,
29871,
29955,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
2713,
6834,
2264,
29898,
29900,
29889,
29941,
29892,
29871,
29929,
511,
29258,
2264,
29898,
29900,
29889,
29955,
29892,
29871,
29929,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29945,
511,
11243,
284,
675,
29898,
29900,
29889,
29945,
29892,
29871,
29896,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
1168,
509,
579,
29898,
29900,
29889,
29953,
29892,
29871,
29955,
511,
1383,
6834,
2264,
29898,
29900,
29889,
29953,
29892,
29871,
29945,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
3306,
29898,
29900,
29889,
29955,
29892,
29871,
29955,
511,
4103,
9632,
29979,
29898,
29900,
29889,
29945,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29941,
29892,
29871,
29955,
511,
11133,
1168,
509,
579,
29898,
29900,
29889,
29946,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
4300,
9632,
29979,
29898,
29900,
29889,
29946,
29892,
29871,
29941,
511,
1383,
6834,
2264,
29898,
29900,
29889,
29906,
29892,
29871,
29953,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
29933,
1266,
2264,
29898,
29900,
29889,
29929,
29892,
29871,
29953,
511,
9159,
29898,
29900,
29889,
29906,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
29903,
10170,
675,
29898,
29900,
29889,
29945,
29892,
29871,
29906,
511,
512,
1765,
29898,
29900,
29889,
29900,
29892,
29871,
29941,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29906,
29892,
29871,
29900,
511,
11133,
1168,
509,
579,
29898,
29900,
29889,
29953,
29892,
29871,
29900,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29906,
29892,
29871,
29947,
511,
11243,
284,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29946,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
3306,
29898,
29900,
29889,
29929,
29892,
29871,
29929,
511,
11243,
284,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29953,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
12300,
1168,
509,
579,
29898,
29900,
29889,
29947,
29892,
29871,
29946,
511,
4956,
279,
675,
29898,
29900,
29889,
29906,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
29933,
1266,
2264,
29898,
29900,
29889,
29896,
29892,
29871,
29941,
511,
9159,
29898,
29900,
29889,
29955,
29892,
29871,
29900,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
29903,
10170,
675,
29898,
29900,
29889,
29946,
29892,
29871,
29945,
511,
11133,
1168,
509,
579,
29898,
29900,
29889,
29929,
29892,
29871,
29941,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
4300,
9632,
29979,
29898,
29900,
29889,
29929,
29892,
29871,
29929,
511,
4103,
9632,
29979,
29898,
29900,
29889,
29955,
29892,
29871,
29929,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
12300,
1168,
509,
579,
29898,
29900,
29889,
29929,
29892,
29871,
29906,
511,
4956,
279,
675,
29898,
29900,
29889,
29947,
29892,
29871,
29941,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29947,
29892,
29871,
29947,
511,
512,
1765,
29898,
29900,
29889,
29896,
29892,
29871,
29941,
4638,
511,
13,
462,
462,
462,
29871,
4327,
29879,
29889,
1523,
4220,
4197,
4300,
9632,
29979,
29898,
29900,
29889,
29955,
29892,
29871,
29929,
511,
11133,
1168,
509,
579,
29898,
29900,
29889,
29929,
29892,
29871,
29896,
29897,
2314,
2314,
13,
13,
2260,
24647,
2544,
29918,
29909,
23338,
13780,
29918,
29925,
5607,
2965,
29979,
353,
4327,
29879,
29889,
17875,
29620,
4197,
9067,
29879,
29889,
1523,
4220,
4197,
6747,
261,
675,
29898,
29900,
29889,
29946,
29892,
29871,
29947,
511,
9664,
403,
29898,
29900,
29889,
29953,
29892,
29871,
29929,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
29903,
10170,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29945,
511,
11133,
1168,
509,
579,
29898,
29900,
29889,
29953,
29892,
29871,
29945,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29947,
29892,
29871,
29896,
29947,
511,
11243,
284,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29941,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
6747,
261,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29955,
511,
4918,
261,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29953,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29946,
29892,
29871,
29955,
511,
4956,
279,
675,
29898,
29900,
29889,
29906,
29892,
29871,
29946,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29946,
29892,
29871,
29946,
511,
9664,
403,
29898,
29900,
29889,
29947,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
29903,
10170,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29941,
511,
11243,
284,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29955,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
6747,
261,
675,
29898,
29900,
29889,
29947,
29892,
29871,
29945,
511,
11243,
284,
675,
29898,
29896,
29889,
29900,
29892,
29871,
29906,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
21281,
403,
29898,
29900,
29889,
29906,
29892,
29871,
29941,
511,
4956,
279,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29947,
511,
4918,
261,
675,
29898,
29900,
29889,
29946,
29892,
29871,
29953,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
21281,
403,
29898,
29900,
29889,
29947,
29892,
29871,
29947,
511,
9159,
29898,
29900,
29889,
29946,
29892,
29871,
29900,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
21281,
403,
29898,
29900,
29889,
29946,
29892,
29871,
29929,
511,
11243,
284,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29906,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29900,
29892,
29871,
29955,
511,
11243,
284,
675,
29898,
29900,
29889,
29947,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
797,
1765,
29898,
29900,
29889,
29953,
29892,
29871,
29946,
511,
11243,
284,
675,
29898,
29896,
29889,
29900,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
3306,
29898,
29900,
29889,
29953,
29892,
29871,
29946,
511,
9159,
29898,
29896,
29889,
29900,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
21281,
403,
29898,
29900,
29889,
29947,
29892,
29871,
29947,
511,
9159,
29898,
29896,
29889,
29900,
29892,
29871,
29906,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
3306,
29898,
29900,
29889,
29947,
29892,
29871,
29947,
511,
4956,
279,
675,
29898,
29900,
29889,
29947,
29892,
29871,
29955,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
2713,
6834,
2264,
29898,
29900,
29889,
29946,
29892,
29871,
29955,
511,
512,
1765,
29898,
29900,
29889,
29953,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
13468,
279,
29990,
29898,
29900,
29889,
29953,
29892,
29871,
29945,
511,
11243,
284,
675,
29898,
29896,
29889,
29900,
29892,
29871,
29929,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
3306,
29898,
29900,
29889,
29946,
29892,
29871,
29900,
511,
11243,
284,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29941,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29946,
29892,
29871,
29955,
511,
4956,
279,
675,
29898,
29900,
29889,
29906,
29892,
29871,
29946,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
29903,
10170,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29945,
511,
11133,
1168,
509,
579,
29898,
29900,
29889,
29953,
29892,
29871,
29945,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
797,
1765,
29898,
29900,
29889,
29953,
29892,
29871,
29946,
511,
11243,
284,
675,
29898,
29896,
29889,
29900,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
3306,
29898,
29900,
29889,
29953,
29892,
29871,
29946,
511,
1281,
509,
579,
29898,
29896,
29889,
29900,
29892,
29871,
29947,
4638,
511,
13,
462,
462,
462,
259,
4327,
29879,
29889,
1523,
4220,
4197,
9843,
675,
29898,
29900,
29889,
29947,
29892,
29871,
29947,
511,
11243,
284,
675,
29898,
29900,
29889,
29953,
29892,
29871,
29941,
29897,
2314,
2314,
13,
2
] |
backend/course/views.py | thangplum/nova-cs322 | 0 | 116790 | <filename>backend/course/views.py
from rest_framework import viewsets, status
from rest_framework.response import Response
from django.shortcuts import get_object_or_404
from .serializers import courseSerializer, courseSerializer2
from .models import course
class CourseViewSet(viewsets.ViewSet):
def list(self, request):
courses = course.objects.all()
serializer = courseSerializer2(courses, many=True)
return Response(serializer.data)
def retrieve(self, request, pk=None):
queryset = course.objects.all()
form = get_object_or_404(queryset, pk=pk)
serializer = courseSerializer(form)
if ((request.user.is_instructor and form.user == request.user) or request.user.is_researcher) :
return Response(serializer.data)
return Response(status=status.HTTP_403_FORBIDDEN)
def create(self, request):
serializer = courseSerializer(data=request.data)
if serializer.is_valid() and request.user.is_instructor:
serializer.validated_data["user"] = request.user
serializer.save()
return Response(serializer.data, status=status.HTTP_201_CREATED)
return Response(status=status.HTTP_403_FORBIDDEN)
def destroy(self, request, pk=None):
instance = course.objects.get(pk=pk)
if request.user.is_instructor and instance.user == request.user:
instance.delete()
return Response(status=status.HTTP_200_OK)
return Response(status=status.HTTP_401_UNAUTHORIZED)
def partial_update(self, request, pk=None):
queryset = course.objects.all()
form = get_object_or_404(queryset, pk=pk)
serializer = courseSerializer(form, data=request.data, partial=True)
if serializer.is_valid() and ((request.user.is_instructor and form.user == request.user) or request.user.is_researcher) :
serializer.validated_data["user"] = request.user
serializer.save()
return Response(serializer.data, status=status.HTTP_200_OK)
return Response(status=status.HTTP_401_UNAUTHORIZED)
| [
1,
529,
9507,
29958,
27852,
29914,
15775,
29914,
7406,
29889,
2272,
13,
3166,
1791,
29918,
4468,
1053,
1776,
7224,
29892,
4660,
13,
3166,
1791,
29918,
4468,
29889,
5327,
1053,
13291,
13,
3166,
9557,
29889,
12759,
7582,
29879,
1053,
679,
29918,
3318,
29918,
272,
29918,
29946,
29900,
29946,
13,
13,
3166,
869,
15550,
19427,
1053,
3236,
17679,
29892,
3236,
17679,
29906,
13,
3166,
869,
9794,
1053,
3236,
13,
13,
1990,
6325,
344,
1043,
2697,
29898,
1493,
7224,
29889,
1043,
2697,
1125,
13,
1678,
822,
1051,
29898,
1311,
29892,
2009,
1125,
13,
4706,
21888,
353,
3236,
29889,
12650,
29889,
497,
580,
13,
4706,
7797,
3950,
353,
3236,
17679,
29906,
29898,
29883,
29781,
29892,
1784,
29922,
5574,
29897,
13,
4706,
736,
13291,
29898,
15550,
3950,
29889,
1272,
29897,
13,
1678,
13,
1678,
822,
10563,
29898,
1311,
29892,
2009,
29892,
282,
29895,
29922,
8516,
1125,
13,
4706,
2346,
842,
353,
3236,
29889,
12650,
29889,
497,
580,
13,
4706,
883,
353,
679,
29918,
3318,
29918,
272,
29918,
29946,
29900,
29946,
29898,
1972,
842,
29892,
282,
29895,
29922,
20571,
29897,
13,
4706,
7797,
3950,
353,
3236,
17679,
29898,
689,
29897,
13,
4706,
565,
29871,
5135,
3827,
29889,
1792,
29889,
275,
29918,
2611,
1247,
272,
322,
883,
29889,
1792,
1275,
2009,
29889,
1792,
29897,
470,
2009,
29889,
1792,
29889,
275,
29918,
690,
2842,
261,
29897,
584,
13,
9651,
736,
13291,
29898,
15550,
3950,
29889,
1272,
29897,
13,
4706,
736,
13291,
29898,
4882,
29922,
4882,
29889,
10493,
29918,
29946,
29900,
29941,
29918,
22051,
29933,
1367,
29928,
1430,
29897,
13,
268,
13,
1678,
822,
1653,
29898,
1311,
29892,
2009,
1125,
13,
4706,
7797,
3950,
353,
3236,
17679,
29898,
1272,
29922,
3827,
29889,
1272,
29897,
13,
4706,
565,
7797,
3950,
29889,
275,
29918,
3084,
580,
322,
2009,
29889,
1792,
29889,
275,
29918,
2611,
1247,
272,
29901,
29871,
13,
9651,
7797,
3950,
29889,
3084,
630,
29918,
1272,
3366,
1792,
3108,
353,
2009,
29889,
1792,
13,
9651,
7797,
3950,
29889,
7620,
580,
13,
9651,
736,
13291,
29898,
15550,
3950,
29889,
1272,
29892,
4660,
29922,
4882,
29889,
10493,
29918,
29906,
29900,
29896,
29918,
27045,
29928,
29897,
13,
4706,
736,
13291,
29898,
4882,
29922,
4882,
29889,
10493,
29918,
29946,
29900,
29941,
29918,
22051,
29933,
1367,
29928,
1430,
29897,
13,
13,
1678,
822,
8174,
29898,
1311,
29892,
2009,
29892,
282,
29895,
29922,
8516,
1125,
13,
4706,
2777,
353,
3236,
29889,
12650,
29889,
657,
29898,
20571,
29922,
20571,
29897,
13,
4706,
565,
2009,
29889,
1792,
29889,
275,
29918,
2611,
1247,
272,
322,
2777,
29889,
1792,
1275,
2009,
29889,
1792,
29901,
29871,
13,
9651,
2777,
29889,
8143,
580,
13,
9651,
736,
13291,
29898,
4882,
29922,
4882,
29889,
10493,
29918,
29906,
29900,
29900,
29918,
8949,
29897,
13,
4706,
736,
13291,
29898,
4882,
29922,
4882,
29889,
10493,
29918,
29946,
29900,
29896,
29918,
29965,
3521,
2692,
29950,
1955,
26664,
3352,
29897,
13,
268,
13,
1678,
822,
7687,
29918,
5504,
29898,
1311,
29892,
2009,
29892,
282,
29895,
29922,
8516,
1125,
13,
9651,
2346,
842,
353,
3236,
29889,
12650,
29889,
497,
580,
13,
9651,
883,
353,
679,
29918,
3318,
29918,
272,
29918,
29946,
29900,
29946,
29898,
1972,
842,
29892,
282,
29895,
29922,
20571,
29897,
13,
9651,
7797,
3950,
353,
3236,
17679,
29898,
689,
29892,
848,
29922,
3827,
29889,
1272,
29892,
7687,
29922,
5574,
29897,
13,
9651,
565,
7797,
3950,
29889,
275,
29918,
3084,
580,
322,
5135,
3827,
29889,
1792,
29889,
275,
29918,
2611,
1247,
272,
322,
883,
29889,
1792,
1275,
2009,
29889,
1792,
29897,
470,
2009,
29889,
1792,
29889,
275,
29918,
690,
2842,
261,
29897,
584,
13,
18884,
7797,
3950,
29889,
3084,
630,
29918,
1272,
3366,
1792,
3108,
353,
2009,
29889,
1792,
13,
18884,
7797,
3950,
29889,
7620,
580,
13,
18884,
736,
13291,
29898,
15550,
3950,
29889,
1272,
29892,
4660,
29922,
4882,
29889,
10493,
29918,
29906,
29900,
29900,
29918,
8949,
29897,
13,
9651,
736,
13291,
29898,
4882,
29922,
4882,
29889,
10493,
29918,
29946,
29900,
29896,
29918,
29965,
3521,
2692,
29950,
1955,
26664,
3352,
29897,
13,
2
] |
wxPython/wxGlade-0.9.1/tests/testsupport_new.py | DarkShadow4/python | 0 | 44240 |
"""
@copyright: 2012-2016 <NAME> (as file __init__.py)
@copyright: 2016-2018 <NAME>
@license: MIT (see LICENSE.txt) - THIS PROGRAM COMES WITH NO WARRANTY
"""
import os, sys
sys.path.insert(1, os.path.dirname(sys.path[0]))
import errno, fnmatch, glob, shutil, re
import unittest, difflib, logging, imp
import gettext
t = gettext.translation(domain="wxglade", localedir="locale", fallback=True)
t.install("wxglade")
import common
common.init_paths(None)
import config
config.testing = True
import wxglade, codegen, compat, log
if compat.PYTHON2:
from StringIO import StringIO
else:
from io import StringIO
class WXGladeBaseTest(unittest.TestCase):
"Provide basic functions for all tests"
longMessage = True
caseDirectory = 'casefiles' # Directory with input files and (expected) result files
outDirectory = 'generated' # Directory with generated result files
# Language specific constants for file names: language, file prefix, file extensions
language_constants = [("python","Py", ".py", ".py"),("perl","Pl", ".pl", ".pm"),
("C++","CPP", ".cpp", ".cpp"),("lisp","Lisp", ".lisp",".lisp"),
("XRC","xrc", ".xrc",".xrc")]
@classmethod
def setUpClass(cls):
"Initialise parts of wxGlade before individual tests starts"
# set icon path back to the default default
#config.icons_path = 'icons'
# initialise wxGlade preferences and set some useful values
common.init_preferences()
config.preferences.autosave = False
config.preferences.write_timestamp = False
config.preferences.show_progress = False
config.version = '"faked test version"'
# make e.g. the preview raise Exceptions
config.testing = True
# Determinate case and output directory
cls.caseDirectory = os.path.join( os.path.dirname(__file__), cls.caseDirectory )
cls.outDirectory = os.path.join( os.path.dirname(__file__), cls.outDirectory )
if not os.path.exists(cls.outDirectory): os.mkdir(cls.outDirectory)
# disable bug dialogs
sys._called_from_test = True
@classmethod
def tearDownClass(cls):
"Cleanup after all individual tests are done"
# de-register own logging
log.deinit()
def setUp(self):
"Initialise"
codegen.BaseLangCodeWriter._show_warnings = False
def tearDown(self):
"Cleanup"
pass
def _read_file_lines(self, filename):
"read a file, split into lines and drop 'generated by ...'"
with open(filename, "rb") as f:
ret = f.read()
ret = ret.split( b"\r\n" if b"\r\n" in ret else b"\n" )
# drop empty lines and 'generated by...'
while ret and not ret[-1]:
del ret[-1]
for i, line in enumerate(ret[:10]):
if b'generated by wxGlade' in line:
del ret[i]
break
return ret
def _compare_files(self, expected_filename, generated_filename, check_mtime=False):
self.assertTrue( os.path.isfile(generated_filename), "File %s was not generated"%generated_filename )
if check_mtime:
self.assertGreater( os.stat(generated_filename).st_mtime, os.stat(expected_filename).st_mtime,
"File was not overwritten" )
# open files, split into lines and convert to str/unicode
expected = self._read_file_lines(expected_filename)
generated = self._read_file_lines(generated_filename)
if expected == generated: return False
expected = [s.decode('ascii', 'replace') for s in expected]
generated = [s.decode('ascii', 'replace') for s in generated]
if wx.Platform == '__WXGTK__':
# on gtk, the frames get resized after creation
if len(expected)==len(generated):
expected_ = [l for l in expected if not l.strip().startswith("<size>") and not "SetSize" in l]
generated_ = [l for l in generated if not l.strip().startswith("<size>") and not "SetSize" in l]
if expected_ == generated_: return False
diff = difflib.unified_diff(expected, generated, fromfile=expected_filename, tofile=generated_filename, lineterm='')
diff = list(diff)
print( '\n'.join(diff[:40]) )
if len(diff)>40: print("...")
#if compat.PYTHON3:
self.assertFalse( diff, "Generated file and expected result differs:\n%s" % "\n".join(diff) )
return True
def _get_inputfile_path(self, filename):
"return the absolute path of a .wxg input file"
basename, extension = os.path.splitext(filename)
fn = os.path.join(self.caseDirectory, filename)
if os.path.exists(fn):
return fn
return None
def _get_casefile_path(self, filename):
"return the absolute path of an input file or directory; for .py files, this might include _Phoenix/_Classic"
basename, extension = os.path.splitext(filename)
if extension.lower() == ".py":
# search for version specific files
if compat.IS_CLASSIC: fn = "%s_Classic%s"%(basename, extension)
elif compat.IS_PHOENIX: fn = "%s_Phoenix%s"%(basename, extension)
fn = os.path.join(self.caseDirectory, fn)
if os.path.exists(fn): return fn # this could be a directory as well
if extension.lower() == ".wxg":
# search for "_Saved" version
fn = "%s_Saved%s"%(basename, extension)
fn = os.path.join(self.caseDirectory, fn)
if os.path.exists(fn): return fn # this could be a directory as well
fn = os.path.join(self.caseDirectory, filename)
if os.path.exists(fn):
return fn
return None
def _get_outputfile_path(self, filename):
"""return the name for an output file
filename can be
- a full path, where only the part relative to caseDirectory will be used
- an absolute path, where only the leafname will be used
- a relative path"""
commonpath = os.path.commonprefix( (self.caseDirectory, filename) )
if commonpath==self.caseDirectory:
leaf = filename[len(commonpath)+1:]
elif os.path.isabs(filename):
leaf = os.path.basename(filename)
else:
leaf = filename
return os.path.join(self.outDirectory, leaf)
class WXGladeCLITest(WXGladeBaseTest):
@classmethod
def setUpClass(cls):
logging.disable(logging.WARNING)
wxglade.init_stage1()
wxglade.init_localization()
wxglade.init_stage2(False)
import xrc2wxg
import wx
import config, common, compat, main
class WXGladeGUITest(WXGladeBaseTest):
# as Python created an own instance for each test, we use class variables for persistent storing 'app' and 'frame':
app = None # Reference to a wx.App object. The object is persistent after the creation in setUp().
frame = None # Reference to main.wxGladeFrame. The object is persistent after the creation in setUp().
nolog = None # nolog: wxWidgets Null logger to suppress error messages
orig_stdout = None # original fd for stdout
def mockMessageBox(self, message, caption, *args, **kwargs):
"Mock object for wx.MessageBox"
self._messageBox = [message, caption]
def _assert_message(self, substring, caption ):
self.assertTrue( self._messageBox, "No %s message generated"%caption )
generated_message, generated_caption = self._messageBox
self.assertTrue( generated_caption==caption, "Expected %s message, got %s"%(caption, generated_caption) )
fmt='%s message does not match: Expected message containing "%s" \ngot wxMessageBox(message="%s", caption="%s")'
msg = fmt%(caption, substring, self._messageBox[0], self._messageBox[1] )
self.assertTrue( substring in generated_message, msg )
self._messageBox = None
def _assert_error_message(self, substring ):
self._assert_message(substring, u"Error")
def _assert_warning_message(self, substring ):
self._assert_message(substring, u"Warning")
def _assert_info_message(self, substring ):
self._assert_message(substring, u"Information")
@classmethod
def setUpClass(cls):
WXGladeBaseTest.setUpClass()
xrc2wxg._write_timestamp = False
# create an simply application
cls.app = wx.App()
cls.locale = wx.Locale(wx.LANGUAGE_DEFAULT)
compat.wx_ArtProviderPush(main.wxGladeArtProvider())
cls.frame = main.wxGladeFrame()
# suppress wx error messages
cls.nolog = wx.LogNull()
#cls.app.SetAssertMode(0) # avoid triggering of wx assertions; sometimes needed for debugging
# hide all windows
#cls.frame.Hide()
#cls.frame.hide_all()
@classmethod
def tearDownClass(cls):
cls.nolog = None
def setUp(self):
# redirect stdout
self.orig_stdout = sys.stdout
sys.stdout = StringIO()
# initialise base class
WXGladeBaseTest.setUp(self)
# inject mock object for wxMessageBox
wx.MessageBox = self.mockMessageBox
self._messageBox = []
# show dialog "Code generation completed successfully"
config.preferences.show_completion = True
def tearDown(self):
# restore original stdout
if self.orig_stdout:
sys.stdout = self.orig_stdout
# initialise base class
WXGladeBaseTest.tearDown(self)
def _process_wx_events(self):
"Process wx events, because we don't start the main loop"
for i in range(3):
wx.SafeYield()
self.app.ProcessPendingEvents()
def load_and_generate(self, basename, excluded=None, included=None, test_GUI=True, preview=True):
"Load a wxGlade document 'basename' and generate code for all languages except the ones in list 'excluded'"
if included is None:
languages = set( [l[0] for l in self.language_constants] + ["wxg"] )
else:
languages = set(included)
if excluded is not None:
languages -= set(excluded)
# open file
infilename = self._get_inputfile_path('%s.wxg' % basename)
common.main._open_app(infilename, use_progress_dialog=False, add_to_history=False)
# some shortcuts
tree = common.app_tree
app = tree.app
if test_GUI or preview:
# expand tree and show edit window
first_window_node = app.node.children[0]
first_window = first_window_node.widget
first_window_item = first_window_node.item
if test_GUI:
if first_window_item.IsOk():
tree.expand()
self._process_wx_events()
tree.SelectItem(first_window_item)
self._process_wx_events()
tree.show_toplevel(first_window_node)
self._process_wx_events()
if preview:
first_window.properties["preview"]()
self._process_wx_events()
if compat.PYTHON2:
# the languages that failed due to differences to expected files
diff_fails = []
else:
# with Python 3, we use subTests
subtest = 0
if "wxg" in languages:
# save file again and check
generated_filename = self._get_outputfile_path(infilename)
compare_filename = self._get_casefile_path(infilename) # some properties may have changed on loading
common.main._save_app(generated_filename)
if compat.PYTHON2:
if self._compare_files(compare_filename, generated_filename):
diff_fails.append("wxg")
else:
with self.subTest(subtest):
self._compare_files(compare_filename, generated_filename)
subtest += 1
# try to generate code with empty output path -> will fail
app.properties["output_path"].set("")
app.generate_code()
# first test should fail because no output file is given
self._assert_error_message( u'You must specify an output file' )
# now test full code generation
for language, dummy, ext, dummy in self.language_constants:
if not language in languages:
continue
if language=="C++" and app.multiple_files:
app_basename = os.path.splitext(config.default_cpp_app_name)[0]
app_basename = "%s_%s"%(first_window.klass.split("_")[0], app_basename)
app.app_filename = app_basename
expected_filename = self._get_casefile_path( "%s.%s"%(app_basename, app.source_extension) )
# first_window.klass # 'Bug179_Frame'
else:
expected_filename = self._get_casefile_path( '%s%s' % (basename, ext) )
if not expected_filename: continue
generated_filename = self._get_outputfile_path(expected_filename)
# check for language first
self.assertTrue( language in common.code_writers, "No codewriter loaded for %s" % language )
# set absolute "Output path", language and generate code
if language=="C++" and app.multiple_files:
app.properties["output_path"].set( os.path.dirname(generated_filename) )
else:
app.properties["output_path"].set(generated_filename)
app.properties["language"].set(language)
self._process_wx_events()
app.generate_code()
self._assert_info_message(u'Code generation completed successfully')
compare_files = [(expected_filename, generated_filename)]
if language == 'C++':
if not app.multiple_files:
# compare header file as well
expected_filename_h = '%s.%s' % ( os.path.splitext(expected_filename )[0], app.header_extension )
generated_filename_h = '%s.%s' % ( os.path.splitext(generated_filename)[0], app.header_extension )
compare_files.append( (expected_filename, generated_filename) )
compare_files.append( (expected_filename_h, generated_filename_h) )
else:
for toplevel in app.node.children:
classname = toplevel.widget.klass
# class C++ file
expected_filename = self._get_casefile_path( "%s.%s"%(classname, app.source_extension) )
if expected_filename:
compare_files.append( (expected_filename, self._get_outputfile_path(expected_filename) ) )
# class header file
expected_filename = self._get_casefile_path( "%s.%s"%(classname, app.header_extension) )
if expected_filename:
compare_files.append( (expected_filename, self._get_outputfile_path(expected_filename) ) )
for expected_filename, generated_filename in compare_files:
if compat.PYTHON2: # no subtests
if self._compare_files(expected_filename, generated_filename): diff_fails.append(language)
else:
with self.subTest(subtest):
self._compare_files(expected_filename, generated_filename)
subtest += 1
if compat.PYTHON2:
self.assertFalse(diff_fails, "Expected and generated files do not match for %s"%",".join(diff_fails))
def _copy_and_modify(self, source, target, original=None, replacement=None):
if original is None:
shutil.copy2( source, target )
return
with open(source,"rb") as infile:
content = infile.read().replace(original, replacement)
with open(target, "wb") as outfile:
outfile.write(content)
shutil.copystat( source, target )
| [
1,
29871,
13,
15945,
29908,
13,
29992,
8552,
1266,
29901,
29871,
29906,
29900,
29896,
29906,
29899,
29906,
29900,
29896,
29953,
529,
5813,
29958,
313,
294,
934,
4770,
2344,
26914,
2272,
29897,
13,
29992,
8552,
1266,
29901,
29871,
29906,
29900,
29896,
29953,
29899,
29906,
29900,
29896,
29947,
529,
5813,
29958,
13,
13,
29992,
506,
1947,
29901,
341,
1806,
313,
4149,
365,
2965,
1430,
1660,
29889,
3945,
29897,
448,
3446,
3235,
13756,
29954,
25058,
4810,
2303,
29903,
22659,
11698,
399,
1718,
29934,
13566,
29979,
13,
15945,
29908,
13,
13,
5215,
2897,
29892,
10876,
13,
9675,
29889,
2084,
29889,
7851,
29898,
29896,
29892,
2897,
29889,
2084,
29889,
25721,
29898,
9675,
29889,
2084,
29961,
29900,
12622,
13,
13,
5215,
4589,
1217,
29892,
7876,
4352,
29892,
13149,
29892,
528,
4422,
29892,
337,
13,
5215,
443,
27958,
29892,
2923,
1982,
29892,
12183,
29892,
2411,
13,
13,
5215,
679,
726,
13,
29873,
353,
679,
726,
29889,
3286,
18411,
29898,
7247,
543,
23310,
29887,
23373,
613,
15068,
3972,
543,
23337,
613,
6416,
1627,
29922,
5574,
29897,
13,
29873,
29889,
6252,
703,
23310,
29887,
23373,
1159,
13,
13,
5215,
3619,
13,
9435,
29889,
2344,
29918,
24772,
29898,
8516,
29897,
13,
13,
5215,
2295,
13,
2917,
29889,
13424,
353,
5852,
13,
5215,
26437,
29887,
23373,
29892,
775,
1885,
29892,
10007,
29892,
1480,
13,
13,
361,
10007,
29889,
20055,
4690,
1164,
29906,
29901,
13,
1678,
515,
1714,
5971,
1053,
1714,
5971,
13,
2870,
29901,
13,
1678,
515,
12013,
1053,
1714,
5971,
13,
13,
13,
1990,
399,
29990,
29954,
23373,
5160,
3057,
29898,
348,
27958,
29889,
3057,
8259,
1125,
13,
1678,
376,
1184,
29894,
680,
6996,
3168,
363,
599,
6987,
29908,
13,
13,
1678,
1472,
3728,
353,
5852,
13,
13,
1678,
1206,
9882,
353,
525,
4878,
5325,
29915,
396,
18862,
411,
1881,
2066,
322,
313,
9684,
29897,
1121,
2066,
13,
1678,
714,
9882,
29871,
353,
525,
13525,
29915,
396,
18862,
411,
5759,
1121,
2066,
13,
13,
1678,
396,
17088,
2702,
17727,
363,
934,
2983,
29901,
4086,
29892,
934,
10944,
29892,
934,
17752,
13,
1678,
4086,
29918,
3075,
1934,
353,
518,
703,
4691,
3284,
19737,
613,
11393,
2272,
613,
11393,
2272,
4968,
703,
22032,
3284,
3247,
613,
11393,
572,
613,
11393,
3358,
4968,
13,
462,
3986,
4852,
29907,
1817,
3284,
6271,
29925,
613,
11393,
8223,
613,
11393,
8223,
4968,
703,
29880,
11936,
3284,
29931,
11936,
613,
11393,
29880,
11936,
613,
1642,
29880,
11936,
4968,
13,
462,
3986,
4852,
29990,
10363,
3284,
29916,
2214,
613,
11393,
29916,
2214,
613,
1642,
29916,
2214,
13531,
13,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
731,
3373,
2385,
29898,
25932,
1125,
13,
4706,
376,
15514,
895,
5633,
310,
26437,
29954,
23373,
1434,
5375,
6987,
8665,
29908,
13,
4706,
396,
731,
9849,
2224,
1250,
304,
278,
2322,
2322,
13,
4706,
396,
2917,
29889,
27078,
29918,
2084,
353,
525,
27078,
29915,
13,
13,
4706,
396,
2847,
895,
26437,
29954,
23373,
5821,
2063,
322,
731,
777,
5407,
1819,
13,
4706,
3619,
29889,
2344,
29918,
1457,
10662,
580,
13,
4706,
2295,
29889,
1457,
10662,
29889,
1300,
359,
1351,
353,
7700,
13,
4706,
2295,
29889,
1457,
10662,
29889,
3539,
29918,
16394,
353,
7700,
13,
4706,
2295,
29889,
1457,
10662,
29889,
4294,
29918,
18035,
353,
7700,
13,
4706,
2295,
29889,
3259,
353,
18793,
29888,
12535,
1243,
1873,
29908,
29915,
13,
13,
4706,
396,
1207,
321,
29889,
29887,
29889,
278,
25267,
12020,
8960,
29879,
13,
4706,
2295,
29889,
13424,
353,
5852,
13,
13,
4706,
396,
5953,
837,
16976,
1206,
322,
1962,
3884,
13,
4706,
1067,
29879,
29889,
4878,
9882,
353,
2897,
29889,
2084,
29889,
7122,
29898,
2897,
29889,
2084,
29889,
25721,
22168,
1445,
1649,
511,
1067,
29879,
29889,
4878,
9882,
1723,
13,
4706,
1067,
29879,
29889,
449,
9882,
29871,
353,
2897,
29889,
2084,
29889,
7122,
29898,
2897,
29889,
2084,
29889,
25721,
22168,
1445,
1649,
511,
1067,
29879,
29889,
449,
9882,
1723,
13,
4706,
565,
451,
2897,
29889,
2084,
29889,
9933,
29898,
25932,
29889,
449,
9882,
1125,
2897,
29889,
11256,
3972,
29898,
25932,
29889,
449,
9882,
29897,
13,
13,
4706,
396,
11262,
6494,
7928,
29879,
13,
4706,
10876,
3032,
13998,
29918,
3166,
29918,
1688,
353,
5852,
13,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
734,
279,
6767,
2385,
29898,
25932,
1125,
13,
4706,
376,
29907,
14044,
786,
1156,
599,
5375,
6987,
526,
2309,
29908,
13,
4706,
396,
316,
29899,
9573,
1914,
12183,
13,
4706,
1480,
29889,
311,
2344,
580,
13,
13,
1678,
822,
731,
3373,
29898,
1311,
1125,
13,
4706,
376,
15514,
895,
29908,
13,
4706,
775,
1885,
29889,
5160,
29931,
574,
3399,
10507,
3032,
4294,
29918,
25442,
886,
353,
7700,
13,
13,
1678,
822,
734,
279,
6767,
29898,
1311,
1125,
13,
4706,
376,
29907,
14044,
786,
29908,
13,
4706,
1209,
13,
13,
1678,
822,
903,
949,
29918,
1445,
29918,
9012,
29898,
1311,
29892,
10422,
1125,
13,
4706,
376,
949,
263,
934,
29892,
6219,
964,
3454,
322,
5768,
525,
13525,
491,
2023,
11838,
13,
4706,
411,
1722,
29898,
9507,
29892,
376,
6050,
1159,
408,
285,
29901,
13,
9651,
3240,
353,
285,
29889,
949,
580,
13,
4706,
3240,
29871,
353,
3240,
29889,
5451,
29898,
29871,
289,
26732,
29878,
29905,
29876,
29908,
565,
289,
26732,
29878,
29905,
29876,
29908,
297,
3240,
29871,
1683,
289,
26732,
29876,
29908,
1723,
13,
4706,
396,
5768,
4069,
3454,
322,
525,
13525,
491,
856,
29915,
13,
4706,
1550,
3240,
322,
451,
3240,
14352,
29896,
5387,
13,
9651,
628,
3240,
14352,
29896,
29962,
13,
4706,
363,
474,
29892,
1196,
297,
26985,
29898,
2267,
7503,
29896,
29900,
29962,
1125,
13,
9651,
565,
289,
29915,
13525,
491,
26437,
29954,
23373,
29915,
297,
1196,
29901,
13,
18884,
628,
3240,
29961,
29875,
29962,
13,
18884,
2867,
13,
4706,
736,
3240,
13,
268,
13,
1678,
822,
903,
18307,
29918,
5325,
29898,
1311,
29892,
3806,
29918,
9507,
29892,
5759,
29918,
9507,
29892,
1423,
29918,
29885,
2230,
29922,
8824,
1125,
13,
4706,
1583,
29889,
9294,
5574,
29898,
2897,
29889,
2084,
29889,
275,
1445,
29898,
13525,
29918,
9507,
511,
376,
2283,
1273,
29879,
471,
451,
5759,
29908,
29995,
13525,
29918,
9507,
1723,
13,
4706,
565,
1423,
29918,
29885,
2230,
29901,
13,
9651,
1583,
29889,
9294,
25120,
1008,
29898,
2897,
29889,
6112,
29898,
13525,
29918,
9507,
467,
303,
29918,
29885,
2230,
29892,
2897,
29889,
6112,
29898,
9684,
29918,
9507,
467,
303,
29918,
29885,
2230,
29892,
13,
462,
18884,
376,
2283,
471,
451,
975,
17625,
29908,
1723,
13,
308,
13,
4706,
396,
1722,
2066,
29892,
6219,
964,
3454,
322,
3588,
304,
851,
29914,
2523,
356,
13,
4706,
3806,
29871,
353,
1583,
3032,
949,
29918,
1445,
29918,
9012,
29898,
9684,
29918,
9507,
29897,
13,
4706,
5759,
353,
1583,
3032,
949,
29918,
1445,
29918,
9012,
29898,
13525,
29918,
9507,
29897,
13,
4706,
565,
3806,
1275,
5759,
29901,
736,
7700,
13,
4706,
3806,
29871,
353,
518,
29879,
29889,
13808,
877,
294,
18869,
742,
525,
6506,
1495,
363,
269,
297,
3806,
29962,
13,
4706,
5759,
353,
518,
29879,
29889,
13808,
877,
294,
18869,
742,
525,
6506,
1495,
363,
269,
297,
5759,
29962,
13,
4706,
565,
26437,
29889,
21889,
1275,
525,
1649,
29956,
29990,
23799,
29968,
1649,
2396,
13,
9651,
396,
373,
330,
11178,
29892,
278,
16608,
679,
620,
1891,
1156,
11265,
13,
9651,
565,
7431,
29898,
9684,
29897,
1360,
2435,
29898,
13525,
1125,
13,
18884,
3806,
29918,
29871,
353,
518,
29880,
363,
301,
297,
3806,
29871,
565,
451,
301,
29889,
17010,
2141,
27382,
2541,
28945,
2311,
29958,
1159,
322,
451,
376,
2697,
3505,
29908,
297,
301,
29962,
13,
18884,
5759,
29918,
353,
518,
29880,
363,
301,
297,
5759,
565,
451,
301,
29889,
17010,
2141,
27382,
2541,
28945,
2311,
29958,
1159,
322,
451,
376,
2697,
3505,
29908,
297,
301,
29962,
13,
18884,
565,
3806,
29918,
1275,
5759,
29918,
29901,
736,
7700,
13,
308,
13,
4706,
2923,
353,
2923,
1982,
29889,
348,
2164,
29918,
12765,
29898,
9684,
29892,
5759,
29892,
515,
1445,
29922,
9684,
29918,
9507,
29892,
304,
1445,
29922,
13525,
29918,
9507,
29892,
6276,
300,
837,
2433,
1495,
13,
4706,
2923,
353,
1051,
29898,
12765,
29897,
13,
4706,
1596,
29898,
11297,
29876,
4286,
7122,
29898,
12765,
7503,
29946,
29900,
2314,
1723,
13,
4706,
565,
7431,
29898,
12765,
15410,
29946,
29900,
29901,
1596,
703,
856,
1159,
13,
4706,
396,
361,
10007,
29889,
20055,
4690,
1164,
29941,
29901,
13,
4706,
1583,
29889,
9294,
8824,
29898,
2923,
29892,
376,
24565,
934,
322,
3806,
1121,
2923,
414,
3583,
29876,
29995,
29879,
29908,
1273,
6634,
29876,
1642,
7122,
29898,
12765,
29897,
1723,
13,
4706,
736,
5852,
13,
13,
1678,
822,
903,
657,
29918,
2080,
1445,
29918,
2084,
29898,
1311,
29892,
10422,
1125,
13,
4706,
376,
2457,
278,
8380,
2224,
310,
263,
869,
23310,
29887,
1881,
934,
29908,
13,
4706,
2362,
3871,
29892,
6081,
353,
2897,
29889,
2084,
29889,
23579,
568,
486,
29898,
9507,
29897,
13,
4706,
7876,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1311,
29889,
4878,
9882,
29892,
10422,
29897,
13,
4706,
565,
2897,
29889,
2084,
29889,
9933,
29898,
9144,
1125,
13,
9651,
736,
7876,
13,
4706,
736,
6213,
13,
13,
1678,
822,
903,
657,
29918,
4878,
1445,
29918,
2084,
29898,
1311,
29892,
10422,
1125,
13,
4706,
376,
2457,
278,
8380,
2224,
310,
385,
1881,
934,
470,
3884,
29936,
363,
869,
2272,
2066,
29892,
445,
1795,
3160,
903,
29925,
1251,
23534,
19891,
2385,
293,
29908,
13,
4706,
2362,
3871,
29892,
6081,
353,
2897,
29889,
2084,
29889,
23579,
568,
486,
29898,
9507,
29897,
13,
4706,
565,
6081,
29889,
13609,
580,
1275,
11393,
2272,
1115,
13,
9651,
396,
2740,
363,
1873,
2702,
2066,
13,
9651,
565,
10007,
29889,
3235,
29918,
13875,
1799,
2965,
29901,
259,
7876,
353,
11860,
29879,
29918,
2385,
293,
29995,
29879,
29908,
29995,
29898,
6500,
3871,
29892,
6081,
29897,
13,
9651,
25342,
10007,
29889,
3235,
29918,
29925,
8187,
1430,
6415,
29901,
7876,
353,
11860,
29879,
29918,
29925,
1251,
23534,
29995,
29879,
29908,
29995,
29898,
6500,
3871,
29892,
6081,
29897,
13,
9651,
7876,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1311,
29889,
4878,
9882,
29892,
7876,
29897,
13,
9651,
565,
2897,
29889,
2084,
29889,
9933,
29898,
9144,
1125,
736,
7876,
29871,
396,
445,
1033,
367,
263,
3884,
408,
1532,
13,
4706,
565,
6081,
29889,
13609,
580,
1275,
11393,
23310,
29887,
1115,
13,
9651,
396,
2740,
363,
11119,
29903,
10511,
29908,
1873,
13,
9651,
7876,
353,
11860,
29879,
29918,
29903,
10511,
29995,
29879,
29908,
29995,
29898,
6500,
3871,
29892,
6081,
29897,
13,
9651,
7876,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1311,
29889,
4878,
9882,
29892,
7876,
29897,
13,
9651,
565,
2897,
29889,
2084,
29889,
9933,
29898,
9144,
1125,
736,
7876,
29871,
396,
445,
1033,
367,
263,
3884,
408,
1532,
13,
4706,
7876,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1311,
29889,
4878,
9882,
29892,
10422,
29897,
13,
4706,
565,
2897,
29889,
2084,
29889,
9933,
29898,
9144,
1125,
13,
9651,
736,
7876,
13,
4706,
736,
6213,
13,
13,
1678,
822,
903,
657,
29918,
4905,
1445,
29918,
2084,
29898,
1311,
29892,
10422,
1125,
13,
4706,
9995,
2457,
278,
1024,
363,
385,
1962,
934,
13,
13,
4706,
10422,
508,
367,
13,
3986,
448,
263,
2989,
2224,
29892,
988,
871,
278,
760,
6198,
304,
1206,
9882,
674,
367,
1304,
13,
3986,
448,
385,
8380,
2224,
29892,
988,
871,
278,
20447,
978,
674,
367,
1304,
13,
3986,
448,
263,
6198,
2224,
15945,
29908,
13,
4706,
3619,
2084,
353,
2897,
29889,
2084,
29889,
9435,
13506,
29898,
313,
1311,
29889,
4878,
9882,
29892,
10422,
29897,
1723,
13,
4706,
565,
3619,
2084,
1360,
1311,
29889,
4878,
9882,
29901,
13,
9651,
20447,
353,
10422,
29961,
2435,
29898,
9435,
2084,
7240,
29896,
17531,
13,
4706,
25342,
2897,
29889,
2084,
29889,
275,
6897,
29898,
9507,
1125,
13,
9651,
20447,
353,
2897,
29889,
2084,
29889,
6500,
3871,
29898,
9507,
29897,
13,
4706,
1683,
29901,
13,
9651,
20447,
353,
10422,
13,
4706,
736,
2897,
29889,
2084,
29889,
7122,
29898,
1311,
29889,
449,
9882,
29892,
20447,
29897,
13,
13,
13,
1990,
399,
29990,
29954,
23373,
6154,
1806,
342,
29898,
29956,
29990,
29954,
23373,
5160,
3057,
1125,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
731,
3373,
2385,
29898,
25932,
1125,
13,
4706,
12183,
29889,
20472,
29898,
21027,
29889,
29956,
25614,
29897,
13,
4706,
26437,
29887,
23373,
29889,
2344,
29918,
19190,
29896,
580,
13,
4706,
26437,
29887,
23373,
29889,
2344,
29918,
2997,
2133,
580,
13,
4706,
26437,
29887,
23373,
29889,
2344,
29918,
19190,
29906,
29898,
8824,
29897,
13,
13,
13,
5215,
921,
2214,
29906,
23310,
29887,
13,
5215,
26437,
13,
5215,
2295,
29892,
3619,
29892,
10007,
29892,
1667,
13,
13,
1990,
399,
29990,
29954,
23373,
29954,
29965,
1806,
342,
29898,
29956,
29990,
29954,
23373,
5160,
3057,
1125,
13,
13,
1678,
396,
408,
29871,
5132,
2825,
385,
1914,
2777,
363,
1269,
1243,
29892,
591,
671,
770,
3651,
363,
28152,
15446,
525,
932,
29915,
322,
525,
2557,
2396,
13,
1678,
623,
308,
353,
6213,
396,
12105,
304,
263,
26437,
29889,
2052,
1203,
29889,
259,
450,
1203,
338,
28152,
1156,
278,
11265,
297,
731,
3373,
2141,
13,
1678,
3515,
539,
353,
6213,
396,
12105,
304,
1667,
29889,
23310,
29954,
23373,
4308,
29889,
450,
1203,
338,
28152,
1156,
278,
11265,
297,
731,
3373,
2141,
13,
1678,
302,
1189,
539,
353,
6213,
396,
302,
1189,
29901,
26437,
8801,
29879,
19014,
17927,
304,
21301,
1059,
7191,
13,
1678,
1677,
29918,
25393,
353,
6213,
396,
2441,
285,
29881,
363,
27591,
13,
13,
1678,
822,
11187,
3728,
3313,
29898,
1311,
29892,
2643,
29892,
5777,
683,
29892,
334,
5085,
29892,
3579,
19290,
1125,
13,
4706,
376,
18680,
1203,
363,
26437,
29889,
3728,
3313,
29908,
13,
4706,
1583,
3032,
4906,
3313,
353,
518,
4906,
29892,
5777,
683,
29962,
13,
13,
1678,
822,
903,
9294,
29918,
4906,
29898,
1311,
29892,
28228,
29892,
5777,
683,
29871,
1125,
13,
4706,
1583,
29889,
9294,
5574,
29898,
1583,
3032,
4906,
3313,
29892,
376,
3782,
1273,
29879,
2643,
5759,
29908,
29995,
6671,
1723,
13,
4706,
5759,
29918,
4906,
29892,
5759,
29918,
6671,
353,
1583,
3032,
4906,
3313,
13,
4706,
1583,
29889,
9294,
5574,
29898,
5759,
29918,
6671,
1360,
6671,
29892,
376,
1252,
6021,
1273,
29879,
2643,
29892,
2355,
1273,
29879,
29908,
29995,
29898,
6671,
29892,
5759,
29918,
6671,
29897,
1723,
13,
4706,
19200,
2433,
29995,
29879,
2643,
947,
451,
1993,
29901,
1222,
6021,
2643,
6943,
11860,
29879,
29908,
320,
865,
327,
26437,
3728,
3313,
29898,
4906,
543,
29995,
29879,
613,
5777,
683,
543,
29995,
29879,
1159,
29915,
13,
4706,
10191,
353,
19200,
29995,
29898,
6671,
29892,
28228,
29892,
1583,
3032,
4906,
3313,
29961,
29900,
1402,
1583,
3032,
4906,
3313,
29961,
29896,
29962,
1723,
13,
4706,
1583,
29889,
9294,
5574,
29898,
28228,
297,
5759,
29918,
4906,
29892,
10191,
1723,
13,
4706,
1583,
3032,
4906,
3313,
353,
6213,
13,
13,
1678,
822,
903,
9294,
29918,
2704,
29918,
4906,
29898,
1311,
29892,
28228,
29871,
1125,
13,
4706,
1583,
3032,
9294,
29918,
4906,
29898,
20363,
29892,
318,
29908,
2392,
1159,
13,
1678,
822,
903,
9294,
29918,
27392,
29918,
4906,
29898,
1311,
29892,
28228,
29871,
1125,
13,
4706,
1583,
3032,
9294,
29918,
4906,
29898,
20363,
29892,
318,
29908,
22709,
1159,
13,
1678,
822,
903,
9294,
29918,
3888,
29918,
4906,
29898,
1311,
29892,
28228,
29871,
1125,
13,
4706,
1583,
3032,
9294,
29918,
4906,
29898,
20363,
29892,
318,
29908,
20350,
1159,
13,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
731,
3373,
2385,
29898,
25932,
1125,
13,
4706,
399,
29990,
29954,
23373,
5160,
3057,
29889,
842,
3373,
2385,
580,
13,
4706,
921,
2214,
29906,
23310,
29887,
3032,
3539,
29918,
16394,
353,
7700,
13,
13,
4706,
396,
1653,
385,
3763,
2280,
13,
4706,
1067,
29879,
29889,
932,
353,
26437,
29889,
2052,
580,
13,
4706,
1067,
29879,
29889,
23337,
353,
26437,
29889,
3524,
744,
29898,
23310,
29889,
29931,
19453,
29965,
10461,
29918,
23397,
29897,
13,
4706,
10007,
29889,
23310,
29918,
9986,
6980,
27031,
29898,
3396,
29889,
23310,
29954,
23373,
9986,
6980,
3101,
13,
4706,
1067,
29879,
29889,
2557,
353,
1667,
29889,
23310,
29954,
23373,
4308,
580,
13,
13,
4706,
396,
21301,
26437,
1059,
7191,
13,
4706,
1067,
29879,
29889,
29876,
1189,
353,
26437,
29889,
3403,
7327,
580,
13,
13,
4706,
396,
25932,
29889,
932,
29889,
2697,
14697,
6818,
29898,
29900,
29897,
396,
4772,
7135,
292,
310,
26437,
4974,
1080,
29936,
6041,
4312,
363,
13490,
13,
13,
4706,
396,
9563,
599,
5417,
13,
4706,
396,
25932,
29889,
2557,
29889,
29950,
680,
580,
13,
4706,
396,
25932,
29889,
2557,
29889,
11458,
29918,
497,
580,
13,
13,
1678,
732,
1990,
5696,
13,
1678,
822,
734,
279,
6767,
2385,
29898,
25932,
1125,
13,
4706,
1067,
29879,
29889,
29876,
1189,
353,
6213,
13,
13,
1678,
822,
731,
3373,
29898,
1311,
1125,
13,
4706,
396,
6684,
27591,
13,
4706,
1583,
29889,
12683,
29918,
25393,
353,
10876,
29889,
25393,
13,
4706,
10876,
29889,
25393,
353,
1714,
5971,
580,
13,
13,
4706,
396,
2847,
895,
2967,
770,
13,
4706,
399,
29990,
29954,
23373,
5160,
3057,
29889,
842,
3373,
29898,
1311,
29897,
13,
13,
4706,
396,
11658,
11187,
1203,
363,
26437,
3728,
3313,
13,
4706,
26437,
29889,
3728,
3313,
353,
1583,
29889,
17640,
3728,
3313,
13,
4706,
1583,
3032,
4906,
3313,
353,
5159,
13,
13,
4706,
396,
1510,
7928,
376,
3399,
12623,
8676,
8472,
29908,
13,
4706,
2295,
29889,
1457,
10662,
29889,
4294,
29918,
5729,
12757,
353,
5852,
13,
13,
1678,
822,
734,
279,
6767,
29898,
1311,
1125,
13,
4706,
396,
17749,
2441,
27591,
13,
4706,
565,
1583,
29889,
12683,
29918,
25393,
29901,
13,
9651,
10876,
29889,
25393,
353,
1583,
29889,
12683,
29918,
25393,
13,
13,
4706,
396,
2847,
895,
2967,
770,
13,
4706,
399,
29990,
29954,
23373,
5160,
3057,
29889,
371,
279,
6767,
29898,
1311,
29897,
13,
13,
1678,
822,
903,
5014,
29918,
23310,
29918,
13604,
29898,
1311,
1125,
13,
4706,
376,
7032,
26437,
4959,
29892,
1363,
591,
1016,
29915,
29873,
1369,
278,
1667,
2425,
29908,
13,
4706,
363,
474,
297,
3464,
29898,
29941,
1125,
13,
9651,
26437,
29889,
17618,
1725,
29979,
969,
580,
13,
9651,
1583,
29889,
932,
29889,
7032,
29925,
2548,
13634,
580,
13,
13,
1678,
822,
2254,
29918,
392,
29918,
17158,
29898,
1311,
29892,
2362,
3871,
29892,
429,
13347,
29922,
8516,
29892,
5134,
29922,
8516,
29892,
1243,
29918,
29954,
3120,
29922,
5574,
29892,
25267,
29922,
5574,
1125,
13,
4706,
376,
5896,
263,
26437,
29954,
23373,
1842,
525,
6500,
3871,
29915,
322,
5706,
775,
363,
599,
10276,
5174,
278,
6743,
297,
1051,
525,
735,
13347,
11838,
13,
4706,
565,
5134,
338,
6213,
29901,
13,
9651,
10276,
353,
731,
29898,
518,
29880,
29961,
29900,
29962,
363,
301,
297,
1583,
29889,
11675,
29918,
3075,
1934,
29962,
718,
6796,
23310,
29887,
3108,
1723,
13,
4706,
1683,
29901,
13,
9651,
10276,
353,
731,
29898,
11707,
287,
29897,
13,
4706,
565,
429,
13347,
338,
451,
6213,
29901,
13,
9651,
10276,
22361,
731,
29898,
735,
13347,
29897,
13,
13,
4706,
396,
1722,
934,
13,
4706,
297,
9507,
353,
1583,
3032,
657,
29918,
2080,
1445,
29918,
2084,
877,
29995,
29879,
29889,
23310,
29887,
29915,
1273,
2362,
3871,
29897,
13,
4706,
3619,
29889,
3396,
3032,
3150,
29918,
932,
29898,
262,
9507,
29892,
671,
29918,
18035,
29918,
15901,
29922,
8824,
29892,
788,
29918,
517,
29918,
18434,
29922,
8824,
29897,
13,
13,
4706,
396,
777,
21697,
29879,
13,
4706,
5447,
353,
3619,
29889,
932,
29918,
8336,
13,
4706,
623,
353,
5447,
29889,
932,
13,
13,
4706,
565,
1243,
29918,
29954,
3120,
470,
25267,
29901,
13,
9651,
396,
7985,
5447,
322,
1510,
3863,
3474,
13,
9651,
937,
29918,
7165,
29918,
3177,
353,
623,
29889,
3177,
29889,
11991,
29961,
29900,
29962,
13,
9651,
937,
29918,
7165,
353,
937,
29918,
7165,
29918,
3177,
29889,
8030,
13,
9651,
937,
29918,
7165,
29918,
667,
353,
937,
29918,
7165,
29918,
3177,
29889,
667,
13,
4706,
565,
1243,
29918,
29954,
3120,
29901,
13,
9651,
565,
937,
29918,
7165,
29918,
667,
29889,
3624,
20434,
7295,
13,
18884,
5447,
29889,
18837,
580,
13,
18884,
1583,
3032,
5014,
29918,
23310,
29918,
13604,
580,
13,
18884,
5447,
29889,
3549,
2001,
29898,
4102,
29918,
7165,
29918,
667,
29897,
13,
18884,
1583,
3032,
5014,
29918,
23310,
29918,
13604,
580,
13,
18884,
5447,
29889,
4294,
29918,
29873,
1991,
955,
29898,
4102,
29918,
7165,
29918,
3177,
29897,
13,
9651,
1583,
3032,
5014,
29918,
23310,
29918,
13604,
580,
13,
4706,
565,
25267,
29901,
13,
9651,
937,
29918,
7165,
29889,
11330,
3366,
25347,
3108,
580,
13,
9651,
1583,
3032,
5014,
29918,
23310,
29918,
13604,
580,
13,
13,
4706,
565,
10007,
29889,
20055,
4690,
1164,
29906,
29901,
13,
9651,
396,
278,
10276,
393,
5229,
2861,
304,
12651,
304,
3806,
2066,
13,
9651,
2923,
29918,
29888,
2234,
353,
5159,
13,
4706,
1683,
29901,
13,
9651,
396,
411,
5132,
29871,
29941,
29892,
591,
671,
1014,
24376,
13,
9651,
1014,
1688,
353,
29871,
29900,
13,
13,
4706,
565,
376,
23310,
29887,
29908,
297,
10276,
29901,
13,
9651,
396,
4078,
934,
1449,
322,
1423,
13,
9651,
5759,
29918,
9507,
353,
1583,
3032,
657,
29918,
4905,
1445,
29918,
2084,
29898,
262,
9507,
29897,
13,
9651,
7252,
29918,
9507,
353,
1583,
3032,
657,
29918,
4878,
1445,
29918,
2084,
29898,
262,
9507,
29897,
29871,
396,
777,
4426,
1122,
505,
3939,
373,
8363,
13,
9651,
3619,
29889,
3396,
3032,
7620,
29918,
932,
29898,
13525,
29918,
9507,
29897,
13,
9651,
565,
10007,
29889,
20055,
4690,
1164,
29906,
29901,
13,
18884,
565,
1583,
3032,
18307,
29918,
5325,
29898,
18307,
29918,
9507,
29892,
5759,
29918,
9507,
1125,
13,
462,
1678,
2923,
29918,
29888,
2234,
29889,
4397,
703,
23310,
29887,
1159,
13,
9651,
1683,
29901,
13,
18884,
411,
1583,
29889,
1491,
3057,
29898,
1491,
1688,
1125,
13,
462,
1678,
1583,
3032,
18307,
29918,
5325,
29898,
18307,
29918,
9507,
29892,
5759,
29918,
9507,
29897,
13,
18884,
1014,
1688,
4619,
29871,
29896,
13,
13,
4706,
396,
1018,
304,
5706,
775,
411,
4069,
1962,
2224,
1599,
674,
4418,
13,
4706,
623,
29889,
11330,
3366,
4905,
29918,
2084,
16862,
842,
703,
1159,
13,
4706,
623,
29889,
17158,
29918,
401,
580,
13,
13,
4706,
396,
937,
1243,
881,
4418,
1363,
694,
1962,
934,
338,
2183,
13,
4706,
1583,
3032,
9294,
29918,
2704,
29918,
4906,
29898,
318,
29915,
3492,
1818,
6084,
385,
1962,
934,
29915,
1723,
13,
13,
4706,
396,
1286,
1243,
2989,
775,
12623,
13,
4706,
363,
4086,
29892,
20254,
29892,
1294,
29892,
20254,
297,
1583,
29889,
11675,
29918,
3075,
1934,
29901,
13,
9651,
565,
451,
4086,
297,
10276,
29901,
13,
18884,
6773,
13,
13,
9651,
565,
4086,
26359,
29907,
1817,
29908,
322,
623,
29889,
20787,
29918,
5325,
29901,
13,
18884,
623,
29918,
6500,
3871,
353,
2897,
29889,
2084,
29889,
23579,
568,
486,
29898,
2917,
29889,
4381,
29918,
8223,
29918,
932,
29918,
978,
9601,
29900,
29962,
13,
18884,
623,
29918,
6500,
3871,
353,
11860,
29879,
29918,
29995,
29879,
29908,
29995,
29898,
4102,
29918,
7165,
29889,
29895,
605,
29889,
5451,
703,
29918,
1159,
29961,
29900,
1402,
623,
29918,
6500,
3871,
29897,
13,
18884,
623,
29889,
932,
29918,
9507,
353,
623,
29918,
6500,
3871,
13,
18884,
3806,
29918,
9507,
353,
1583,
3032,
657,
29918,
4878,
1445,
29918,
2084,
29898,
11860,
29879,
29889,
29995,
29879,
29908,
29995,
29898,
932,
29918,
6500,
3871,
29892,
623,
29889,
4993,
29918,
17588,
29897,
1723,
13,
18884,
396,
937,
29918,
7165,
29889,
29895,
605,
29871,
396,
525,
29933,
688,
29896,
29955,
29929,
29918,
4308,
29915,
13,
9651,
1683,
29901,
13,
18884,
3806,
29918,
9507,
353,
1583,
3032,
657,
29918,
4878,
1445,
29918,
2084,
29898,
14210,
29879,
29995,
29879,
29915,
1273,
313,
6500,
3871,
29892,
1294,
29897,
1723,
13,
9651,
565,
451,
3806,
29918,
9507,
29901,
6773,
13,
9651,
5759,
29918,
9507,
353,
1583,
3032,
657,
29918,
4905,
1445,
29918,
2084,
29898,
9684,
29918,
9507,
29897,
13,
13,
9651,
396,
1423,
363,
4086,
937,
13,
9651,
1583,
29889,
9294,
5574,
29898,
4086,
297,
3619,
29889,
401,
29918,
8231,
414,
29892,
376,
3782,
775,
13236,
7500,
363,
1273,
29879,
29908,
1273,
4086,
1723,
13,
13,
9651,
396,
731,
8380,
376,
6466,
2224,
613,
4086,
322,
5706,
775,
13,
9651,
565,
4086,
26359,
29907,
1817,
29908,
322,
623,
29889,
20787,
29918,
5325,
29901,
13,
18884,
623,
29889,
11330,
3366,
4905,
29918,
2084,
16862,
842,
29898,
2897,
29889,
2084,
29889,
25721,
29898,
13525,
29918,
9507,
29897,
1723,
13,
9651,
1683,
29901,
13,
18884,
623,
29889,
11330,
3366,
4905,
29918,
2084,
16862,
842,
29898,
13525,
29918,
9507,
29897,
13,
9651,
623,
29889,
11330,
3366,
11675,
16862,
842,
29898,
11675,
29897,
13,
9651,
1583,
3032,
5014,
29918,
23310,
29918,
13604,
580,
13,
9651,
623,
29889,
17158,
29918,
401,
580,
13,
13,
9651,
1583,
3032,
9294,
29918,
3888,
29918,
4906,
29898,
29884,
29915,
3399,
12623,
8676,
8472,
1495,
13,
13,
9651,
7252,
29918,
5325,
353,
17288,
9684,
29918,
9507,
29892,
5759,
29918,
9507,
4638,
13,
9651,
565,
4086,
1275,
525,
29907,
1817,
2396,
13,
18884,
565,
451,
623,
29889,
20787,
29918,
5325,
29901,
13,
462,
1678,
396,
7252,
4839,
934,
408,
1532,
13,
462,
1678,
3806,
29918,
9507,
29918,
29882,
29871,
353,
14210,
29879,
29889,
29995,
29879,
29915,
1273,
313,
2897,
29889,
2084,
29889,
23579,
568,
486,
29898,
9684,
29918,
9507,
1723,
29961,
29900,
1402,
623,
29889,
6672,
29918,
17588,
1723,
13,
462,
1678,
5759,
29918,
9507,
29918,
29882,
353,
14210,
29879,
29889,
29995,
29879,
29915,
1273,
313,
2897,
29889,
2084,
29889,
23579,
568,
486,
29898,
13525,
29918,
9507,
9601,
29900,
1402,
623,
29889,
6672,
29918,
17588,
1723,
13,
462,
1678,
7252,
29918,
5325,
29889,
4397,
29898,
313,
9684,
29918,
9507,
29892,
5759,
29918,
9507,
29897,
1723,
13,
462,
1678,
7252,
29918,
5325,
29889,
4397,
29898,
313,
9684,
29918,
9507,
29918,
29882,
29892,
5759,
29918,
9507,
29918,
29882,
29897,
1723,
13,
18884,
1683,
29901,
13,
462,
1678,
363,
304,
552,
955,
297,
623,
29889,
3177,
29889,
11991,
29901,
13,
462,
4706,
770,
978,
353,
304,
552,
955,
29889,
8030,
29889,
29895,
605,
13,
462,
4706,
396,
770,
315,
1817,
934,
13,
462,
4706,
3806,
29918,
9507,
353,
1583,
3032,
657,
29918,
4878,
1445,
29918,
2084,
29898,
11860,
29879,
29889,
29995,
29879,
29908,
29995,
29898,
1990,
978,
29892,
623,
29889,
4993,
29918,
17588,
29897,
1723,
13,
462,
4706,
565,
3806,
29918,
9507,
29901,
13,
462,
9651,
7252,
29918,
5325,
29889,
4397,
29898,
313,
9684,
29918,
9507,
29892,
1583,
3032,
657,
29918,
4905,
1445,
29918,
2084,
29898,
9684,
29918,
9507,
29897,
1723,
1723,
13,
462,
4706,
396,
770,
4839,
934,
13,
462,
4706,
3806,
29918,
9507,
353,
1583,
3032,
657,
29918,
4878,
1445,
29918,
2084,
29898,
11860,
29879,
29889,
29995,
29879,
29908,
29995,
29898,
1990,
978,
29892,
623,
29889,
6672,
29918,
17588,
29897,
1723,
13,
462,
4706,
565,
3806,
29918,
9507,
29901,
13,
462,
9651,
7252,
29918,
5325,
29889,
4397,
29898,
313,
9684,
29918,
9507,
29892,
1583,
3032,
657,
29918,
4905,
1445,
29918,
2084,
29898,
9684,
29918,
9507,
29897,
1723,
1723,
13,
13,
9651,
363,
3806,
29918,
9507,
29892,
5759,
29918,
9507,
297,
7252,
29918,
5325,
29901,
13,
18884,
565,
10007,
29889,
20055,
4690,
1164,
29906,
29901,
29871,
396,
694,
1014,
21150,
13,
462,
1678,
565,
1583,
3032,
18307,
29918,
5325,
29898,
9684,
29918,
9507,
29892,
5759,
29918,
9507,
1125,
2923,
29918,
29888,
2234,
29889,
4397,
29898,
11675,
29897,
13,
18884,
1683,
29901,
13,
462,
1678,
411,
1583,
29889,
1491,
3057,
29898,
1491,
1688,
1125,
13,
462,
4706,
1583,
3032,
18307,
29918,
5325,
29898,
9684,
29918,
9507,
29892,
5759,
29918,
9507,
29897,
13,
462,
1678,
1014,
1688,
4619,
29871,
29896,
13,
4706,
565,
10007,
29889,
20055,
4690,
1164,
29906,
29901,
13,
9651,
1583,
29889,
9294,
8824,
29898,
12765,
29918,
29888,
2234,
29892,
376,
1252,
6021,
322,
5759,
2066,
437,
451,
1993,
363,
1273,
29879,
29908,
29995,
613,
1642,
7122,
29898,
12765,
29918,
29888,
2234,
876,
13,
13,
1678,
822,
903,
8552,
29918,
392,
29918,
1545,
1598,
29898,
1311,
29892,
2752,
29892,
3646,
29892,
2441,
29922,
8516,
29892,
16920,
29922,
8516,
1125,
13,
4706,
565,
2441,
338,
6213,
29901,
13,
9651,
528,
4422,
29889,
8552,
29906,
29898,
2752,
29892,
3646,
1723,
13,
9651,
736,
13,
4706,
411,
1722,
29898,
4993,
1699,
6050,
1159,
408,
297,
1445,
29901,
13,
9651,
2793,
353,
297,
1445,
29889,
949,
2141,
6506,
29898,
13492,
29892,
16920,
29897,
13,
4706,
411,
1722,
29898,
5182,
29892,
376,
29893,
29890,
1159,
408,
714,
1445,
29901,
13,
9651,
714,
1445,
29889,
3539,
29898,
3051,
29897,
13,
4706,
528,
4422,
29889,
9708,
858,
271,
29898,
2752,
29892,
3646,
1723,
13,
2
] |
src/tools/rut5_finetuning.py | JetBrains-Research/relevant-tasks-search | 1 | 168760 | <filename>src/tools/rut5_finetuning.py<gh_stars>1-10
import os
from argparse import ArgumentParser
import numpy as np
import pandas as pd
from transformers import (
AutoTokenizer,
AutoModelForSeq2SeqLM,
DataCollatorForSeq2Seq,
Seq2SeqTrainingArguments,
Seq2SeqTrainer,
)
from datasets import DatasetDict, load_metric
import nltk
def read_data(input_path: str, load_courses=False):
"""
Used for reading data from input path and returning pd.DataFrames
:param input_path: path to dir with train/test/val .csv files
:param load_courses: if True, loading data about courses and sections too
:return:
"""
if not isinstance(input_path, str):
raise Exception(f"You passed {type(input_path)} instead of str type")
if not os.path.exists(input_path):
raise FileNotFoundError(f"{input_path} doesn't exist")
data_train = pd.read_csv(os.path.join(input_path, "train.csv"))
data_val = pd.read_csv(os.path.join(input_path, "val.csv"))
data_test = pd.read_csv(os.path.join(input_path, "test.csv"))
data_train = data_train.dropna().reset_index(drop=True)
data_val = data_val.dropna().reset_index(drop=True)
data_test = data_test.dropna().reset_index(drop=True)
if load_courses:
data_courses = pd.read_csv(os.path.join(input_path, "popular_courses.csv"))
data_sections = pd.read_csv(os.path.join(input_path, "popular_courses_sections.csv"))
return data_train, data_val, data_test, data_courses, data_sections
else:
return data_train, data_val, data_test
def create_dataset(input_path: str, output_path: str):
"""
Used for dataset's creation. You should provide input path with train/test/val .csv files and
sections & courses data
:param input_path: path to load train/test/val .csv files and sections & courses data
:param output_path: path to save datasets
:return:
"""
if not os.path.isdir(output_path):
os.mkdir(output_path)
data_train, data_val, data_test, data_courses, data_sections = read_data(input_path, load_courses=True)
dataset_train = pd.DataFrame({"text": data_train.preprocessed_text, "id": data_train.id})
dataset_test = pd.DataFrame({"text": data_test.preprocessed_text, "id": data_test.id})
dataset_val = pd.DataFrame({"text": data_val.preprocessed_text, "id": data_val.id})
course2title = {}
for index in data_courses.index:
course2title[data_courses.at[index, "id"]] = data_courses.at[index, "title"]
section2title = {}
for index in data_sections.index:
section2title[data_sections.at[index, "id"]] = data_sections.at[index, "title"]
# Adding key word "summarize" which T5 is needed
dataset_train.text = "summarize: " + dataset_train.text + " </s>"
dataset_test.text = "summarize: " + dataset_test.text + " </s>"
dataset_val.text = "summarize: " + dataset_val.text + " </s>"
# Adding some king of summary - section_name + delimiter + course_name
dataset_train["summary"] = ""
dataset_test["summary"] = ""
dataset_val["summary"] = ""
for index in data_train.index:
course_id = data_train.at[index, "course_id"]
section_id = data_train.at[index, "section_id"]
dataset_train.at[index, "summary"] = section2title[section_id] + " в курсе " + course2title[course_id]
for index in data_test.index:
course_id = data_test.at[index, "course_id"]
section_id = data_test.at[index, "section_id"]
dataset_test.at[index, "summary"] = section2title[section_id] + " в курсе " + course2title[course_id]
for index in data_val.index:
course_id = data_val.at[index, "course_id"]
section_id = data_val.at[index, "section_id"]
dataset_val.at[index, "summary"] = section2title[section_id] + " в курсе " + course2title[course_id]
# Saving datasets to the output dir
dataset_train.to_csv(os.path.join(output_path, "dataset_train.csv"), index=False, header=True)
dataset_test.to_csv(os.path.join(output_path, "dataset_test.csv"), index=False, header=True)
dataset_val.to_csv(os.path.join(output_path, "dataset_val.csv"), index=False, header=True)
def preprocess_function(examples, tokenizer, max_length=512):
"""
This function is used to tokenized text in datasets
Adopt by me almost without changes from https://github.com/huggingface/notebooks/blob/master/examples/summarization.ipynb
:param examples: dataset
:param tokenizer: tokenizer to use
:param max_length: max length of sequence in tokens
:return:
"""
inputs = [doc for doc in examples["text"]]
model_inputs = tokenizer(inputs, max_length=max_length, truncation=True, padding="max_length")
# Setup the tokenizer for targets
with tokenizer.as_target_tokenizer():
labels = tokenizer(examples["summary"], max_length=max_length, truncation=True, padding="max_length")
model_inputs["labels"] = labels["input_ids"]
return model_inputs
def compute_metrics(eval_pred, tokenizer, metric):
"""
This function is used to compute ROUGE metric.
Adopt by me almost without changes from https://github.com/huggingface/notebooks/blob/master/examples/summarization.ipynb
:param eval_pred:
:param tokenizer:
:param metric:
:return:
"""
predictions, labels = eval_pred
decoded_preds = tokenizer.batch_decode(predictions, skip_special_tokens=True)
# Replace -100 in the labels as we can't decode them.
labels = np.where(labels != -100, labels, tokenizer.pad_token_id)
decoded_labels = tokenizer.batch_decode(labels, skip_special_tokens=True)
# Rouge expects a newline after each sentence
decoded_preds = ["\n".join(nltk.sent_tokenize(pred.strip())) for pred in decoded_preds]
decoded_labels = ["\n".join(nltk.sent_tokenize(label.strip())) for label in decoded_labels]
result = metric.compute(predictions=decoded_preds, references=decoded_labels, use_stemmer=True)
# Extract a few results
result = {key: value.mid.fmeasure * 100 for key, value in result.items()}
# Add mean generated length
prediction_lens = [np.count_nonzero(pred != tokenizer.pad_token_id) for pred in predictions]
result["gen_len"] = np.mean(prediction_lens)
return {k: round(v, 4) for k, v in result.items()}
def train(
input_path: str, output_path: str, metric_name: str = "rouge", model_checkpoint: str = "cointegrated/rut5-small"
):
"""
Used for training. You should provide input path with already computed datasets
:param input_path: path to directory with datasets
:param output_path: where to save trained model
:param metric_name: metric to compute while training
:param model_checkpoint: checkpoint to start finetuning
:return:
"""
if not os.path.exists(input_path):
raise FileNotFoundError(f"{input_path} doesn't exist")
if not os.path.isdir(output_path):
os.mkdir(output_path)
raw_datasets = DatasetDict.from_csv(
{
"train": os.path.join(input_path, "dataset_train.csv"),
"test": os.path.join(input_path, "dataset_test.csv"),
"validation": os.path.join(input_path, "dataset_val.csv"),
}
)
metric = load_metric(metric_name)
tokenizer = AutoTokenizer.from_pretrained(model_checkpoint)
model = AutoModelForSeq2SeqLM.from_pretrained(model_checkpoint)
tokenized_datasets = raw_datasets.map(lambda x: preprocess_function(x, tokenizer), batched=True)
batch_size = 4
args = Seq2SeqTrainingArguments(
os.path.join(output_path, "rut5_finetuned"),
evaluation_strategy="steps",
eval_steps=200,
learning_rate=2e-5,
per_device_train_batch_size=batch_size,
per_device_eval_batch_size=batch_size,
weight_decay=1e-5,
save_total_limit=1,
save_strategy="steps",
save_steps=1000,
num_train_epochs=2,
predict_with_generate=True,
logging_steps=200,
logging_first_step=True,
logging_dir=os.path.join(output_path, "logs"),
push_to_hub=False,
)
try:
nltk.data.find("tokenizers/punkt")
except LookupError:
nltk.download("punkt")
data_collator = DataCollatorForSeq2Seq(tokenizer, model=model)
trainer = Seq2SeqTrainer(
model,
args,
train_dataset=tokenized_datasets["train"],
eval_dataset=tokenized_datasets["test"],
data_collator=data_collator,
tokenizer=tokenizer,
compute_metrics=lambda x: compute_metrics(x, tokenizer, metric),
)
trainer.train()
model.save_pretrained(os.path.join(output_path, "rut5_finetuned"))
def configure_arg_parser() -> ArgumentParser:
arg_parser = ArgumentParser()
arg_parser.add_argument("-t", "--task", choices=["create_dataset", "train"], required=True)
arg_parser.add_argument("-o", "--output", required=True, help="Path to output directory")
arg_parser.add_argument("-i", "--input", required=True, help="Path to input directory")
return arg_parser
if __name__ == "__main__":
__arg_parser = configure_arg_parser()
__args = __arg_parser.parse_args()
if __args.task == "create_dataset":
create_dataset(__args.input, __args.output)
elif __args.task == "train":
train(__args.input, __args.output)
| [
1,
529,
9507,
29958,
4351,
29914,
8504,
29914,
23798,
29945,
29918,
4951,
300,
27964,
29889,
2272,
29966,
12443,
29918,
303,
1503,
29958,
29896,
29899,
29896,
29900,
13,
5215,
2897,
13,
3166,
1852,
5510,
1053,
23125,
11726,
13,
13,
5215,
12655,
408,
7442,
13,
5215,
11701,
408,
10518,
13,
3166,
4327,
414,
1053,
313,
13,
1678,
11133,
6066,
3950,
29892,
13,
1678,
11133,
3195,
2831,
23718,
29906,
23718,
26369,
29892,
13,
1678,
3630,
28377,
1061,
2831,
23718,
29906,
23718,
29892,
13,
1678,
25981,
29906,
23718,
5323,
2827,
26915,
29892,
13,
1678,
25981,
29906,
23718,
5323,
4983,
29892,
13,
29897,
13,
3166,
20035,
1053,
13373,
24541,
21533,
29892,
2254,
29918,
16414,
13,
5215,
302,
1896,
29895,
13,
13,
13,
1753,
1303,
29918,
1272,
29898,
2080,
29918,
2084,
29901,
851,
29892,
2254,
29918,
29883,
29781,
29922,
8824,
1125,
13,
1678,
9995,
13,
1678,
501,
8485,
363,
5183,
848,
515,
1881,
2224,
322,
7863,
10518,
29889,
1469,
14438,
1280,
13,
1678,
584,
3207,
1881,
29918,
2084,
29901,
2224,
304,
4516,
411,
7945,
29914,
1688,
29914,
791,
869,
7638,
2066,
13,
1678,
584,
3207,
2254,
29918,
29883,
29781,
29901,
565,
5852,
29892,
8363,
848,
1048,
21888,
322,
13926,
2086,
13,
1678,
584,
2457,
29901,
13,
1678,
9995,
13,
1678,
565,
451,
338,
8758,
29898,
2080,
29918,
2084,
29892,
851,
1125,
13,
4706,
12020,
8960,
29898,
29888,
29908,
3492,
4502,
426,
1853,
29898,
2080,
29918,
2084,
2915,
2012,
310,
851,
1134,
1159,
13,
1678,
565,
451,
2897,
29889,
2084,
29889,
9933,
29898,
2080,
29918,
2084,
1125,
13,
4706,
12020,
3497,
17413,
2392,
29898,
29888,
29908,
29912,
2080,
29918,
2084,
29913,
1838,
29915,
29873,
1863,
1159,
13,
13,
1678,
848,
29918,
14968,
353,
10518,
29889,
949,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
14968,
29889,
7638,
5783,
13,
1678,
848,
29918,
791,
353,
10518,
29889,
949,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
791,
29889,
7638,
5783,
13,
1678,
848,
29918,
1688,
353,
10518,
29889,
949,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
1688,
29889,
7638,
5783,
13,
13,
1678,
848,
29918,
14968,
353,
848,
29918,
14968,
29889,
8865,
1056,
2141,
12071,
29918,
2248,
29898,
8865,
29922,
5574,
29897,
13,
1678,
848,
29918,
791,
353,
848,
29918,
791,
29889,
8865,
1056,
2141,
12071,
29918,
2248,
29898,
8865,
29922,
5574,
29897,
13,
1678,
848,
29918,
1688,
353,
848,
29918,
1688,
29889,
8865,
1056,
2141,
12071,
29918,
2248,
29898,
8865,
29922,
5574,
29897,
13,
13,
1678,
565,
2254,
29918,
29883,
29781,
29901,
13,
4706,
848,
29918,
29883,
29781,
353,
10518,
29889,
949,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
7323,
1070,
29918,
29883,
29781,
29889,
7638,
5783,
13,
4706,
848,
29918,
27117,
353,
10518,
29889,
949,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
7323,
1070,
29918,
29883,
29781,
29918,
27117,
29889,
7638,
5783,
13,
4706,
736,
848,
29918,
14968,
29892,
848,
29918,
791,
29892,
848,
29918,
1688,
29892,
848,
29918,
29883,
29781,
29892,
848,
29918,
27117,
13,
1678,
1683,
29901,
13,
4706,
736,
848,
29918,
14968,
29892,
848,
29918,
791,
29892,
848,
29918,
1688,
13,
13,
13,
1753,
1653,
29918,
24713,
29898,
2080,
29918,
2084,
29901,
851,
29892,
1962,
29918,
2084,
29901,
851,
1125,
13,
1678,
9995,
13,
1678,
501,
8485,
363,
8783,
29915,
29879,
11265,
29889,
887,
881,
3867,
1881,
2224,
411,
7945,
29914,
1688,
29914,
791,
869,
7638,
2066,
322,
13,
1678,
13926,
669,
21888,
848,
13,
1678,
584,
3207,
1881,
29918,
2084,
29901,
2224,
304,
2254,
7945,
29914,
1688,
29914,
791,
869,
7638,
2066,
322,
13926,
669,
21888,
848,
13,
1678,
584,
3207,
1962,
29918,
2084,
29901,
2224,
304,
4078,
20035,
13,
1678,
584,
2457,
29901,
13,
1678,
9995,
13,
1678,
565,
451,
2897,
29889,
2084,
29889,
275,
3972,
29898,
4905,
29918,
2084,
1125,
13,
4706,
2897,
29889,
11256,
3972,
29898,
4905,
29918,
2084,
29897,
13,
13,
1678,
848,
29918,
14968,
29892,
848,
29918,
791,
29892,
848,
29918,
1688,
29892,
848,
29918,
29883,
29781,
29892,
848,
29918,
27117,
353,
1303,
29918,
1272,
29898,
2080,
29918,
2084,
29892,
2254,
29918,
29883,
29781,
29922,
5574,
29897,
13,
13,
1678,
8783,
29918,
14968,
353,
10518,
29889,
17271,
3319,
29908,
726,
1115,
848,
29918,
14968,
29889,
1457,
5014,
287,
29918,
726,
29892,
376,
333,
1115,
848,
29918,
14968,
29889,
333,
1800,
13,
1678,
8783,
29918,
1688,
353,
10518,
29889,
17271,
3319,
29908,
726,
1115,
848,
29918,
1688,
29889,
1457,
5014,
287,
29918,
726,
29892,
376,
333,
1115,
848,
29918,
1688,
29889,
333,
1800,
13,
1678,
8783,
29918,
791,
353,
10518,
29889,
17271,
3319,
29908,
726,
1115,
848,
29918,
791,
29889,
1457,
5014,
287,
29918,
726,
29892,
376,
333,
1115,
848,
29918,
791,
29889,
333,
1800,
13,
13,
1678,
3236,
29906,
3257,
353,
6571,
13,
1678,
363,
2380,
297,
848,
29918,
29883,
29781,
29889,
2248,
29901,
13,
4706,
3236,
29906,
3257,
29961,
1272,
29918,
29883,
29781,
29889,
271,
29961,
2248,
29892,
376,
333,
3108,
29962,
353,
848,
29918,
29883,
29781,
29889,
271,
29961,
2248,
29892,
376,
3257,
3108,
13,
13,
1678,
4004,
29906,
3257,
353,
6571,
13,
1678,
363,
2380,
297,
848,
29918,
27117,
29889,
2248,
29901,
13,
4706,
4004,
29906,
3257,
29961,
1272,
29918,
27117,
29889,
271,
29961,
2248,
29892,
376,
333,
3108,
29962,
353,
848,
29918,
27117,
29889,
271,
29961,
2248,
29892,
376,
3257,
3108,
13,
13,
1678,
396,
18804,
1820,
1734,
376,
2083,
3034,
675,
29908,
607,
323,
29945,
338,
4312,
13,
1678,
8783,
29918,
14968,
29889,
726,
353,
376,
2083,
3034,
675,
29901,
376,
718,
8783,
29918,
14968,
29889,
726,
718,
376,
29871,
2,
376,
13,
1678,
8783,
29918,
1688,
29889,
726,
353,
376,
2083,
3034,
675,
29901,
376,
718,
8783,
29918,
1688,
29889,
726,
718,
376,
29871,
2,
376,
13,
1678,
8783,
29918,
791,
29889,
726,
353,
376,
2083,
3034,
675,
29901,
376,
718,
8783,
29918,
791,
29889,
726,
718,
376,
29871,
2,
376,
13,
13,
1678,
396,
18804,
777,
6989,
310,
15837,
448,
4004,
29918,
978,
718,
28552,
718,
3236,
29918,
978,
13,
1678,
8783,
29918,
14968,
3366,
7727,
3108,
353,
5124,
13,
1678,
8783,
29918,
1688,
3366,
7727,
3108,
353,
5124,
13,
1678,
8783,
29918,
791,
3366,
7727,
3108,
353,
5124,
13,
1678,
363,
2380,
297,
848,
29918,
14968,
29889,
2248,
29901,
13,
4706,
3236,
29918,
333,
353,
848,
29918,
14968,
29889,
271,
29961,
2248,
29892,
376,
15775,
29918,
333,
3108,
13,
4706,
4004,
29918,
333,
353,
848,
29918,
14968,
29889,
271,
29961,
2248,
29892,
376,
2042,
29918,
333,
3108,
13,
4706,
8783,
29918,
14968,
29889,
271,
29961,
2248,
29892,
376,
7727,
3108,
353,
4004,
29906,
3257,
29961,
2042,
29918,
333,
29962,
718,
376,
490,
23049,
1502,
376,
718,
3236,
29906,
3257,
29961,
15775,
29918,
333,
29962,
13,
1678,
363,
2380,
297,
848,
29918,
1688,
29889,
2248,
29901,
13,
4706,
3236,
29918,
333,
353,
848,
29918,
1688,
29889,
271,
29961,
2248,
29892,
376,
15775,
29918,
333,
3108,
13,
4706,
4004,
29918,
333,
353,
848,
29918,
1688,
29889,
271,
29961,
2248,
29892,
376,
2042,
29918,
333,
3108,
13,
4706,
8783,
29918,
1688,
29889,
271,
29961,
2248,
29892,
376,
7727,
3108,
353,
4004,
29906,
3257,
29961,
2042,
29918,
333,
29962,
718,
376,
490,
23049,
1502,
376,
718,
3236,
29906,
3257,
29961,
15775,
29918,
333,
29962,
13,
1678,
363,
2380,
297,
848,
29918,
791,
29889,
2248,
29901,
13,
4706,
3236,
29918,
333,
353,
848,
29918,
791,
29889,
271,
29961,
2248,
29892,
376,
15775,
29918,
333,
3108,
13,
4706,
4004,
29918,
333,
353,
848,
29918,
791,
29889,
271,
29961,
2248,
29892,
376,
2042,
29918,
333,
3108,
13,
4706,
8783,
29918,
791,
29889,
271,
29961,
2248,
29892,
376,
7727,
3108,
353,
4004,
29906,
3257,
29961,
2042,
29918,
333,
29962,
718,
376,
490,
23049,
1502,
376,
718,
3236,
29906,
3257,
29961,
15775,
29918,
333,
29962,
13,
13,
1678,
396,
317,
5555,
20035,
304,
278,
1962,
4516,
13,
1678,
8783,
29918,
14968,
29889,
517,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
4905,
29918,
2084,
29892,
376,
24713,
29918,
14968,
29889,
7638,
4968,
2380,
29922,
8824,
29892,
4839,
29922,
5574,
29897,
13,
1678,
8783,
29918,
1688,
29889,
517,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
4905,
29918,
2084,
29892,
376,
24713,
29918,
1688,
29889,
7638,
4968,
2380,
29922,
8824,
29892,
4839,
29922,
5574,
29897,
13,
1678,
8783,
29918,
791,
29889,
517,
29918,
7638,
29898,
359,
29889,
2084,
29889,
7122,
29898,
4905,
29918,
2084,
29892,
376,
24713,
29918,
791,
29889,
7638,
4968,
2380,
29922,
8824,
29892,
4839,
29922,
5574,
29897,
13,
13,
13,
1753,
758,
5014,
29918,
2220,
29898,
19057,
29892,
5993,
3950,
29892,
4236,
29918,
2848,
29922,
29945,
29896,
29906,
1125,
13,
1678,
9995,
13,
1678,
910,
740,
338,
1304,
304,
5993,
1891,
1426,
297,
20035,
13,
1678,
319,
1867,
415,
491,
592,
4359,
1728,
3620,
515,
2045,
597,
3292,
29889,
510,
29914,
29882,
688,
3460,
2161,
29914,
1333,
19273,
29879,
29914,
10054,
29914,
6207,
29914,
19057,
29914,
2083,
3034,
2133,
29889,
666,
948,
29890,
13,
1678,
584,
3207,
6455,
29901,
8783,
13,
1678,
584,
3207,
5993,
3950,
29901,
5993,
3950,
304,
671,
13,
1678,
584,
3207,
4236,
29918,
2848,
29901,
4236,
3309,
310,
5665,
297,
18897,
13,
1678,
584,
2457,
29901,
13,
1678,
9995,
13,
1678,
10970,
353,
518,
1514,
363,
1574,
297,
6455,
3366,
726,
3108,
29962,
13,
1678,
1904,
29918,
2080,
29879,
353,
5993,
3950,
29898,
2080,
29879,
29892,
4236,
29918,
2848,
29922,
3317,
29918,
2848,
29892,
21022,
362,
29922,
5574,
29892,
7164,
543,
3317,
29918,
2848,
1159,
13,
13,
1678,
396,
3789,
786,
278,
5993,
3950,
363,
22525,
13,
1678,
411,
5993,
3950,
29889,
294,
29918,
5182,
29918,
6979,
3950,
7295,
13,
4706,
11073,
353,
5993,
3950,
29898,
19057,
3366,
7727,
12436,
4236,
29918,
2848,
29922,
3317,
29918,
2848,
29892,
21022,
362,
29922,
5574,
29892,
7164,
543,
3317,
29918,
2848,
1159,
13,
13,
1678,
1904,
29918,
2080,
29879,
3366,
21134,
3108,
353,
11073,
3366,
2080,
29918,
4841,
3108,
13,
1678,
736,
1904,
29918,
2080,
29879,
13,
13,
13,
1753,
10272,
29918,
2527,
10817,
29898,
14513,
29918,
11965,
29892,
5993,
3950,
29892,
12714,
1125,
13,
1678,
9995,
13,
1678,
910,
740,
338,
1304,
304,
10272,
16641,
29965,
1692,
12714,
29889,
13,
1678,
319,
1867,
415,
491,
592,
4359,
1728,
3620,
515,
2045,
597,
3292,
29889,
510,
29914,
29882,
688,
3460,
2161,
29914,
1333,
19273,
29879,
29914,
10054,
29914,
6207,
29914,
19057,
29914,
2083,
3034,
2133,
29889,
666,
948,
29890,
13,
1678,
584,
3207,
19745,
29918,
11965,
29901,
13,
1678,
584,
3207,
5993,
3950,
29901,
13,
1678,
584,
3207,
12714,
29901,
13,
1678,
584,
2457,
29901,
13,
1678,
9995,
13,
1678,
27303,
29892,
11073,
353,
19745,
29918,
11965,
13,
1678,
1602,
6797,
29918,
11965,
29879,
353,
5993,
3950,
29889,
16175,
29918,
13808,
29898,
27711,
1080,
29892,
14383,
29918,
18732,
29918,
517,
12360,
29922,
5574,
29897,
13,
1678,
396,
22108,
448,
29896,
29900,
29900,
297,
278,
11073,
408,
591,
508,
29915,
29873,
21822,
963,
29889,
13,
1678,
11073,
353,
7442,
29889,
3062,
29898,
21134,
2804,
448,
29896,
29900,
29900,
29892,
11073,
29892,
5993,
3950,
29889,
8305,
29918,
6979,
29918,
333,
29897,
13,
1678,
1602,
6797,
29918,
21134,
353,
5993,
3950,
29889,
16175,
29918,
13808,
29898,
21134,
29892,
14383,
29918,
18732,
29918,
517,
12360,
29922,
5574,
29897,
13,
13,
1678,
396,
15915,
479,
23347,
263,
25899,
1156,
1269,
10541,
13,
1678,
1602,
6797,
29918,
11965,
29879,
353,
6796,
29905,
29876,
1642,
7122,
29898,
29876,
1896,
29895,
29889,
18616,
29918,
6979,
675,
29898,
11965,
29889,
17010,
22130,
363,
4450,
297,
1602,
6797,
29918,
11965,
29879,
29962,
13,
1678,
1602,
6797,
29918,
21134,
353,
6796,
29905,
29876,
1642,
7122,
29898,
29876,
1896,
29895,
29889,
18616,
29918,
6979,
675,
29898,
1643,
29889,
17010,
22130,
363,
3858,
297,
1602,
6797,
29918,
21134,
29962,
13,
13,
1678,
1121,
353,
12714,
29889,
26017,
29898,
27711,
1080,
29922,
7099,
6797,
29918,
11965,
29879,
29892,
9282,
29922,
7099,
6797,
29918,
21134,
29892,
671,
29918,
303,
331,
1050,
29922,
5574,
29897,
13,
1678,
396,
7338,
1461,
263,
2846,
2582,
13,
1678,
1121,
353,
426,
1989,
29901,
995,
29889,
6563,
29889,
29888,
26658,
334,
29871,
29896,
29900,
29900,
363,
1820,
29892,
995,
297,
1121,
29889,
7076,
28296,
13,
13,
1678,
396,
3462,
2099,
5759,
3309,
13,
1678,
18988,
29918,
29880,
575,
353,
518,
9302,
29889,
2798,
29918,
5464,
9171,
29898,
11965,
2804,
5993,
3950,
29889,
8305,
29918,
6979,
29918,
333,
29897,
363,
4450,
297,
27303,
29962,
13,
1678,
1121,
3366,
1885,
29918,
2435,
3108,
353,
7442,
29889,
12676,
29898,
11965,
2463,
29918,
29880,
575,
29897,
13,
13,
1678,
736,
426,
29895,
29901,
4513,
29898,
29894,
29892,
29871,
29946,
29897,
363,
413,
29892,
325,
297,
1121,
29889,
7076,
28296,
13,
13,
13,
1753,
7945,
29898,
13,
1678,
1881,
29918,
2084,
29901,
851,
29892,
1962,
29918,
2084,
29901,
851,
29892,
12714,
29918,
978,
29901,
851,
353,
376,
27537,
479,
613,
1904,
29918,
3198,
3149,
29901,
851,
353,
376,
1111,
14146,
630,
29914,
23798,
29945,
29899,
9278,
29908,
13,
1125,
13,
1678,
9995,
13,
1678,
501,
8485,
363,
6694,
29889,
887,
881,
3867,
1881,
2224,
411,
2307,
15712,
20035,
13,
1678,
584,
3207,
1881,
29918,
2084,
29901,
2224,
304,
3884,
411,
20035,
13,
1678,
584,
3207,
1962,
29918,
2084,
29901,
988,
304,
4078,
16370,
1904,
13,
1678,
584,
3207,
12714,
29918,
978,
29901,
12714,
304,
10272,
1550,
6694,
13,
1678,
584,
3207,
1904,
29918,
3198,
3149,
29901,
1423,
3149,
304,
1369,
1436,
300,
27964,
13,
1678,
584,
2457,
29901,
13,
1678,
9995,
13,
1678,
565,
451,
2897,
29889,
2084,
29889,
9933,
29898,
2080,
29918,
2084,
1125,
13,
4706,
12020,
3497,
17413,
2392,
29898,
29888,
29908,
29912,
2080,
29918,
2084,
29913,
1838,
29915,
29873,
1863,
1159,
13,
1678,
565,
451,
2897,
29889,
2084,
29889,
275,
3972,
29898,
4905,
29918,
2084,
1125,
13,
4706,
2897,
29889,
11256,
3972,
29898,
4905,
29918,
2084,
29897,
13,
13,
1678,
10650,
29918,
14538,
1691,
353,
13373,
24541,
21533,
29889,
3166,
29918,
7638,
29898,
13,
4706,
426,
13,
9651,
376,
14968,
1115,
2897,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
24713,
29918,
14968,
29889,
7638,
4968,
13,
9651,
376,
1688,
1115,
2897,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
24713,
29918,
1688,
29889,
7638,
4968,
13,
9651,
376,
18157,
1115,
2897,
29889,
2084,
29889,
7122,
29898,
2080,
29918,
2084,
29892,
376,
24713,
29918,
791,
29889,
7638,
4968,
13,
4706,
500,
13,
1678,
1723,
13,
1678,
12714,
353,
2254,
29918,
16414,
29898,
16414,
29918,
978,
29897,
13,
13,
1678,
5993,
3950,
353,
11133,
6066,
3950,
29889,
3166,
29918,
1457,
3018,
1312,
29898,
4299,
29918,
3198,
3149,
29897,
13,
1678,
1904,
353,
11133,
3195,
2831,
23718,
29906,
23718,
26369,
29889,
3166,
29918,
1457,
3018,
1312,
29898,
4299,
29918,
3198,
3149,
29897,
13,
13,
1678,
5993,
1891,
29918,
14538,
1691,
353,
10650,
29918,
14538,
1691,
29889,
1958,
29898,
2892,
921,
29901,
758,
5014,
29918,
2220,
29898,
29916,
29892,
5993,
3950,
511,
9853,
287,
29922,
5574,
29897,
13,
13,
1678,
9853,
29918,
2311,
353,
29871,
29946,
13,
1678,
6389,
353,
25981,
29906,
23718,
5323,
2827,
26915,
29898,
13,
4706,
2897,
29889,
2084,
29889,
7122,
29898,
4905,
29918,
2084,
29892,
376,
23798,
29945,
29918,
4951,
300,
348,
287,
4968,
13,
4706,
17983,
29918,
710,
8963,
543,
24530,
613,
13,
4706,
19745,
29918,
24530,
29922,
29906,
29900,
29900,
29892,
13,
4706,
6509,
29918,
10492,
29922,
29906,
29872,
29899,
29945,
29892,
13,
4706,
639,
29918,
10141,
29918,
14968,
29918,
16175,
29918,
2311,
29922,
16175,
29918,
2311,
29892,
13,
4706,
639,
29918,
10141,
29918,
14513,
29918,
16175,
29918,
2311,
29922,
16175,
29918,
2311,
29892,
13,
4706,
7688,
29918,
7099,
388,
29922,
29896,
29872,
29899,
29945,
29892,
13,
4706,
4078,
29918,
7827,
29918,
13400,
29922,
29896,
29892,
13,
4706,
4078,
29918,
710,
8963,
543,
24530,
613,
13,
4706,
4078,
29918,
24530,
29922,
29896,
29900,
29900,
29900,
29892,
13,
4706,
954,
29918,
14968,
29918,
1022,
2878,
29879,
29922,
29906,
29892,
13,
4706,
8500,
29918,
2541,
29918,
17158,
29922,
5574,
29892,
13,
4706,
12183,
29918,
24530,
29922,
29906,
29900,
29900,
29892,
13,
4706,
12183,
29918,
4102,
29918,
10568,
29922,
5574,
29892,
13,
4706,
12183,
29918,
3972,
29922,
359,
29889,
2084,
29889,
7122,
29898,
4905,
29918,
2084,
29892,
376,
20756,
4968,
13,
4706,
5503,
29918,
517,
29918,
29882,
431,
29922,
8824,
29892,
13,
1678,
1723,
13,
13,
1678,
1018,
29901,
13,
4706,
302,
1896,
29895,
29889,
1272,
29889,
2886,
703,
6979,
19427,
29914,
19294,
1159,
13,
1678,
5174,
7419,
786,
2392,
29901,
13,
4706,
302,
1896,
29895,
29889,
10382,
703,
19294,
1159,
13,
13,
1678,
848,
29918,
22017,
1061,
353,
3630,
28377,
1061,
2831,
23718,
29906,
23718,
29898,
6979,
3950,
29892,
1904,
29922,
4299,
29897,
13,
13,
1678,
1020,
4983,
353,
25981,
29906,
23718,
5323,
4983,
29898,
13,
4706,
1904,
29892,
13,
4706,
6389,
29892,
13,
4706,
7945,
29918,
24713,
29922,
6979,
1891,
29918,
14538,
1691,
3366,
14968,
12436,
13,
4706,
19745,
29918,
24713,
29922,
6979,
1891,
29918,
14538,
1691,
3366,
1688,
12436,
13,
4706,
848,
29918,
22017,
1061,
29922,
1272,
29918,
22017,
1061,
29892,
13,
4706,
5993,
3950,
29922,
6979,
3950,
29892,
13,
4706,
10272,
29918,
2527,
10817,
29922,
2892,
921,
29901,
10272,
29918,
2527,
10817,
29898,
29916,
29892,
5993,
3950,
29892,
12714,
511,
13,
1678,
1723,
13,
13,
1678,
1020,
4983,
29889,
14968,
580,
13,
13,
1678,
1904,
29889,
7620,
29918,
1457,
3018,
1312,
29898,
359,
29889,
2084,
29889,
7122,
29898,
4905,
29918,
2084,
29892,
376,
23798,
29945,
29918,
4951,
300,
348,
287,
5783,
13,
13,
13,
1753,
10822,
29918,
1191,
29918,
16680,
580,
1599,
23125,
11726,
29901,
13,
1678,
1852,
29918,
16680,
353,
23125,
11726,
580,
13,
1678,
1852,
29918,
16680,
29889,
1202,
29918,
23516,
703,
29899,
29873,
613,
376,
489,
7662,
613,
19995,
29922,
3366,
3258,
29918,
24713,
613,
376,
14968,
12436,
3734,
29922,
5574,
29897,
13,
1678,
1852,
29918,
16680,
29889,
1202,
29918,
23516,
703,
29899,
29877,
613,
376,
489,
4905,
613,
3734,
29922,
5574,
29892,
1371,
543,
2605,
304,
1962,
3884,
1159,
13,
1678,
1852,
29918,
16680,
29889,
1202,
29918,
23516,
703,
29899,
29875,
613,
376,
489,
2080,
613,
3734,
29922,
5574,
29892,
1371,
543,
2605,
304,
1881,
3884,
1159,
13,
1678,
736,
1852,
29918,
16680,
13,
13,
13,
361,
4770,
978,
1649,
1275,
376,
1649,
3396,
1649,
1115,
13,
1678,
4770,
1191,
29918,
16680,
353,
10822,
29918,
1191,
29918,
16680,
580,
13,
1678,
4770,
5085,
353,
4770,
1191,
29918,
16680,
29889,
5510,
29918,
5085,
580,
13,
1678,
565,
4770,
5085,
29889,
7662,
1275,
376,
3258,
29918,
24713,
1115,
13,
4706,
1653,
29918,
24713,
22168,
5085,
29889,
2080,
29892,
4770,
5085,
29889,
4905,
29897,
13,
1678,
25342,
4770,
5085,
29889,
7662,
1275,
376,
14968,
1115,
13,
4706,
7945,
22168,
5085,
29889,
2080,
29892,
4770,
5085,
29889,
4905,
29897,
13,
2
] |
Two pointers/26. Remove Duplicates from Sorted Array.py | ParisMineur/LeetCode-note | 0 | 40410 | class Solution:
def removeDuplicates(self, nums: List[int]) -> int:
l = len(nums)
if l == 1:
return 1
index = 1
num = nums[0]
for i in range(1, l):
if nums[i] == num:
continue
num = nums[i]
nums[index] = nums[i]
index += 1
return index
| [
1,
770,
24380,
29901,
13,
1678,
822,
3349,
29928,
786,
15815,
29898,
1311,
29892,
954,
29879,
29901,
2391,
29961,
524,
2314,
1599,
938,
29901,
13,
4706,
301,
353,
7431,
29898,
1949,
29879,
29897,
13,
4706,
565,
301,
1275,
29871,
29896,
29901,
13,
9651,
736,
29871,
29896,
13,
308,
13,
4706,
2380,
353,
29871,
29896,
13,
4706,
954,
353,
954,
29879,
29961,
29900,
29962,
13,
308,
13,
4706,
363,
474,
297,
3464,
29898,
29896,
29892,
301,
1125,
13,
9651,
565,
954,
29879,
29961,
29875,
29962,
1275,
954,
29901,
13,
18884,
6773,
13,
462,
13,
9651,
954,
353,
954,
29879,
29961,
29875,
29962,
13,
9651,
954,
29879,
29961,
2248,
29962,
353,
954,
29879,
29961,
29875,
29962,
13,
9651,
2380,
4619,
29871,
29896,
13,
13,
4706,
736,
2380,
13,
2
] |
Lesson2_Functions/8-return.py | StyvenSoft/degree-python | 0 | 30229 | <filename>Lesson2_Functions/8-return.py
def divide_by_four(input_number):
return input_number/4
result = divide_by_four(16)
# result now holds 4
print("16 divided by 4 is " + str(result) + "!")
result2 = divide_by_four(result)
print(str(result) + " divided by 4 is " + str(result2) + "!")
def calculate_age(current_year, birth_year):
age = current_year - birth_year
return age
my_age = calculate_age(2049, 1993)
dads_age = calculate_age(2049, 1953)
print("I am "+str(my_age)+" years old and my dad is "+str(dads_age)+" years old") | [
1,
529,
9507,
29958,
29931,
404,
265,
29906,
29918,
6678,
29879,
29914,
29947,
29899,
2457,
29889,
2272,
13,
1753,
16429,
29918,
1609,
29918,
17823,
29898,
2080,
29918,
4537,
1125,
13,
29871,
736,
1881,
29918,
4537,
29914,
29946,
13,
259,
13,
2914,
353,
16429,
29918,
1609,
29918,
17823,
29898,
29896,
29953,
29897,
13,
29937,
1121,
1286,
8640,
29871,
29946,
13,
2158,
703,
29896,
29953,
13931,
491,
29871,
29946,
338,
376,
718,
851,
29898,
2914,
29897,
718,
376,
29991,
1159,
13,
2914,
29906,
353,
16429,
29918,
1609,
29918,
17823,
29898,
2914,
29897,
13,
2158,
29898,
710,
29898,
2914,
29897,
718,
376,
13931,
491,
29871,
29946,
338,
376,
718,
851,
29898,
2914,
29906,
29897,
718,
376,
29991,
1159,
13,
13,
13,
1753,
8147,
29918,
482,
29898,
3784,
29918,
6360,
29892,
12060,
29918,
6360,
1125,
13,
29871,
5046,
353,
1857,
29918,
6360,
448,
12060,
29918,
6360,
13,
29871,
736,
5046,
13,
259,
13,
1357,
29918,
482,
353,
8147,
29918,
482,
29898,
29906,
29900,
29946,
29929,
29892,
29871,
29896,
29929,
29929,
29941,
29897,
13,
29881,
7925,
29918,
482,
353,
8147,
29918,
482,
29898,
29906,
29900,
29946,
29929,
29892,
29871,
29896,
29929,
29945,
29941,
29897,
13,
13,
13,
2158,
703,
29902,
626,
15691,
710,
29898,
1357,
29918,
482,
7240,
29908,
2440,
2030,
322,
590,
270,
328,
338,
15691,
710,
29898,
29881,
7925,
29918,
482,
7240,
29908,
2440,
2030,
1159,
2
] |
bauble/routes/auth.py | Bauble/bauble.api | 0 | 120367 | <reponame>Bauble/bauble.api<filename>bauble/routes/auth.py
"""
All routes in Bauble use HTTP basic auth.
"""
from datetime import datetime, timedelta
import os
import smtplib
import bottle
from bottle import request
import sqlalchemy as sa
import bauble
import bauble.config as config
import bauble.db as db
import bauble.email as email
from bauble import app, API_ROOT
from bauble.middleware import basic_auth
from bauble.model import User
from bauble.utils import create_unique_token
def create_access_token():
return create_unique_token(), datetime.now() + timedelta(weeks=2)
def create_password_reset_token():
return create_unique_token(), datetime.now() + timedelta(days=1)
@app.get(API_ROOT + "/login")
def login():
auth = request.auth
if not auth:
bottle.abort(401, "No Authorization header.")
username, password = auth
session = db.Session()
try:
user = session.query(User).filter(sa.func.lower(User.email) == username.lower()).first()
if not user or not user.password == password:
bottle.abort(401) # not authorized
user.access_token, user.access_token_expiration = create_access_token()
user.last_accessed = datetime.now()
session.commit()
user_json = user.json()
finally:
session.close()
return user_json
@app.get(API_ROOT + "/logout")
@basic_auth
def logout():
request.user.access_token = None
request.user.access_token_expiration = None
request.session.commit()
@app.post(API_ROOT + "/forgot-password")
def forgot_password():
user_email = request.params.get('email', None)
if not user_email and not user_email.contains('@'):
bottle.abort("Valid email address required")
session = None
try:
session = db.Session()
user = session.query(User)\
.filter(sa.func.lower(User.email) == user_email.lower())\
.first()
if not user:
bottle.abort(422, "Could not get a user with the requested email address")
token, expiration = create_password_reset_token()
user.password_reset_token = token
user.password_reset_token_expiration = expiration
session.commit()
finally:
if session:
session.close()
app_url = config.get("BAUBLE_APP_URL")
mappings = {'token': token, 'email': user_email, 'app_url': app_url}
try:
email.send_template('reset_password.txt', mappings, **{
'to': user_email,
'from': '<EMAIL>',
'subject': 'Bauble Password Reset'})
except smtplib.SMTPException as exc:
print(exc)
bottle.abort(500, 'Could not send reset password email.')
@app.post(API_ROOT + "/reset-password")
def reset_password():
session = None
user_email = request.json['email']
try:
session = db.Session()
user = session.query(User).filter(sa.func.lower(User.email) == user_email.lower()).first()
if user is None:
print('use is None')
# TODO: is this the correct status code?
bottle.abort(422, 'A user could be be found with the provided email')
if request.json['token'] != user.password_reset_token or \
(request.json['token'] == user.password_reset_token and user.password_reset_token_expiration < datetime.now()):
# TODO: is this the correct status code?
bottle.abort(422, 'Invalid password reset token')
# TODO: need to set the expiration
user.password_reset_token = None
user.password_reset_token_expiration = None
user.password = request.json['password']
user.access_token, user.access_token_expiration = create_access_token()
user.last_accesseed = datetime.now()
session.commit()
user_json = user.json()
# except Exception as exc:
# print('type(exc): ', type(exc))
# print(exc)
# bottle.abort(400, "Could not get a user with the requested email address")
finally:
if session:
session.close()
return user_json
| [
1,
529,
276,
1112,
420,
29958,
29933,
29874,
431,
280,
29914,
2291,
431,
280,
29889,
2754,
29966,
9507,
29958,
2291,
431,
280,
29914,
27894,
29914,
5150,
29889,
2272,
13,
15945,
29908,
13,
3596,
12049,
297,
6000,
431,
280,
671,
7331,
6996,
4817,
29889,
13,
15945,
29908,
13,
13,
3166,
12865,
1053,
12865,
29892,
5335,
287,
2554,
13,
5215,
2897,
13,
5215,
1560,
9392,
1982,
13,
13,
5215,
18046,
280,
13,
3166,
18046,
280,
1053,
2009,
13,
5215,
4576,
284,
305,
6764,
408,
872,
13,
13,
5215,
9922,
431,
280,
13,
5215,
9922,
431,
280,
29889,
2917,
408,
2295,
13,
5215,
9922,
431,
280,
29889,
2585,
408,
4833,
13,
5215,
9922,
431,
280,
29889,
5269,
408,
4876,
13,
3166,
9922,
431,
280,
1053,
623,
29892,
3450,
29918,
21289,
13,
3166,
9922,
431,
280,
29889,
17662,
2519,
1053,
6996,
29918,
5150,
13,
3166,
9922,
431,
280,
29889,
4299,
1053,
4911,
13,
3166,
9922,
431,
280,
29889,
13239,
1053,
1653,
29918,
13092,
29918,
6979,
13,
13,
13,
1753,
1653,
29918,
5943,
29918,
6979,
7295,
13,
1678,
736,
1653,
29918,
13092,
29918,
6979,
3285,
12865,
29889,
3707,
580,
718,
5335,
287,
2554,
29898,
705,
14541,
29922,
29906,
29897,
13,
13,
13,
1753,
1653,
29918,
5630,
29918,
12071,
29918,
6979,
7295,
13,
1678,
736,
1653,
29918,
13092,
29918,
6979,
3285,
12865,
29889,
3707,
580,
718,
5335,
287,
2554,
29898,
16700,
29922,
29896,
29897,
13,
13,
13,
29992,
932,
29889,
657,
29898,
8787,
29918,
21289,
718,
5591,
7507,
1159,
13,
1753,
6464,
7295,
13,
1678,
4817,
353,
2009,
29889,
5150,
13,
1678,
565,
451,
4817,
29901,
13,
4706,
18046,
280,
29889,
370,
441,
29898,
29946,
29900,
29896,
29892,
376,
3782,
13361,
2133,
4839,
23157,
13,
1678,
8952,
29892,
4800,
353,
4817,
13,
1678,
4867,
353,
4833,
29889,
7317,
580,
13,
1678,
1018,
29901,
13,
4706,
1404,
353,
4867,
29889,
1972,
29898,
2659,
467,
4572,
29898,
4977,
29889,
9891,
29889,
13609,
29898,
2659,
29889,
5269,
29897,
1275,
8952,
29889,
13609,
16655,
4102,
580,
13,
4706,
565,
451,
1404,
470,
451,
1404,
29889,
5630,
1275,
4800,
29901,
13,
9651,
18046,
280,
29889,
370,
441,
29898,
29946,
29900,
29896,
29897,
29871,
396,
451,
4148,
1891,
13,
13,
4706,
1404,
29889,
5943,
29918,
6979,
29892,
1404,
29889,
5943,
29918,
6979,
29918,
4548,
12232,
353,
1653,
29918,
5943,
29918,
6979,
580,
13,
4706,
1404,
29889,
4230,
29918,
5943,
287,
353,
12865,
29889,
3707,
580,
13,
4706,
4867,
29889,
15060,
580,
13,
4706,
1404,
29918,
3126,
353,
1404,
29889,
3126,
580,
13,
1678,
7146,
29901,
13,
4706,
4867,
29889,
5358,
580,
13,
13,
1678,
736,
1404,
29918,
3126,
13,
13,
13,
29992,
932,
29889,
657,
29898,
8787,
29918,
21289,
718,
5591,
1188,
449,
1159,
13,
29992,
16121,
29918,
5150,
13,
1753,
1480,
449,
7295,
13,
1678,
2009,
29889,
1792,
29889,
5943,
29918,
6979,
353,
6213,
13,
1678,
2009,
29889,
1792,
29889,
5943,
29918,
6979,
29918,
4548,
12232,
353,
6213,
13,
1678,
2009,
29889,
7924,
29889,
15060,
580,
13,
13,
13,
29992,
932,
29889,
2490,
29898,
8787,
29918,
21289,
718,
5591,
29888,
990,
327,
29899,
5630,
1159,
13,
1753,
9640,
29918,
5630,
7295,
13,
13,
1678,
1404,
29918,
5269,
353,
2009,
29889,
7529,
29889,
657,
877,
5269,
742,
6213,
29897,
13,
1678,
565,
451,
1404,
29918,
5269,
322,
451,
1404,
29918,
5269,
29889,
11516,
877,
29992,
29374,
13,
4706,
18046,
280,
29889,
370,
441,
703,
7211,
4876,
3211,
3734,
1159,
13,
13,
1678,
4867,
353,
6213,
13,
1678,
1018,
29901,
13,
4706,
4867,
353,
4833,
29889,
7317,
580,
13,
4706,
1404,
353,
4867,
29889,
1972,
29898,
2659,
2144,
13,
462,
418,
869,
4572,
29898,
4977,
29889,
9891,
29889,
13609,
29898,
2659,
29889,
5269,
29897,
1275,
1404,
29918,
5269,
29889,
13609,
580,
2144,
13,
462,
418,
869,
4102,
580,
13,
4706,
565,
451,
1404,
29901,
13,
9651,
18046,
280,
29889,
370,
441,
29898,
29946,
29906,
29906,
29892,
376,
23323,
451,
679,
263,
1404,
411,
278,
13877,
4876,
3211,
1159,
13,
4706,
5993,
29892,
1518,
12232,
353,
1653,
29918,
5630,
29918,
12071,
29918,
6979,
580,
13,
4706,
1404,
29889,
5630,
29918,
12071,
29918,
6979,
353,
5993,
13,
4706,
1404,
29889,
5630,
29918,
12071,
29918,
6979,
29918,
4548,
12232,
353,
1518,
12232,
13,
4706,
4867,
29889,
15060,
580,
13,
1678,
7146,
29901,
13,
4706,
565,
4867,
29901,
13,
9651,
4867,
29889,
5358,
580,
13,
13,
1678,
623,
29918,
2271,
353,
2295,
29889,
657,
703,
5688,
7466,
1307,
29918,
20576,
29918,
4219,
1159,
13,
1678,
611,
27775,
353,
11117,
6979,
2396,
5993,
29892,
525,
5269,
2396,
1404,
29918,
5269,
29892,
525,
932,
29918,
2271,
2396,
623,
29918,
2271,
29913,
13,
13,
1678,
1018,
29901,
13,
4706,
4876,
29889,
6717,
29918,
6886,
877,
12071,
29918,
5630,
29889,
3945,
742,
611,
27775,
29892,
3579,
29912,
13,
9651,
525,
517,
2396,
1404,
29918,
5269,
29892,
13,
9651,
525,
3166,
2396,
12801,
26862,
6227,
29958,
742,
13,
9651,
525,
16009,
2396,
525,
29933,
29874,
431,
280,
25280,
2538,
300,
29915,
1800,
13,
13,
1678,
5174,
1560,
9392,
1982,
29889,
17061,
3557,
2451,
408,
5566,
29901,
13,
4706,
1596,
29898,
735,
29883,
29897,
13,
4706,
18046,
280,
29889,
370,
441,
29898,
29945,
29900,
29900,
29892,
525,
23323,
451,
3638,
10092,
4800,
4876,
29889,
1495,
13,
13,
13,
29992,
932,
29889,
2490,
29898,
8787,
29918,
21289,
718,
5591,
12071,
29899,
5630,
1159,
13,
1753,
10092,
29918,
5630,
7295,
13,
1678,
4867,
353,
6213,
13,
13,
1678,
1404,
29918,
5269,
353,
2009,
29889,
3126,
1839,
5269,
2033,
13,
1678,
1018,
29901,
13,
4706,
4867,
353,
4833,
29889,
7317,
580,
13,
4706,
1404,
353,
4867,
29889,
1972,
29898,
2659,
467,
4572,
29898,
4977,
29889,
9891,
29889,
13609,
29898,
2659,
29889,
5269,
29897,
1275,
1404,
29918,
5269,
29889,
13609,
16655,
4102,
580,
13,
13,
4706,
565,
1404,
338,
6213,
29901,
13,
9651,
1596,
877,
1509,
338,
6213,
1495,
13,
9651,
396,
14402,
29901,
338,
445,
278,
1959,
4660,
775,
29973,
13,
9651,
18046,
280,
29889,
370,
441,
29898,
29946,
29906,
29906,
29892,
525,
29909,
1404,
1033,
367,
367,
1476,
411,
278,
4944,
4876,
1495,
13,
13,
4706,
565,
2009,
29889,
3126,
1839,
6979,
2033,
2804,
1404,
29889,
5630,
29918,
12071,
29918,
6979,
470,
320,
13,
965,
313,
3827,
29889,
3126,
1839,
6979,
2033,
1275,
1404,
29889,
5630,
29918,
12071,
29918,
6979,
322,
1404,
29889,
5630,
29918,
12071,
29918,
6979,
29918,
4548,
12232,
529,
12865,
29889,
3707,
580,
1125,
13,
9651,
396,
14402,
29901,
338,
445,
278,
1959,
4660,
775,
29973,
13,
9651,
18046,
280,
29889,
370,
441,
29898,
29946,
29906,
29906,
29892,
525,
13919,
4800,
10092,
5993,
1495,
13,
13,
4706,
396,
14402,
29901,
817,
304,
731,
278,
1518,
12232,
13,
4706,
1404,
29889,
5630,
29918,
12071,
29918,
6979,
353,
6213,
13,
4706,
1404,
29889,
5630,
29918,
12071,
29918,
6979,
29918,
4548,
12232,
353,
6213,
13,
4706,
1404,
29889,
5630,
353,
2009,
29889,
3126,
1839,
5630,
2033,
13,
4706,
1404,
29889,
5943,
29918,
6979,
29892,
1404,
29889,
5943,
29918,
6979,
29918,
4548,
12232,
353,
1653,
29918,
5943,
29918,
6979,
580,
13,
4706,
1404,
29889,
4230,
29918,
562,
778,
26776,
353,
12865,
29889,
3707,
580,
13,
4706,
4867,
29889,
15060,
580,
13,
4706,
1404,
29918,
3126,
353,
1404,
29889,
3126,
580,
13,
13,
1678,
396,
5174,
8960,
408,
5566,
29901,
13,
1678,
396,
268,
1596,
877,
1853,
29898,
735,
29883,
1125,
13420,
1134,
29898,
735,
29883,
876,
13,
1678,
396,
268,
1596,
29898,
735,
29883,
29897,
13,
1678,
396,
268,
18046,
280,
29889,
370,
441,
29898,
29946,
29900,
29900,
29892,
376,
23323,
451,
679,
263,
1404,
411,
278,
13877,
4876,
3211,
1159,
13,
1678,
7146,
29901,
13,
4706,
565,
4867,
29901,
13,
9651,
4867,
29889,
5358,
580,
13,
13,
1678,
736,
1404,
29918,
3126,
13,
2
] |
bin/make_expmap.py | sjtuzyk/chandra-acis-analysis | 3 | 110917 | <filename>bin/make_expmap.py<gh_stars>1-10
#!/usr/bin/env python3
#
# Copyright (c) 2017 <NAME> <<EMAIL>>
# MIT license
"""
Create the spectral-weighted exposure map, which will be used to produce
the exposure-corrected images and to extract the surface brightness profiles.
NOTE
----
We do not use the CIAO tool ``fluximage`` to create the exposure map,
because it requires an event file (other than an image) as input file.
However, we want to create the exposure map directly based on the
(previously created) image file.
(But an event file is required to create the aspect histograms for each
chip.)
NOTE/CAVEAT
-----------
To compute an image which gives the integrated flux over the full energy
range, it may be best to first compute flux-corrected images in several
narrow energy bands (where the ARF is nearly flat) and then sum those
fluxed images together. Weighted exposure maps work well for an energy
band where the ARF variation isn't very large, but for a full-band
0.5-10 keV image, it may not be a good idea to compute the flux by
dividing the counts image by a single number. This is especially true
for cases where the source spectrum varies significantly within the image;
in that case, there is no general way to compute a single set of weights
which will be sensible for every part of the image.
References
----------
* <NAME>: An Introduction to Exposure Map
http://cxc.harvard.edu/ciao/download/doc/expmap_intro.ps
* CIAO: Single Chip ACIS Exposure Map and Exposure-corrected Image
http://cxc.harvard.edu/ciao/threads/expmap_acis_single/
* CIAO: Multiple Chip ACIS Exposure Map and Exposure-corrected Image
http://cxc.harvard.edu/ciao/threads/expmap_acis_multi/
* CIAO: Calculating Spectral Weights for mkinstmap
http://cxc.harvard.edu/ciao/threads/spectral_weights/
"""
import os
import argparse
import subprocess
import logging
from _context import acispy
from acispy.manifest import get_manifest
from acispy.ciao import setup_pfiles
from acispy.acis import ACIS
from acispy.header import write_keyword, copy_keyword
from acispy.image import get_xygrid
logging.basicConfig(level=logging.INFO)
logger = logging.getLogger(__name__)
def make_aspect_histogram(outfile, asol, evtfile, chip, clobber=False):
"""
Create the aspect histogram for each chip, detailing the aspect
history of the observation.
"""
clobber = "yes" if clobber else "no"
logger.info("Make aspect histogram for chip: %s" % chip)
subprocess.check_call(["punlearn", "asphist"])
subprocess.check_call([
"asphist", "infile=%s" % asol, "outfile=%s" % outfile,
"evtfile=%s[ccd_id=%s]" % (evtfile, chip),
"clobber=%s" % clobber
])
def make_instrument_map(outfile, spectrumfile, chip, obsfile,
maskfile, badpixfile, clobber=False):
"""
Make the spectral-weighted instrument map (effective area vs.
detector position).
NOTE
----
The ``obsfile`` should be a FITS file containing keywords which specify
the mission, detector, SIM offsets, observation date, etc. This should
be an event file; can also be a binned image file (tested OK).
"""
logger.info("Set bad pixel file: %s" % badpixfile)
subprocess.check_call(["punlearn", "ardlib"])
subprocess.check_call(["punlearn", "acis_set_ardlib"])
subprocess.check_call([
"acis_set_ardlib", "badpixfile=%s" % badpixfile, "verbose=0"
])
clobber = "yes" if clobber else "no"
pixelgrid = "1:1024:#1024,1:1024:#1024"
logger.info("Make spectral-weighted instrument map for chip: %s" % chip)
subprocess.check_call(["punlearn", "mkinstmap"])
subprocess.check_call([
"mkinstmap", "outfile=%s" % outfile,
"spectrumfile=%s" % spectrumfile,
"pixelgrid=%s" % pixelgrid,
"detsubsys=ACIS-%s" % chip,
"obsfile=%s" % obsfile,
"maskfile=%s" % maskfile,
"clobber=%s" % clobber, "mode=h"
])
def make_exposure_map(outfile, asphistfile, instmapfile, xygrid,
clobber=False):
"""
Create the spectral-weighted exposure map by projecting the instrument
map onto the sky with the aspect information.
"""
clobber = "yes" if clobber else "no"
logger.info("Make exposure map by projecting instrument map ...")
subprocess.check_call(["punlearn", "mkexpmap"])
subprocess.check_call([
"mkexpmap", "outfile=%s" % outfile,
"asphistfile=%s" % asphistfile,
"instmapfile=%s" % instmapfile,
"xygrid=%s" % xygrid,
"normalize=no", "useavgaspect=no",
"clobber=%s" % clobber, "mode=h"
])
# Copy several keywords from instrument map (as ``fluximage`` does)
logger.info("Copy several keywords from instrument map ...")
copy_keyword(instmapfile, outfile,
keyword=["SPECTRUM", "WGTFILE",
"ENERG_LO", "ENERG_HI", "GRATING"])
def combine_expmaps(outfile, expmaps, clobber=False):
"""
Combine multiple exposure maps of each chip into a single one
for ACIS-I (i.e., chips 0123).
"""
if len(expmaps) > 1:
logger.info("Combine exposure maps: {0}".format(", ".join(expmaps)))
operation = "imgout=%s" % "+".join([
"img%d" % (i+1) for i in range(len(expmaps))
])
clobber = "yes" if clobber else "no"
subprocess.check_call(["punlearn", "dmimgcalc"])
subprocess.check_call([
"dmimgcalc", "infile=%s" % ",".join(expmaps),
"infile2=none", "outfile=%s[EXPMAP]" % outfile,
"operation=%s" % operation,
"clobber=%s" % clobber
])
# Add the lost "BUNIT" keyword during ``dmimgcalc``
write_keyword(outfile, keyword="BUNIT", value="cm**2 s")
# Remove original exposure maps for single chip
for f in expmaps:
os.remove(f)
else:
logger.info("No need to combine exposure maps.")
if os.path.exists(outfile) and (not clobber):
raise OSError("File already exists: %s" % outfile)
os.rename(expmaps[0], outfile)
def threshold_expmap(expmap, cut="1.5%", clobber=False):
"""
The strongly variable exposure near the edge of a dithered field
may produce "hot" pixels when divided into an image. Therefore,
apply a threshold to the exposure map pixels that cuts the pixels
with value of exposure less than this threshold.
NOTE
----
The original/input exposure map is *replaced* by the threshold-cut
exposure map.
"""
logger.info("Apply threshold to cut the exposure map: cut=%s" % cut)
clobber = "yes" if clobber else "no"
expmap_thresh = os.path.splitext(expmap)[0] + "_thresh.fits"
subprocess.check_call(["punlearn", "dmimgthresh"])
subprocess.check_call([
"dmimgthresh", "infile=%s" % expmap,
"outfile=%s" % expmap_thresh,
"cut=%s" % cut,
"clobber=%s" % clobber
])
os.rename(expmap_thresh, expmap)
def main():
parser = argparse.ArgumentParser(
description="Make spectral-weighted exposure map")
parser.add_argument("-C", "--clobber", dest="clobber", action="store_true",
help="overwrite existing file")
parser.add_argument("-w", "--weights", dest="weights",
help="spectral weights file (default: " +
"'spec_weights' from manifest)")
parser.add_argument("-e", "--evtfile", dest="evtfile",
help="event file for aspect histogram creation " +
"(default: 'evt2_clean' from manifest)")
parser.add_argument("-i", "--infile", dest="infile", required=True,
help="input image file")
parser.add_argument("-o", "--outfile", dest="outfile", required=True,
help="filename of output exposure map")
args = parser.parse_args()
setup_pfiles(["get_sky_limits", "asphist", "mkinstmap", "mkexpmap",
"ardlib", "acis_set_ardlib", "dmimgcalc", "dmimgthresh"])
manifest = get_manifest()
if args.weights:
weights = args.weights
else:
weights = manifest.getpath("spec_weights", relative=True)
if args.evtfile:
evtfile = args.evtfile
else:
evtfile = manifest.getpath("evt2_clean", relative=True)
asol = manifest.getpath("asol", relative=True, sep=",")
bpix = manifest.getpath("bpix", relative=True)
msk = manifest.getpath("msk", relative=True)
chips = ACIS.get_chips_str(args.infile)
logger.info("infile: %s" % args.infile)
logger.info("output expmap: %s" % args.outfile)
logger.info("weights: %s" % weights)
logger.info("evtfile: %s" % evtfile)
logger.info("chips: %s" % chips)
logger.info("bpix: %s" % bpix)
logger.info("asol: %s" % asol)
logger.info("msk: %s" % msk)
xygrid = get_xygrid(args.infile)
logger.info("%s:xygrid: %s" % (args.infile, xygrid))
expmaps = []
for c in chips:
logger.info("Processing chip %s ..." % c)
asphist = "asphist_c{chip}.fits".format(chip=c)
instmap = "instmap_c{chip}.fits".format(chip=c)
expmap = "expmap_c{chip}.fits".format(chip=c)
make_aspect_histogram(outfile=asphist, asol=asol, evtfile=evtfile,
chip=c, clobber=args.clobber)
make_instrument_map(outfile=instmap, spectrumfile=weights,
chip=c, obsfile=args.infile, maskfile=msk,
badpixfile=bpix, clobber=args.clobber)
make_exposure_map(outfile=expmap, asphistfile=asphist,
instmapfile=instmap, xygrid=xygrid,
clobber=args.clobber)
expmaps.append(expmap)
# Remove intermediate files
os.remove(asphist)
os.remove(instmap)
combine_expmaps(outfile=args.outfile, expmaps=expmaps,
clobber=args.clobber)
detnam = "ACIS-{0}".format(chips)
logger.info("Update keyword 'DETNAM' to %s" % detnam)
write_keyword(args.outfile, keyword="DETNAM", value=detnam)
threshold_expmap(args.outfile, clobber=args.clobber)
logger.info("Add created exposure map to manifest ...")
key = "expmap"
manifest.setpath(key, args.outfile)
logger.info("Added '%s' to manifest: %s" % (key, manifest.get(key)))
if __name__ == "__main__":
main()
| [
1,
529,
9507,
29958,
2109,
29914,
5675,
29918,
4548,
1958,
29889,
2272,
29966,
12443,
29918,
303,
1503,
29958,
29896,
29899,
29896,
29900,
13,
29937,
14708,
4855,
29914,
2109,
29914,
6272,
3017,
29941,
13,
29937,
13,
29937,
14187,
1266,
313,
29883,
29897,
29871,
29906,
29900,
29896,
29955,
529,
5813,
29958,
3532,
26862,
6227,
6778,
13,
29937,
341,
1806,
19405,
13,
13,
15945,
29908,
13,
4391,
278,
23161,
29899,
7915,
287,
14060,
545,
2910,
29892,
607,
674,
367,
1304,
304,
7738,
13,
1552,
14060,
545,
29899,
15728,
287,
4558,
322,
304,
6597,
278,
7101,
11785,
2264,
28723,
29889,
13,
13,
12256,
29923,
13,
807,
13,
4806,
437,
451,
671,
278,
315,
10764,
29949,
5780,
4954,
1579,
1314,
3027,
16159,
304,
1653,
278,
14060,
545,
2910,
29892,
13,
18103,
372,
6858,
385,
1741,
934,
313,
1228,
1135,
385,
1967,
29897,
408,
1881,
934,
29889,
13,
17245,
29892,
591,
864,
304,
1653,
278,
14060,
545,
2910,
4153,
2729,
373,
278,
13,
29898,
1457,
16604,
2825,
29897,
1967,
934,
29889,
13,
29898,
6246,
385,
1741,
934,
338,
3734,
304,
1653,
278,
9565,
9825,
468,
25402,
363,
1269,
13,
305,
666,
1846,
13,
13,
12256,
29923,
29914,
5454,
12064,
1299,
13,
1378,
5634,
13,
1762,
10272,
385,
1967,
607,
4076,
278,
23387,
19389,
975,
278,
2989,
5864,
13,
3881,
29892,
372,
1122,
367,
1900,
304,
937,
10272,
19389,
29899,
15728,
287,
4558,
297,
3196,
13,
29876,
2936,
5864,
22706,
313,
3062,
278,
9033,
29943,
338,
8886,
12151,
29897,
322,
769,
2533,
1906,
13,
1579,
1314,
287,
4558,
4208,
29889,
29871,
1334,
523,
287,
14060,
545,
11053,
664,
1532,
363,
385,
5864,
13,
4980,
988,
278,
9033,
29943,
19262,
3508,
29915,
29873,
1407,
2919,
29892,
541,
363,
263,
2989,
29899,
4980,
13,
29900,
29889,
29945,
29899,
29896,
29900,
1589,
29963,
1967,
29892,
372,
1122,
451,
367,
263,
1781,
2969,
304,
10272,
278,
19389,
491,
13,
29881,
3640,
292,
278,
18139,
1967,
491,
263,
2323,
1353,
29889,
910,
338,
7148,
1565,
13,
1454,
4251,
988,
278,
2752,
18272,
722,
583,
16951,
2629,
278,
1967,
29936,
13,
262,
393,
1206,
29892,
727,
338,
694,
2498,
982,
304,
10272,
263,
2323,
731,
310,
18177,
13,
4716,
674,
367,
25182,
363,
1432,
760,
310,
278,
1967,
29889,
13,
13,
1123,
10662,
13,
28400,
13,
29930,
529,
5813,
23917,
530,
27576,
304,
1222,
1066,
545,
7315,
13,
29871,
1732,
597,
18904,
29883,
29889,
8222,
16927,
29889,
6085,
29914,
1512,
29877,
29914,
10382,
29914,
1514,
29914,
4548,
1958,
29918,
23333,
29889,
567,
13,
29930,
315,
10764,
29949,
29901,
16740,
678,
666,
14614,
3235,
1222,
1066,
545,
7315,
322,
1222,
1066,
545,
29899,
15728,
287,
7084,
13,
29871,
1732,
597,
18904,
29883,
29889,
8222,
16927,
29889,
6085,
29914,
1512,
29877,
29914,
28993,
29914,
4548,
1958,
29918,
562,
275,
29918,
14369,
29914,
13,
29930,
315,
10764,
29949,
29901,
26905,
678,
666,
14614,
3235,
1222,
1066,
545,
7315,
322,
1222,
1066,
545,
29899,
15728,
287,
7084,
13,
29871,
1732,
597,
18904,
29883,
29889,
8222,
16927,
29889,
6085,
29914,
1512,
29877,
29914,
28993,
29914,
4548,
1958,
29918,
562,
275,
29918,
9910,
29914,
13,
29930,
315,
10764,
29949,
29901,
20535,
1218,
27738,
1705,
1334,
5861,
363,
14690,
2611,
1958,
13,
29871,
1732,
597,
18904,
29883,
29889,
8222,
16927,
29889,
6085,
29914,
1512,
29877,
29914,
28993,
29914,
21494,
1705,
29918,
705,
5861,
29914,
13,
15945,
29908,
13,
13,
5215,
2897,
13,
5215,
1852,
5510,
13,
5215,
1014,
5014,
13,
5215,
12183,
13,
13,
3166,
903,
4703,
1053,
1274,
275,
2272,
13,
3166,
1274,
275,
2272,
29889,
29135,
1053,
679,
29918,
29135,
13,
3166,
1274,
275,
2272,
29889,
1512,
29877,
1053,
6230,
29918,
29886,
5325,
13,
3166,
1274,
275,
2272,
29889,
562,
275,
1053,
14614,
3235,
13,
3166,
1274,
275,
2272,
29889,
6672,
1053,
2436,
29918,
26766,
29892,
3509,
29918,
26766,
13,
3166,
1274,
275,
2272,
29889,
3027,
1053,
679,
29918,
3594,
7720,
13,
13,
13,
21027,
29889,
16121,
3991,
29898,
5563,
29922,
21027,
29889,
11690,
29897,
13,
21707,
353,
12183,
29889,
657,
16363,
22168,
978,
1649,
29897,
13,
13,
13,
1753,
1207,
29918,
294,
1103,
29918,
29882,
391,
13342,
29898,
449,
1445,
29892,
408,
324,
29892,
3415,
29873,
1445,
29892,
29830,
29892,
274,
2127,
495,
29922,
8824,
1125,
13,
1678,
9995,
13,
1678,
6204,
278,
9565,
9825,
13342,
363,
1269,
29830,
29892,
9493,
292,
278,
9565,
13,
1678,
4955,
310,
278,
15500,
29889,
13,
1678,
9995,
13,
1678,
274,
2127,
495,
353,
376,
3582,
29908,
565,
274,
2127,
495,
1683,
376,
1217,
29908,
13,
1678,
17927,
29889,
3888,
703,
9984,
9565,
9825,
13342,
363,
29830,
29901,
1273,
29879,
29908,
1273,
29830,
29897,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
29898,
3366,
29886,
348,
19668,
613,
376,
294,
561,
391,
20068,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
4197,
13,
4706,
376,
294,
561,
391,
613,
376,
262,
1445,
16328,
29879,
29908,
1273,
408,
324,
29892,
376,
449,
1445,
16328,
29879,
29908,
1273,
714,
1445,
29892,
13,
4706,
376,
5750,
29873,
1445,
16328,
29879,
29961,
617,
29881,
29918,
333,
16328,
29879,
18017,
1273,
313,
5750,
29873,
1445,
29892,
29830,
511,
13,
4706,
376,
29883,
2127,
495,
16328,
29879,
29908,
1273,
274,
2127,
495,
13,
268,
2314,
13,
13,
13,
1753,
1207,
29918,
2611,
15461,
29918,
1958,
29898,
449,
1445,
29892,
18272,
1445,
29892,
29830,
29892,
20881,
1445,
29892,
13,
462,
4706,
11105,
1445,
29892,
4319,
29886,
861,
1445,
29892,
274,
2127,
495,
29922,
8824,
1125,
13,
1678,
9995,
13,
1678,
8561,
278,
23161,
29899,
7915,
287,
11395,
2910,
313,
15987,
573,
4038,
7186,
29889,
13,
1678,
1439,
3019,
2602,
467,
13,
13,
1678,
6058,
29923,
13,
1678,
23250,
13,
1678,
450,
4954,
26290,
1445,
16159,
881,
367,
263,
383,
1806,
29903,
934,
6943,
29361,
607,
6084,
13,
1678,
278,
10655,
29892,
1439,
3019,
29892,
317,
7833,
1283,
7224,
29892,
15500,
2635,
29892,
2992,
29889,
29871,
910,
881,
13,
1678,
367,
385,
1741,
934,
29936,
508,
884,
367,
263,
289,
27464,
1967,
934,
313,
1688,
287,
9280,
467,
13,
1678,
9995,
13,
1678,
17927,
29889,
3888,
703,
2697,
4319,
15526,
934,
29901,
1273,
29879,
29908,
1273,
4319,
29886,
861,
1445,
29897,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
29898,
3366,
29886,
348,
19668,
613,
376,
538,
1982,
20068,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
29898,
3366,
29886,
348,
19668,
613,
376,
562,
275,
29918,
842,
29918,
538,
1982,
20068,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
4197,
13,
4706,
376,
562,
275,
29918,
842,
29918,
538,
1982,
613,
376,
12313,
29886,
861,
1445,
16328,
29879,
29908,
1273,
4319,
29886,
861,
1445,
29892,
376,
369,
15828,
29922,
29900,
29908,
13,
268,
2314,
13,
13,
1678,
274,
2127,
495,
353,
376,
3582,
29908,
565,
274,
2127,
495,
1683,
376,
1217,
29908,
13,
1678,
15526,
7720,
353,
376,
29896,
29901,
29896,
29900,
29906,
29946,
21968,
29896,
29900,
29906,
29946,
29892,
29896,
29901,
29896,
29900,
29906,
29946,
21968,
29896,
29900,
29906,
29946,
29908,
13,
1678,
17927,
29889,
3888,
703,
9984,
23161,
29899,
7915,
287,
11395,
2910,
363,
29830,
29901,
1273,
29879,
29908,
1273,
29830,
29897,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
29898,
3366,
29886,
348,
19668,
613,
376,
11256,
2611,
1958,
20068,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
4197,
13,
4706,
376,
11256,
2611,
1958,
613,
376,
449,
1445,
16328,
29879,
29908,
1273,
714,
1445,
29892,
13,
4706,
376,
21494,
5848,
1445,
16328,
29879,
29908,
1273,
18272,
1445,
29892,
13,
4706,
376,
29886,
15711,
7720,
16328,
29879,
29908,
1273,
15526,
7720,
29892,
13,
4706,
376,
4801,
1491,
9675,
29922,
2477,
3235,
19222,
29879,
29908,
1273,
29830,
29892,
13,
4706,
376,
26290,
1445,
16328,
29879,
29908,
1273,
20881,
1445,
29892,
13,
4706,
376,
13168,
1445,
16328,
29879,
29908,
1273,
11105,
1445,
29892,
13,
4706,
376,
29883,
2127,
495,
16328,
29879,
29908,
1273,
274,
2127,
495,
29892,
376,
8513,
29922,
29882,
29908,
13,
268,
2314,
13,
13,
13,
1753,
1207,
29918,
735,
1066,
545,
29918,
1958,
29898,
449,
1445,
29892,
408,
561,
391,
1445,
29892,
832,
1958,
1445,
29892,
921,
29891,
7720,
29892,
13,
462,
418,
274,
2127,
495,
29922,
8824,
1125,
13,
1678,
9995,
13,
1678,
6204,
278,
23161,
29899,
7915,
287,
14060,
545,
2910,
491,
2060,
292,
278,
11395,
13,
1678,
2910,
11480,
278,
14744,
411,
278,
9565,
2472,
29889,
13,
1678,
9995,
13,
1678,
274,
2127,
495,
353,
376,
3582,
29908,
565,
274,
2127,
495,
1683,
376,
1217,
29908,
13,
1678,
17927,
29889,
3888,
703,
9984,
14060,
545,
2910,
491,
2060,
292,
11395,
2910,
2023,
1159,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
29898,
3366,
29886,
348,
19668,
613,
376,
29885,
446,
26330,
1958,
20068,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
4197,
13,
4706,
376,
29885,
446,
26330,
1958,
613,
376,
449,
1445,
16328,
29879,
29908,
1273,
714,
1445,
29892,
13,
4706,
376,
294,
561,
391,
1445,
16328,
29879,
29908,
1273,
408,
561,
391,
1445,
29892,
13,
4706,
376,
2611,
1958,
1445,
16328,
29879,
29908,
1273,
832,
1958,
1445,
29892,
13,
4706,
376,
3594,
7720,
16328,
29879,
29908,
1273,
921,
29891,
7720,
29892,
13,
4706,
376,
8945,
675,
29922,
1217,
613,
376,
1509,
485,
25496,
1103,
29922,
1217,
613,
13,
4706,
376,
29883,
2127,
495,
16328,
29879,
29908,
1273,
274,
2127,
495,
29892,
376,
8513,
29922,
29882,
29908,
13,
268,
2314,
13,
1678,
396,
14187,
3196,
29361,
515,
11395,
2910,
313,
294,
4954,
1579,
1314,
3027,
16159,
947,
29897,
13,
1678,
17927,
29889,
3888,
703,
11882,
3196,
29361,
515,
11395,
2910,
2023,
1159,
13,
1678,
3509,
29918,
26766,
29898,
2611,
1958,
1445,
29892,
714,
1445,
29892,
13,
462,
13553,
29922,
3366,
29903,
4162,
1783,
29934,
5005,
613,
376,
29956,
23799,
7724,
613,
13,
462,
3986,
376,
1430,
1001,
29954,
29918,
3927,
613,
376,
1430,
1001,
29954,
29918,
17628,
613,
376,
14345,
1299,
4214,
20068,
13,
13,
13,
1753,
14405,
29918,
4548,
10339,
29898,
449,
1445,
29892,
1518,
10339,
29892,
274,
2127,
495,
29922,
8824,
1125,
13,
1678,
9995,
13,
1678,
422,
26062,
2999,
14060,
545,
11053,
310,
1269,
29830,
964,
263,
2323,
697,
13,
1678,
363,
14614,
3235,
29899,
29902,
313,
29875,
29889,
29872,
1696,
521,
4512,
29871,
29900,
29896,
29906,
29941,
467,
13,
1678,
9995,
13,
1678,
565,
7431,
29898,
4548,
10339,
29897,
1405,
29871,
29896,
29901,
13,
4706,
17927,
29889,
3888,
703,
1523,
26062,
14060,
545,
11053,
29901,
426,
29900,
29913,
1642,
4830,
28165,
11393,
7122,
29898,
4548,
10339,
4961,
13,
4706,
5858,
353,
376,
2492,
449,
16328,
29879,
29908,
1273,
15691,
1642,
7122,
4197,
13,
9651,
376,
2492,
29995,
29881,
29908,
1273,
313,
29875,
29974,
29896,
29897,
363,
474,
297,
3464,
29898,
2435,
29898,
4548,
10339,
876,
13,
308,
2314,
13,
4706,
274,
2127,
495,
353,
376,
3582,
29908,
565,
274,
2127,
495,
1683,
376,
1217,
29908,
13,
4706,
1014,
5014,
29889,
3198,
29918,
4804,
29898,
3366,
29886,
348,
19668,
613,
376,
18933,
2492,
28667,
20068,
13,
4706,
1014,
5014,
29889,
3198,
29918,
4804,
4197,
13,
9651,
376,
18933,
2492,
28667,
613,
376,
262,
1445,
16328,
29879,
29908,
1273,
9162,
1642,
7122,
29898,
4548,
10339,
511,
13,
9651,
376,
262,
1445,
29906,
29922,
9290,
613,
376,
449,
1445,
16328,
29879,
29961,
5746,
29925,
23827,
18017,
1273,
714,
1445,
29892,
13,
9651,
376,
16453,
16328,
29879,
29908,
1273,
5858,
29892,
13,
9651,
376,
29883,
2127,
495,
16328,
29879,
29908,
1273,
274,
2127,
495,
13,
308,
2314,
13,
4706,
396,
3462,
278,
5714,
376,
29933,
3904,
1806,
29908,
13553,
2645,
4954,
18933,
2492,
28667,
16159,
13,
4706,
2436,
29918,
26766,
29898,
449,
1445,
29892,
13553,
543,
29933,
3904,
1806,
613,
995,
543,
4912,
1068,
29906,
269,
1159,
13,
4706,
396,
15154,
2441,
14060,
545,
11053,
363,
2323,
29830,
13,
4706,
363,
285,
297,
1518,
10339,
29901,
13,
9651,
2897,
29889,
5992,
29898,
29888,
29897,
13,
1678,
1683,
29901,
13,
4706,
17927,
29889,
3888,
703,
3782,
817,
304,
14405,
14060,
545,
11053,
23157,
13,
4706,
565,
2897,
29889,
2084,
29889,
9933,
29898,
449,
1445,
29897,
322,
313,
1333,
274,
2127,
495,
1125,
13,
9651,
12020,
438,
29173,
703,
2283,
2307,
4864,
29901,
1273,
29879,
29908,
1273,
714,
1445,
29897,
13,
4706,
2897,
29889,
1267,
420,
29898,
4548,
10339,
29961,
29900,
1402,
714,
1445,
29897,
13,
13,
13,
1753,
16897,
29918,
4548,
1958,
29898,
4548,
1958,
29892,
5700,
543,
29896,
29889,
29945,
29995,
613,
274,
2127,
495,
29922,
8824,
1125,
13,
1678,
9995,
13,
1678,
450,
13818,
2286,
14060,
545,
2978,
278,
7636,
310,
263,
270,
2121,
287,
1746,
13,
1678,
1122,
7738,
376,
8711,
29908,
17036,
746,
13931,
964,
385,
1967,
29889,
29871,
7857,
29892,
13,
1678,
3394,
263,
16897,
304,
278,
14060,
545,
2910,
17036,
393,
5700,
29879,
278,
17036,
13,
1678,
411,
995,
310,
14060,
545,
3109,
1135,
445,
16897,
29889,
13,
13,
1678,
6058,
29923,
13,
1678,
23250,
13,
1678,
450,
2441,
29914,
2080,
14060,
545,
2910,
338,
334,
3445,
433,
1133,
29930,
491,
278,
16897,
29899,
7582,
13,
1678,
14060,
545,
2910,
29889,
13,
1678,
9995,
13,
1678,
17927,
29889,
3888,
703,
2052,
368,
16897,
304,
5700,
278,
14060,
545,
2910,
29901,
5700,
16328,
29879,
29908,
1273,
5700,
29897,
13,
1678,
274,
2127,
495,
353,
376,
3582,
29908,
565,
274,
2127,
495,
1683,
376,
1217,
29908,
13,
1678,
1518,
1958,
29918,
386,
3781,
353,
2897,
29889,
2084,
29889,
23579,
568,
486,
29898,
4548,
1958,
9601,
29900,
29962,
718,
11119,
386,
3781,
29889,
29888,
1169,
29908,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
29898,
3366,
29886,
348,
19668,
613,
376,
18933,
2492,
386,
3781,
20068,
13,
1678,
1014,
5014,
29889,
3198,
29918,
4804,
4197,
13,
4706,
376,
18933,
2492,
386,
3781,
613,
376,
262,
1445,
16328,
29879,
29908,
1273,
1518,
1958,
29892,
13,
4706,
376,
449,
1445,
16328,
29879,
29908,
1273,
1518,
1958,
29918,
386,
3781,
29892,
13,
4706,
376,
7582,
16328,
29879,
29908,
1273,
5700,
29892,
13,
4706,
376,
29883,
2127,
495,
16328,
29879,
29908,
1273,
274,
2127,
495,
13,
268,
2314,
13,
1678,
2897,
29889,
1267,
420,
29898,
4548,
1958,
29918,
386,
3781,
29892,
1518,
1958,
29897,
13,
13,
13,
1753,
1667,
7295,
13,
1678,
13812,
353,
1852,
5510,
29889,
15730,
11726,
29898,
13,
4706,
6139,
543,
9984,
23161,
29899,
7915,
287,
14060,
545,
2910,
1159,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29907,
613,
376,
489,
29883,
2127,
495,
613,
2731,
543,
29883,
2127,
495,
613,
3158,
543,
8899,
29918,
3009,
613,
13,
462,
4706,
1371,
543,
957,
3539,
5923,
934,
1159,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29893,
613,
376,
489,
705,
5861,
613,
2731,
543,
705,
5861,
613,
13,
462,
4706,
1371,
543,
21494,
1705,
18177,
934,
313,
4381,
29901,
376,
718,
13,
462,
4706,
13577,
6550,
29918,
705,
5861,
29915,
515,
10419,
25760,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29872,
613,
376,
489,
5750,
29873,
1445,
613,
2731,
543,
5750,
29873,
1445,
613,
13,
462,
4706,
1371,
543,
3696,
934,
363,
9565,
9825,
13342,
11265,
376,
718,
13,
462,
4706,
18227,
4381,
29901,
525,
5750,
29873,
29906,
29918,
14941,
29915,
515,
10419,
25760,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29875,
613,
376,
489,
262,
1445,
613,
2731,
543,
262,
1445,
613,
3734,
29922,
5574,
29892,
13,
462,
4706,
1371,
543,
2080,
1967,
934,
1159,
13,
1678,
13812,
29889,
1202,
29918,
23516,
703,
29899,
29877,
613,
376,
489,
449,
1445,
613,
2731,
543,
449,
1445,
613,
3734,
29922,
5574,
29892,
13,
462,
4706,
1371,
543,
9507,
310,
1962,
14060,
545,
2910,
1159,
13,
1678,
6389,
353,
13812,
29889,
5510,
29918,
5085,
580,
13,
13,
1678,
6230,
29918,
29886,
5325,
29898,
3366,
657,
29918,
7912,
29918,
12514,
613,
376,
294,
561,
391,
613,
376,
11256,
2611,
1958,
613,
376,
29885,
446,
26330,
1958,
613,
13,
462,
29871,
376,
538,
1982,
613,
376,
562,
275,
29918,
842,
29918,
538,
1982,
613,
376,
18933,
2492,
28667,
613,
376,
18933,
2492,
386,
3781,
20068,
13,
13,
1678,
10419,
353,
679,
29918,
29135,
580,
13,
1678,
565,
6389,
29889,
705,
5861,
29901,
13,
4706,
18177,
353,
6389,
29889,
705,
5861,
13,
1678,
1683,
29901,
13,
4706,
18177,
353,
10419,
29889,
657,
2084,
703,
6550,
29918,
705,
5861,
613,
6198,
29922,
5574,
29897,
13,
1678,
565,
6389,
29889,
5750,
29873,
1445,
29901,
13,
4706,
3415,
29873,
1445,
353,
6389,
29889,
5750,
29873,
1445,
13,
1678,
1683,
29901,
13,
4706,
3415,
29873,
1445,
353,
10419,
29889,
657,
2084,
703,
5750,
29873,
29906,
29918,
14941,
613,
6198,
29922,
5574,
29897,
13,
1678,
408,
324,
353,
10419,
29889,
657,
2084,
703,
294,
324,
613,
6198,
29922,
5574,
29892,
16345,
543,
29892,
1159,
13,
1678,
289,
29886,
861,
353,
10419,
29889,
657,
2084,
703,
25288,
861,
613,
6198,
29922,
5574,
29897,
13,
1678,
286,
808,
353,
10419,
29889,
657,
2084,
703,
29885,
808,
613,
6198,
29922,
5574,
29897,
13,
1678,
521,
4512,
353,
14614,
3235,
29889,
657,
29918,
4161,
567,
29918,
710,
29898,
5085,
29889,
262,
1445,
29897,
13,
1678,
17927,
29889,
3888,
703,
262,
1445,
29901,
1273,
29879,
29908,
1273,
6389,
29889,
262,
1445,
29897,
13,
1678,
17927,
29889,
3888,
703,
4905,
1518,
1958,
29901,
1273,
29879,
29908,
1273,
6389,
29889,
449,
1445,
29897,
13,
1678,
17927,
29889,
3888,
703,
705,
5861,
29901,
1273,
29879,
29908,
1273,
18177,
29897,
13,
1678,
17927,
29889,
3888,
703,
5750,
29873,
1445,
29901,
1273,
29879,
29908,
1273,
3415,
29873,
1445,
29897,
13,
1678,
17927,
29889,
3888,
703,
4161,
567,
29901,
1273,
29879,
29908,
1273,
521,
4512,
29897,
13,
1678,
17927,
29889,
3888,
703,
25288,
861,
29901,
1273,
29879,
29908,
1273,
289,
29886,
861,
29897,
13,
1678,
17927,
29889,
3888,
703,
294,
324,
29901,
1273,
29879,
29908,
1273,
408,
324,
29897,
13,
1678,
17927,
29889,
3888,
703,
29885,
808,
29901,
1273,
29879,
29908,
1273,
286,
808,
29897,
13,
13,
1678,
921,
29891,
7720,
353,
679,
29918,
3594,
7720,
29898,
5085,
29889,
262,
1445,
29897,
13,
1678,
17927,
29889,
3888,
11702,
29879,
29901,
3594,
7720,
29901,
1273,
29879,
29908,
1273,
313,
5085,
29889,
262,
1445,
29892,
921,
29891,
7720,
876,
13,
1678,
1518,
10339,
353,
5159,
13,
13,
1678,
363,
274,
297,
521,
4512,
29901,
13,
4706,
17927,
29889,
3888,
703,
7032,
292,
29830,
1273,
29879,
2023,
29908,
1273,
274,
29897,
13,
4706,
408,
561,
391,
353,
376,
294,
561,
391,
29918,
29883,
29912,
305,
666,
1836,
29888,
1169,
1642,
4830,
29898,
305,
666,
29922,
29883,
29897,
13,
4706,
832,
1958,
353,
376,
2611,
1958,
29918,
29883,
29912,
305,
666,
1836,
29888,
1169,
1642,
4830,
29898,
305,
666,
29922,
29883,
29897,
13,
4706,
1518,
1958,
353,
376,
4548,
1958,
29918,
29883,
29912,
305,
666,
1836,
29888,
1169,
1642,
4830,
29898,
305,
666,
29922,
29883,
29897,
13,
4706,
1207,
29918,
294,
1103,
29918,
29882,
391,
13342,
29898,
449,
1445,
29922,
294,
561,
391,
29892,
408,
324,
29922,
294,
324,
29892,
3415,
29873,
1445,
29922,
5750,
29873,
1445,
29892,
13,
462,
795,
29830,
29922,
29883,
29892,
274,
2127,
495,
29922,
5085,
29889,
29883,
2127,
495,
29897,
13,
4706,
1207,
29918,
2611,
15461,
29918,
1958,
29898,
449,
1445,
29922,
2611,
1958,
29892,
18272,
1445,
29922,
705,
5861,
29892,
13,
462,
9651,
29830,
29922,
29883,
29892,
20881,
1445,
29922,
5085,
29889,
262,
1445,
29892,
11105,
1445,
29922,
29885,
808,
29892,
13,
462,
9651,
4319,
29886,
861,
1445,
29922,
25288,
861,
29892,
274,
2127,
495,
29922,
5085,
29889,
29883,
2127,
495,
29897,
13,
4706,
1207,
29918,
735,
1066,
545,
29918,
1958,
29898,
449,
1445,
29922,
4548,
1958,
29892,
408,
561,
391,
1445,
29922,
294,
561,
391,
29892,
13,
462,
3986,
832,
1958,
1445,
29922,
2611,
1958,
29892,
921,
29891,
7720,
29922,
3594,
7720,
29892,
13,
462,
3986,
274,
2127,
495,
29922,
5085,
29889,
29883,
2127,
495,
29897,
13,
4706,
1518,
10339,
29889,
4397,
29898,
4548,
1958,
29897,
13,
4706,
396,
15154,
19697,
2066,
13,
4706,
2897,
29889,
5992,
29898,
294,
561,
391,
29897,
13,
4706,
2897,
29889,
5992,
29898,
2611,
1958,
29897,
13,
13,
1678,
14405,
29918,
4548,
10339,
29898,
449,
1445,
29922,
5085,
29889,
449,
1445,
29892,
1518,
10339,
29922,
4548,
10339,
29892,
13,
462,
1678,
274,
2127,
495,
29922,
5085,
29889,
29883,
2127,
495,
29897,
13,
1678,
1439,
8588,
353,
376,
2477,
3235,
29899,
29912,
29900,
29913,
1642,
4830,
29898,
4161,
567,
29897,
13,
1678,
17927,
29889,
3888,
703,
6422,
13553,
525,
2287,
29911,
3521,
29924,
29915,
304,
1273,
29879,
29908,
1273,
1439,
8588,
29897,
13,
1678,
2436,
29918,
26766,
29898,
5085,
29889,
449,
1445,
29892,
13553,
543,
2287,
29911,
3521,
29924,
613,
995,
29922,
4801,
8588,
29897,
13,
1678,
16897,
29918,
4548,
1958,
29898,
5085,
29889,
449,
1445,
29892,
274,
2127,
495,
29922,
5085,
29889,
29883,
2127,
495,
29897,
13,
13,
1678,
17927,
29889,
3888,
703,
2528,
2825,
14060,
545,
2910,
304,
10419,
2023,
1159,
13,
1678,
1820,
353,
376,
4548,
1958,
29908,
13,
1678,
10419,
29889,
842,
2084,
29898,
1989,
29892,
6389,
29889,
449,
1445,
29897,
13,
1678,
17927,
29889,
3888,
703,
2528,
287,
14210,
29879,
29915,
304,
10419,
29901,
1273,
29879,
29908,
1273,
313,
1989,
29892,
10419,
29889,
657,
29898,
1989,
4961,
13,
13,
13,
361,
4770,
978,
1649,
1275,
376,
1649,
3396,
1649,
1115,
13,
1678,
1667,
580,
13,
2
] |
protos/control_pb2_grpc.py | uni-tue-kn/p4-ipsec | 13 | 169849 | # Generated by the gRPC Python protocol compiler plugin. DO NOT EDIT!
import grpc
import control_pb2 as control__pb2
class ControlStub(object):
# missing associated documentation comment in .proto file
pass
def __init__(self, channel):
"""Constructor.
Args:
channel: A grpc.Channel.
"""
self.addMACsecProtectRule = channel.unary_unary(
'/Control/addMACsecProtectRule',
request_serializer=control__pb2.MACsecProtectRule.SerializeToString,
response_deserializer=control__pb2.control_status.FromString,
)
self.addMACsecValidateRule = channel.unary_unary(
'/Control/addMACsecValidateRule',
request_serializer=control__pb2.MACsecValidateRule.SerializeToString,
response_deserializer=control__pb2.control_status.FromString,
)
self.deleteMACsecProtectRule = channel.unary_unary(
'/Control/deleteMACsecProtectRule',
request_serializer=control__pb2.MACsecProtectRule.SerializeToString,
response_deserializer=control__pb2.control_status.FromString,
)
self.deleteMACsecValidateRule = channel.unary_unary(
'/Control/deleteMACsecValidateRule',
request_serializer=control__pb2.MACsecValidateRule.SerializeToString,
response_deserializer=control__pb2.control_status.FromString,
)
class ControlServicer(object):
# missing associated documentation comment in .proto file
pass
def addMACsecProtectRule(self, request, context):
# missing associated documentation comment in .proto file
pass
context.set_code(grpc.StatusCode.UNIMPLEMENTED)
context.set_details('Method not implemented!')
raise NotImplementedError('Method not implemented!')
def addMACsecValidateRule(self, request, context):
# missing associated documentation comment in .proto file
pass
context.set_code(grpc.StatusCode.UNIMPLEMENTED)
context.set_details('Method not implemented!')
raise NotImplementedError('Method not implemented!')
def deleteMACsecProtectRule(self, request, context):
# missing associated documentation comment in .proto file
pass
context.set_code(grpc.StatusCode.UNIMPLEMENTED)
context.set_details('Method not implemented!')
raise NotImplementedError('Method not implemented!')
def deleteMACsecValidateRule(self, request, context):
# missing associated documentation comment in .proto file
pass
context.set_code(grpc.StatusCode.UNIMPLEMENTED)
context.set_details('Method not implemented!')
raise NotImplementedError('Method not implemented!')
def add_ControlServicer_to_server(servicer, server):
rpc_method_handlers = {
'addMACsecProtectRule': grpc.unary_unary_rpc_method_handler(
servicer.addMACsecProtectRule,
request_deserializer=control__pb2.MACsecProtectRule.FromString,
response_serializer=control__pb2.control_status.SerializeToString,
),
'addMACsecValidateRule': grpc.unary_unary_rpc_method_handler(
servicer.addMACsecValidateRule,
request_deserializer=control__pb2.MACsecValidateRule.FromString,
response_serializer=control__pb2.control_status.SerializeToString,
),
'deleteMACsecProtectRule': grpc.unary_unary_rpc_method_handler(
servicer.deleteMACsecProtectRule,
request_deserializer=control__pb2.MACsecProtectRule.FromString,
response_serializer=control__pb2.control_status.SerializeToString,
),
'deleteMACsecValidateRule': grpc.unary_unary_rpc_method_handler(
servicer.deleteMACsecValidateRule,
request_deserializer=control__pb2.MACsecValidateRule.FromString,
response_serializer=control__pb2.control_status.SerializeToString,
),
}
generic_handler = grpc.method_handlers_generic_handler(
'Control', rpc_method_handlers)
server.add_generic_rpc_handlers((generic_handler,))
| [
1,
396,
3251,
630,
491,
278,
330,
29934,
9026,
5132,
9608,
6516,
7079,
29889,
11662,
6058,
11488,
29991,
13,
5215,
867,
6739,
13,
13,
5215,
2761,
29918,
24381,
29906,
408,
2761,
1649,
24381,
29906,
13,
13,
13,
1990,
11264,
855,
431,
29898,
3318,
1125,
13,
29871,
396,
4567,
6942,
5106,
3440,
297,
869,
17529,
934,
13,
29871,
1209,
13,
13,
29871,
822,
4770,
2344,
12035,
1311,
29892,
8242,
1125,
13,
1678,
9995,
23770,
29889,
13,
13,
1678,
826,
3174,
29901,
13,
418,
8242,
29901,
319,
867,
6739,
29889,
13599,
29889,
13,
1678,
9995,
13,
1678,
1583,
29889,
1202,
1529,
29907,
3471,
1184,
371,
312,
10740,
353,
8242,
29889,
348,
653,
29918,
348,
653,
29898,
13,
4706,
8207,
4809,
29914,
1202,
1529,
29907,
3471,
1184,
371,
312,
10740,
742,
13,
4706,
2009,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
1184,
371,
312,
10740,
29889,
1748,
6646,
8246,
29892,
13,
4706,
2933,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
4591,
1231,
29892,
13,
4706,
1723,
13,
1678,
1583,
29889,
1202,
1529,
29907,
3471,
7211,
403,
10740,
353,
8242,
29889,
348,
653,
29918,
348,
653,
29898,
13,
4706,
8207,
4809,
29914,
1202,
1529,
29907,
3471,
7211,
403,
10740,
742,
13,
4706,
2009,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
7211,
403,
10740,
29889,
1748,
6646,
8246,
29892,
13,
4706,
2933,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
4591,
1231,
29892,
13,
4706,
1723,
13,
1678,
1583,
29889,
8143,
1529,
29907,
3471,
1184,
371,
312,
10740,
353,
8242,
29889,
348,
653,
29918,
348,
653,
29898,
13,
4706,
8207,
4809,
29914,
8143,
1529,
29907,
3471,
1184,
371,
312,
10740,
742,
13,
4706,
2009,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
1184,
371,
312,
10740,
29889,
1748,
6646,
8246,
29892,
13,
4706,
2933,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
4591,
1231,
29892,
13,
4706,
1723,
13,
1678,
1583,
29889,
8143,
1529,
29907,
3471,
7211,
403,
10740,
353,
8242,
29889,
348,
653,
29918,
348,
653,
29898,
13,
4706,
8207,
4809,
29914,
8143,
1529,
29907,
3471,
7211,
403,
10740,
742,
13,
4706,
2009,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
7211,
403,
10740,
29889,
1748,
6646,
8246,
29892,
13,
4706,
2933,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
4591,
1231,
29892,
13,
4706,
1723,
13,
13,
13,
1990,
11264,
6889,
293,
261,
29898,
3318,
1125,
13,
29871,
396,
4567,
6942,
5106,
3440,
297,
869,
17529,
934,
13,
29871,
1209,
13,
13,
29871,
822,
788,
1529,
29907,
3471,
1184,
371,
312,
10740,
29898,
1311,
29892,
2009,
29892,
3030,
1125,
13,
1678,
396,
4567,
6942,
5106,
3440,
297,
869,
17529,
934,
13,
1678,
1209,
13,
1678,
3030,
29889,
842,
29918,
401,
29898,
629,
6739,
29889,
5709,
3399,
29889,
3904,
29902,
3580,
1307,
13780,
3352,
29897,
13,
1678,
3030,
29889,
842,
29918,
14144,
877,
4062,
451,
8762,
29991,
1495,
13,
1678,
12020,
2216,
1888,
2037,
287,
2392,
877,
4062,
451,
8762,
29991,
1495,
13,
13,
29871,
822,
788,
1529,
29907,
3471,
7211,
403,
10740,
29898,
1311,
29892,
2009,
29892,
3030,
1125,
13,
1678,
396,
4567,
6942,
5106,
3440,
297,
869,
17529,
934,
13,
1678,
1209,
13,
1678,
3030,
29889,
842,
29918,
401,
29898,
629,
6739,
29889,
5709,
3399,
29889,
3904,
29902,
3580,
1307,
13780,
3352,
29897,
13,
1678,
3030,
29889,
842,
29918,
14144,
877,
4062,
451,
8762,
29991,
1495,
13,
1678,
12020,
2216,
1888,
2037,
287,
2392,
877,
4062,
451,
8762,
29991,
1495,
13,
13,
29871,
822,
5217,
1529,
29907,
3471,
1184,
371,
312,
10740,
29898,
1311,
29892,
2009,
29892,
3030,
1125,
13,
1678,
396,
4567,
6942,
5106,
3440,
297,
869,
17529,
934,
13,
1678,
1209,
13,
1678,
3030,
29889,
842,
29918,
401,
29898,
629,
6739,
29889,
5709,
3399,
29889,
3904,
29902,
3580,
1307,
13780,
3352,
29897,
13,
1678,
3030,
29889,
842,
29918,
14144,
877,
4062,
451,
8762,
29991,
1495,
13,
1678,
12020,
2216,
1888,
2037,
287,
2392,
877,
4062,
451,
8762,
29991,
1495,
13,
13,
29871,
822,
5217,
1529,
29907,
3471,
7211,
403,
10740,
29898,
1311,
29892,
2009,
29892,
3030,
1125,
13,
1678,
396,
4567,
6942,
5106,
3440,
297,
869,
17529,
934,
13,
1678,
1209,
13,
1678,
3030,
29889,
842,
29918,
401,
29898,
629,
6739,
29889,
5709,
3399,
29889,
3904,
29902,
3580,
1307,
13780,
3352,
29897,
13,
1678,
3030,
29889,
842,
29918,
14144,
877,
4062,
451,
8762,
29991,
1495,
13,
1678,
12020,
2216,
1888,
2037,
287,
2392,
877,
4062,
451,
8762,
29991,
1495,
13,
13,
13,
1753,
788,
29918,
4809,
6889,
293,
261,
29918,
517,
29918,
2974,
29898,
2140,
293,
261,
29892,
1923,
1125,
13,
29871,
364,
6739,
29918,
5696,
29918,
3179,
9306,
353,
426,
13,
418,
525,
1202,
1529,
29907,
3471,
1184,
371,
312,
10740,
2396,
867,
6739,
29889,
348,
653,
29918,
348,
653,
29918,
29878,
6739,
29918,
5696,
29918,
13789,
29898,
13,
3986,
3348,
293,
261,
29889,
1202,
1529,
29907,
3471,
1184,
371,
312,
10740,
29892,
13,
3986,
2009,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
1184,
371,
312,
10740,
29889,
4591,
1231,
29892,
13,
3986,
2933,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
1748,
6646,
8246,
29892,
13,
418,
10353,
13,
418,
525,
1202,
1529,
29907,
3471,
7211,
403,
10740,
2396,
867,
6739,
29889,
348,
653,
29918,
348,
653,
29918,
29878,
6739,
29918,
5696,
29918,
13789,
29898,
13,
3986,
3348,
293,
261,
29889,
1202,
1529,
29907,
3471,
7211,
403,
10740,
29892,
13,
3986,
2009,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
7211,
403,
10740,
29889,
4591,
1231,
29892,
13,
3986,
2933,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
1748,
6646,
8246,
29892,
13,
418,
10353,
13,
418,
525,
8143,
1529,
29907,
3471,
1184,
371,
312,
10740,
2396,
867,
6739,
29889,
348,
653,
29918,
348,
653,
29918,
29878,
6739,
29918,
5696,
29918,
13789,
29898,
13,
3986,
3348,
293,
261,
29889,
8143,
1529,
29907,
3471,
1184,
371,
312,
10740,
29892,
13,
3986,
2009,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
1184,
371,
312,
10740,
29889,
4591,
1231,
29892,
13,
3986,
2933,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
1748,
6646,
8246,
29892,
13,
418,
10353,
13,
418,
525,
8143,
1529,
29907,
3471,
7211,
403,
10740,
2396,
867,
6739,
29889,
348,
653,
29918,
348,
653,
29918,
29878,
6739,
29918,
5696,
29918,
13789,
29898,
13,
3986,
3348,
293,
261,
29889,
8143,
1529,
29907,
3471,
7211,
403,
10740,
29892,
13,
3986,
2009,
29918,
2783,
261,
616,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
1529,
29907,
3471,
7211,
403,
10740,
29889,
4591,
1231,
29892,
13,
3986,
2933,
29918,
15550,
3950,
29922,
6451,
1649,
24381,
29906,
29889,
6451,
29918,
4882,
29889,
1748,
6646,
8246,
29892,
13,
418,
10353,
13,
29871,
500,
13,
29871,
10035,
29918,
13789,
353,
867,
6739,
29889,
5696,
29918,
3179,
9306,
29918,
19206,
29918,
13789,
29898,
13,
418,
525,
4809,
742,
364,
6739,
29918,
5696,
29918,
3179,
9306,
29897,
13,
29871,
1923,
29889,
1202,
29918,
19206,
29918,
29878,
6739,
29918,
3179,
9306,
3552,
19206,
29918,
13789,
29892,
876,
13,
2
] |
v7/mediawiki/mediawiki.py | hardening/nikola-plugins | 0 | 139157 | # -*- coding: utf-8 -*-
# Copyright © 2015 <NAME> and others.
# Permission is hereby granted, free of charge, to any
# person obtaining a copy of this software and associated
# documentation files (the "Software"), to deal in the
# Software without restriction, including without limitation
# the rights to use, copy, modify, merge, publish,
# distribute, sublicense, and/or sell copies of the
# Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
#
# The above copyright notice and this permission notice
# shall be included in all copies or substantial portions of
# the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY
# KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE
# WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR
# PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS
# OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR
# OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR
# OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE
# SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
"""Implementation of compile_html based on smc.mw.
You will need, of course, to install smc.mw
"""
from __future__ import unicode_literals
import io
import os
import re
from lxml import etree
try:
import smc.mw as mw
except:
mw = None
from nikola.plugin_categories import PageCompiler
from nikola.utils import makedirs, req_missing, write_metadata
try:
from collections import OrderedDict
except ImportError:
OrderedDict = dict # NOQA
class CompileMediaWiki(PageCompiler):
"""Compile mediawiki into HTML."""
name = "mediawiki"
demote_headers = True
def compile_html(self, source, dest, is_two_file=True):
makedirs(os.path.dirname(dest))
if mw is None:
req_missing(['smc.mw'], 'build this site (compile with MediaWiki)', python=True)
with io.open(dest, "w+", encoding="utf8") as out_file:
with io.open(source, "r", encoding="utf8") as in_file:
data = in_file.read()
if not is_two_file:
data = re.split('(\n\n|\r\n\r\n)', data, maxsplit=1)[-1]
parser = mw.Parser(parseinfo=False, whitespace='', nameguard=False)
ast = parser.parse(data, 'document', semantics=mw.Semantics(parser))
output = etree.tostring(ast, encoding='utf8').decode('utf8')
out_file.write(output)
def create_post(self, path, **kw):
content = kw.pop('content', None)
onefile = kw.pop('onefile', False)
# is_page is not used by create_post as of now.
kw.pop('is_page', False)
metadata = {}
metadata.update(self.default_metadata)
metadata.update(kw)
makedirs(os.path.dirname(path))
if not content.endswith('\n'):
content += '\n'
with io.open(path, "w+", encoding="utf8") as fd:
if onefile:
fd.write(write_metadata(metadata))
fd.write('\n\n')
fd.write(content)
| [
1,
396,
448,
29930,
29899,
14137,
29901,
23616,
29899,
29947,
448,
29930,
29899,
13,
13,
29937,
14187,
1266,
29871,
30211,
29871,
29906,
29900,
29896,
29945,
529,
5813,
29958,
322,
4045,
29889,
13,
13,
29937,
20894,
2333,
338,
1244,
1609,
16896,
29892,
3889,
310,
8323,
29892,
304,
738,
13,
29937,
2022,
4017,
292,
263,
3509,
310,
445,
7047,
322,
6942,
13,
29937,
5106,
2066,
313,
1552,
376,
6295,
14093,
4968,
304,
5376,
297,
278,
13,
29937,
18540,
1728,
24345,
29892,
3704,
1728,
29485,
13,
29937,
278,
10462,
304,
671,
29892,
3509,
29892,
6623,
29892,
10366,
29892,
9805,
29892,
13,
29937,
1320,
2666,
29892,
269,
803,
1947,
29892,
322,
29914,
272,
19417,
14591,
310,
278,
13,
29937,
18540,
29892,
322,
304,
14257,
12407,
304,
6029,
278,
18540,
338,
13,
29937,
15252,
3276,
304,
437,
577,
29892,
4967,
304,
278,
1494,
5855,
29901,
13,
29937,
13,
29937,
450,
2038,
3509,
1266,
8369,
322,
445,
10751,
8369,
13,
29937,
4091,
367,
5134,
297,
599,
14591,
470,
23228,
2011,
1080,
310,
13,
29937,
278,
18540,
29889,
13,
29937,
13,
29937,
6093,
7791,
7818,
12982,
1525,
8519,
13756,
13044,
3352,
376,
3289,
8519,
613,
399,
1806,
8187,
2692,
399,
1718,
29934,
13566,
29979,
8079,
13764,
29979,
13,
29937,
476,
22255,
29892,
8528,
15094,
1799,
6323,
306,
3580,
5265,
3352,
29892,
2672,
6154,
15789,
4214,
350,
2692,
6058,
27848,
3352,
7495,
6093,
13,
29937,
399,
1718,
29934,
13566,
29059,
8079,
341,
1001,
3210,
13566,
2882,
6227,
11937,
29892,
383,
1806,
8186,
1799,
15842,
319,
349,
8322,
2965,
13309,
1718,
13,
29937,
349,
4574,
13152,
1660,
5300,
405,
1164,
1177,
15860,
1177,
1692,
13780,
29889,
2672,
11698,
382,
29963,
3919,
24972,
9818,
6093,
26524,
29950,
24125,
13,
29937,
6323,
315,
4590,
29979,
22789,
3912,
379,
5607,
8032,
29903,
20700,
17705,
6181,
15842,
13764,
29979,
315,
4375,
7833,
29892,
21330,
1529,
1692,
29903,
6323,
13,
29937,
438,
29911,
4448,
17705,
2882,
6227,
11937,
29892,
12317,
2544,
4448,
2672,
13764,
319,
9838,
8079,
8707,
29911,
4717,
1783,
29892,
323,
8476,
6323,
13,
29937,
438,
29911,
4448,
22119,
1660,
29892,
9033,
3235,
4214,
3895,
29892,
19474,
8079,
6323,
2672,
8707,
8186,
9838,
22659,
6093,
13,
29937,
7791,
7818,
12982,
1525,
6323,
6093,
501,
1660,
6323,
438,
29911,
4448,
5012,
1964,
4214,
29903,
2672,
6093,
7791,
7818,
12982,
1525,
29889,
13,
13,
15945,
29908,
1888,
14607,
310,
6633,
29918,
1420,
2729,
373,
1560,
29883,
29889,
29885,
29893,
29889,
13,
13,
3492,
674,
817,
29892,
310,
3236,
29892,
304,
2601,
1560,
29883,
29889,
29885,
29893,
13,
13,
15945,
29908,
13,
13,
3166,
4770,
29888,
9130,
1649,
1053,
29104,
29918,
20889,
1338,
13,
13,
5215,
12013,
13,
5215,
2897,
13,
5215,
337,
13,
13,
3166,
301,
3134,
1053,
634,
929,
13,
2202,
29901,
13,
1678,
1053,
1560,
29883,
29889,
29885,
29893,
408,
286,
29893,
13,
19499,
29901,
13,
1678,
286,
29893,
353,
6213,
13,
13,
3166,
302,
638,
2963,
29889,
8582,
29918,
20683,
1053,
9305,
25333,
13,
3166,
302,
638,
2963,
29889,
13239,
1053,
2136,
287,
12935,
29892,
12428,
29918,
27259,
29892,
2436,
29918,
19635,
13,
13,
2202,
29901,
13,
1678,
515,
16250,
1053,
8170,
287,
21533,
13,
19499,
16032,
2392,
29901,
13,
1678,
8170,
287,
21533,
353,
9657,
29871,
396,
11698,
29984,
29909,
13,
13,
13,
1990,
3831,
488,
10572,
5653,
29875,
29898,
5074,
25333,
1125,
13,
1678,
9995,
6843,
488,
5745,
4594,
964,
4544,
1213,
15945,
13,
13,
1678,
1024,
353,
376,
9799,
4594,
29908,
13,
1678,
1261,
866,
29918,
13662,
353,
5852,
13,
13,
1678,
822,
6633,
29918,
1420,
29898,
1311,
29892,
2752,
29892,
2731,
29892,
338,
29918,
10184,
29918,
1445,
29922,
5574,
1125,
13,
4706,
2136,
287,
12935,
29898,
359,
29889,
2084,
29889,
25721,
29898,
7854,
876,
13,
4706,
565,
286,
29893,
338,
6213,
29901,
13,
9651,
12428,
29918,
27259,
18959,
3844,
29883,
29889,
29885,
29893,
7464,
525,
4282,
445,
3268,
313,
12198,
411,
8213,
5653,
29875,
29897,
742,
3017,
29922,
5574,
29897,
13,
4706,
411,
12013,
29889,
3150,
29898,
7854,
29892,
376,
29893,
29974,
613,
8025,
543,
9420,
29947,
1159,
408,
714,
29918,
1445,
29901,
13,
9651,
411,
12013,
29889,
3150,
29898,
4993,
29892,
376,
29878,
613,
8025,
543,
9420,
29947,
1159,
408,
297,
29918,
1445,
29901,
13,
18884,
848,
353,
297,
29918,
1445,
29889,
949,
580,
13,
9651,
565,
451,
338,
29918,
10184,
29918,
1445,
29901,
13,
18884,
848,
353,
337,
29889,
5451,
877,
1194,
29876,
29905,
29876,
4295,
29878,
29905,
29876,
29905,
29878,
29905,
29876,
29897,
742,
848,
29892,
4236,
5451,
29922,
29896,
9601,
29899,
29896,
29962,
13,
9651,
13812,
353,
286,
29893,
29889,
11726,
29898,
5510,
3888,
29922,
8824,
29892,
24358,
2433,
742,
6869,
24024,
538,
29922,
8824,
29897,
13,
9651,
8717,
353,
13812,
29889,
5510,
29898,
1272,
29892,
525,
3225,
742,
29505,
29922,
29885,
29893,
29889,
28516,
22614,
29898,
16680,
876,
13,
9651,
1962,
353,
634,
929,
29889,
517,
1807,
29898,
579,
29892,
8025,
2433,
9420,
29947,
2824,
13808,
877,
9420,
29947,
1495,
13,
9651,
714,
29918,
1445,
29889,
3539,
29898,
4905,
29897,
13,
13,
1678,
822,
1653,
29918,
2490,
29898,
1311,
29892,
2224,
29892,
3579,
11022,
1125,
13,
4706,
2793,
353,
9049,
29889,
7323,
877,
3051,
742,
6213,
29897,
13,
4706,
697,
1445,
353,
9049,
29889,
7323,
877,
650,
1445,
742,
7700,
29897,
13,
4706,
396,
338,
29918,
3488,
338,
451,
1304,
491,
1653,
29918,
2490,
408,
310,
1286,
29889,
13,
4706,
9049,
29889,
7323,
877,
275,
29918,
3488,
742,
7700,
29897,
13,
13,
4706,
15562,
353,
6571,
13,
4706,
15562,
29889,
5504,
29898,
1311,
29889,
4381,
29918,
19635,
29897,
13,
4706,
15562,
29889,
5504,
29898,
11022,
29897,
13,
4706,
2136,
287,
12935,
29898,
359,
29889,
2084,
29889,
25721,
29898,
2084,
876,
13,
4706,
565,
451,
2793,
29889,
1975,
2541,
28909,
29876,
29374,
13,
9651,
2793,
4619,
11297,
29876,
29915,
13,
4706,
411,
12013,
29889,
3150,
29898,
2084,
29892,
376,
29893,
29974,
613,
8025,
543,
9420,
29947,
1159,
408,
285,
29881,
29901,
13,
9651,
565,
697,
1445,
29901,
13,
18884,
285,
29881,
29889,
3539,
29898,
3539,
29918,
19635,
29898,
19635,
876,
13,
18884,
285,
29881,
29889,
3539,
28909,
29876,
29905,
29876,
1495,
13,
9651,
285,
29881,
29889,
3539,
29898,
3051,
29897,
13,
2
] |
src/mobu/autostart.py | lsst-sqre/sciencemonkey | 0 | 176381 | <reponame>lsst-sqre/sciencemonkey
"""Support for automatically starting flocks."""
from __future__ import annotations
import yaml
from .config import config
from .dependencies.manager import monkey_business_manager
from .models.flock import FlockConfig
async def autostart() -> None:
"""Automatically start configured flocks.
This function should be called from the startup hook of the FastAPI
application.
"""
if not config.autostart:
return
with open(config.autostart, "r") as f:
autostart = yaml.safe_load(f)
flock_configs = [FlockConfig.parse_obj(flock) for flock in autostart]
for flock_config in flock_configs:
await monkey_business_manager.start_flock(flock_config)
| [
1,
529,
276,
1112,
420,
29958,
3137,
303,
29899,
3044,
276,
29914,
26167,
3977,
9857,
1989,
13,
15945,
29908,
14039,
363,
6336,
6257,
285,
908,
29879,
1213,
15945,
13,
13,
3166,
4770,
29888,
9130,
1649,
1053,
25495,
13,
13,
5215,
343,
8807,
13,
13,
3166,
869,
2917,
1053,
2295,
13,
3166,
869,
22594,
29889,
12847,
1053,
1601,
1989,
29918,
8262,
3335,
29918,
12847,
13,
3166,
869,
9794,
29889,
29888,
908,
1053,
383,
908,
3991,
13,
13,
13,
12674,
822,
1120,
520,
442,
580,
1599,
6213,
29901,
13,
1678,
9995,
28451,
19574,
1369,
13252,
285,
908,
29879,
29889,
13,
13,
1678,
910,
740,
881,
367,
2000,
515,
278,
20234,
12422,
310,
278,
23786,
8787,
13,
1678,
2280,
29889,
13,
1678,
9995,
13,
1678,
565,
451,
2295,
29889,
1300,
520,
442,
29901,
13,
4706,
736,
13,
13,
1678,
411,
1722,
29898,
2917,
29889,
1300,
520,
442,
29892,
376,
29878,
1159,
408,
285,
29901,
13,
4706,
1120,
520,
442,
353,
343,
8807,
29889,
11177,
29918,
1359,
29898,
29888,
29897,
13,
1678,
285,
908,
29918,
2917,
29879,
353,
518,
29943,
908,
3991,
29889,
5510,
29918,
5415,
29898,
29888,
908,
29897,
363,
285,
908,
297,
1120,
520,
442,
29962,
13,
13,
1678,
363,
285,
908,
29918,
2917,
297,
285,
908,
29918,
2917,
29879,
29901,
13,
4706,
7272,
1601,
1989,
29918,
8262,
3335,
29918,
12847,
29889,
2962,
29918,
29888,
908,
29898,
29888,
908,
29918,
2917,
29897,
13,
2
] |
edx/config/lms/docker_run.py | openfun/learning-analytics-playground | 1 | 16741 | """
This is the default template for our main set of servers. This does NOT
cover the content machines, which use content.py
Common traits:
* Use memcached, and cache-backed sessions
* Use a MySQL 5.1 database
"""
# We intentionally define lots of variables that aren't used, and
# want to import all variables from base settings files
# pylint: disable=wildcard-import, unused-wildcard-import
# Pylint gets confused by path.py instances, which report themselves as class
# objects. As a result, pylint applies the wrong regex in validating names,
# and throws spurious errors. Therefore, we disable invalid-name checking.
# pylint: disable=invalid-name
import datetime
import dateutil
from glob import glob
import json
import os
from path import Path as path
import pkgutil
import platform
from django.utils.translation import ugettext_lazy
from django.conf import global_settings
from celery_redis_sentinel import register
from openedx.core.lib.logsettings import get_logger_config
from path import Path as path
from xmodule.modulestore.modulestore_settings import (
convert_module_store_setting_if_needed,
update_module_store_settings,
)
from ..common import *
from .utils import Configuration, prefer_fun_video
# Load custom configuration parameters from yaml files
config = Configuration(os.path.dirname(__file__))
# edX has now started using "settings.ENV_TOKENS" and "settings.AUTH_TOKENS" everywhere in the
# project, not just in the settings. Let's make sure our settings still work in this case
ENV_TOKENS = config
AUTH_TOKENS = config
# SERVICE_VARIANT specifies name of the variant used, which decides what JSON
# configuration files are read during startup.
SERVICE_VARIANT = config("SERVICE_VARIANT", default=None)
# CONFIG_ROOT specifies the directory where the JSON configuration
# files are expected to be found. If not specified, use the project
# directory.
CONFIG_ROOT = path(config("CONFIG_ROOT", default=ENV_ROOT))
# CONFIG_PREFIX specifies the prefix of the JSON configuration files,
# based on the service variant. If no variant is use, don't use a
# prefix.
CONFIG_PREFIX = SERVICE_VARIANT + "." if SERVICE_VARIANT else ""
################################ ALWAYS THE SAME ##############################
RELEASE = config("RELEASE", default=None)
DEBUG = False
DEFAULT_TEMPLATE_ENGINE["OPTIONS"]["debug"] = False
# IMPORTANT: With this enabled, the server must always be behind a proxy that
# strips the header HTTP_X_FORWARDED_PROTO from client requests. Otherwise,
# a user can fool our server into thinking it was an https connection.
# See
# https://docs.djangoproject.com/en/dev/ref/settings/#secure-proxy-ssl-header
# for other warnings.
SECURE_PROXY_SSL_HEADER = ("HTTP_X_FORWARDED_PROTO", "https")
###################################### CELERY ################################
CELERY_ALWAYS_EAGER = config("CELERY_ALWAYS_EAGER", default=False, formatter=bool)
# Don't use a connection pool, since connections are dropped by ELB.
BROKER_POOL_LIMIT = 0
BROKER_CONNECTION_TIMEOUT = 1
# For the Result Store, use the django cache named 'celery'
CELERY_RESULT_BACKEND = config(
"CELERY_RESULT_BACKEND", default="djcelery.backends.cache:CacheBackend"
)
# When the broker is behind an ELB, use a heartbeat to refresh the
# connection and to detect if it has been dropped.
BROKER_HEARTBEAT = 60.0
BROKER_HEARTBEAT_CHECKRATE = 2
# Each worker should only fetch one message at a time
CELERYD_PREFETCH_MULTIPLIER = 1
# Celery queues
DEFAULT_PRIORITY_QUEUE = config(
"DEFAULT_PRIORITY_QUEUE", default="edx.lms.core.default"
)
HIGH_PRIORITY_QUEUE = config("HIGH_PRIORITY_QUEUE", default="edx.lms.core.high")
LOW_PRIORITY_QUEUE = config("LOW_PRIORITY_QUEUE", default="edx.lms.core.low")
HIGH_MEM_QUEUE = config("HIGH_MEM_QUEUE", default="edx.lms.core.high_mem")
CELERY_DEFAULT_QUEUE = DEFAULT_PRIORITY_QUEUE
CELERY_DEFAULT_ROUTING_KEY = DEFAULT_PRIORITY_QUEUE
CELERY_QUEUES = config(
"CELERY_QUEUES",
default={
DEFAULT_PRIORITY_QUEUE: {},
HIGH_PRIORITY_QUEUE: {},
LOW_PRIORITY_QUEUE: {},
HIGH_MEM_QUEUE: {},
},
formatter=json.loads,
)
CELERY_ROUTES = "lms.celery.Router"
# Force accepted content to "json" only. If we also accept pickle-serialized
# messages, the worker will crash when it's running with a privileged user (even
# if it's not the root user but a user belonging to the root group, which is our
# case with OpenShift).
CELERY_ACCEPT_CONTENT = ["json"]
CELERYBEAT_SCHEDULE = {} # For scheduling tasks, entries can be added to this dict
########################## NON-SECURE ENV CONFIG ##############################
# Things like server locations, ports, etc.
STATIC_ROOT_BASE = path("/edx/app/edxapp/staticfiles")
STATIC_ROOT = STATIC_ROOT_BASE
STATIC_URL = "/static/"
STATICFILES_STORAGE = config(
"STATICFILES_STORAGE", default="lms.envs.fun.storage.CDNProductionStorage"
)
CDN_BASE_URL = config("CDN_BASE_URL", default=None)
MEDIA_ROOT = path("/edx/var/edxapp/media/")
MEDIA_URL = "/media/"
# DEFAULT_COURSE_ABOUT_IMAGE_URL specifies the default image to show for courses that don't provide one
DEFAULT_COURSE_ABOUT_IMAGE_URL = config(
"DEFAULT_COURSE_ABOUT_IMAGE_URL", default=DEFAULT_COURSE_ABOUT_IMAGE_URL
)
PLATFORM_NAME = config("PLATFORM_NAME", default=PLATFORM_NAME)
# For displaying on the receipt. At Stanford PLATFORM_NAME != MERCHANT_NAME, but PLATFORM_NAME is a fine default
PLATFORM_TWITTER_ACCOUNT = config(
"PLATFORM_TWITTER_ACCOUNT", default=PLATFORM_TWITTER_ACCOUNT
)
PLATFORM_FACEBOOK_ACCOUNT = config(
"PLATFORM_FACEBOOK_ACCOUNT", default=PLATFORM_FACEBOOK_ACCOUNT
)
SOCIAL_SHARING_SETTINGS = config(
"SOCIAL_SHARING_SETTINGS", default=SOCIAL_SHARING_SETTINGS, formatter=json.loads
)
# Social media links for the page footer
SOCIAL_MEDIA_FOOTER_URLS = config(
"SOCIAL_MEDIA_FOOTER_URLS", default=SOCIAL_MEDIA_FOOTER_URLS, formatter=json.loads
)
CC_MERCHANT_NAME = config("CC_MERCHANT_NAME", default=PLATFORM_NAME)
EMAIL_BACKEND = config(
"EMAIL_BACKEND", default="django.core.mail.backends.smtp.EmailBackend"
)
EMAIL_FILE_PATH = config("EMAIL_FILE_PATH", default=None)
EMAIL_HOST = config("EMAIL_HOST", default="localhost")
EMAIL_PORT = config("EMAIL_PORT", default=25) # django default is 25
EMAIL_USE_TLS = config("EMAIL_USE_TLS", default=False) # django default is False
HTTPS = config("HTTPS", default=HTTPS)
SESSION_COOKIE_DOMAIN = config("SESSION_COOKIE_DOMAIN", default=None)
SESSION_COOKIE_HTTPONLY = config(
"SESSION_COOKIE_HTTPONLY", default=True, formatter=bool
)
SESSION_COOKIE_SECURE = config(
"SESSION_COOKIE_SECURE", default=SESSION_COOKIE_SECURE, formatter=bool
)
SESSION_ENGINE = config("SESSION_ENGINE", default="redis_sessions.session")
SESSION_SAVE_EVERY_REQUEST = config(
"SESSION_SAVE_EVERY_REQUEST", default=SESSION_SAVE_EVERY_REQUEST, formatter=bool
)
# Configuration to use session with redis
# To use redis, change SESSION_ENGINE to "redis_sessions.session"
SESSION_REDIS_HOST = config("SESSION_REDIS_HOST", default="redis")
SESSION_REDIS_PORT = config("SESSION_REDIS_PORT", default=6379, formatter=int)
SESSION_REDIS_DB = config("SESSION_REDIS_DB", default=1, formatter=int)
SESSION_REDIS_PASSWORD = config("SESSION_REDIS_PASSWORD", default=None)
SESSION_REDIS_PREFIX = config("SESSION_REDIS_PREFIX", default="session")
SESSION_REDIS_SOCKET_TIMEOUT = config(
"SESSION_REDIS_SOCKET_TIMEOUT", default=1, formatter=int
)
SESSION_REDIS_RETRY_ON_TIMEOUT = config(
"SESSION_REDIS_RETRY_ON_TIMEOUT", default=False, formatter=bool
)
SESSION_REDIS = config(
"SESSION_REDIS",
default={
"host": SESSION_REDIS_HOST,
"port": SESSION_REDIS_PORT,
"db": SESSION_REDIS_DB, # db 0 is used for Celery Broker
"password": SESSION_REDIS_PASSWORD,
"prefix": SESSION_REDIS_PREFIX,
"socket_timeout": SESSION_REDIS_SOCKET_TIMEOUT,
"retry_on_timeout": SESSION_REDIS_RETRY_ON_TIMEOUT,
},
formatter=json.loads,
)
SESSION_REDIS_SENTINEL_LIST = config(
"SESSION_REDIS_SENTINEL_LIST", default=None, formatter=json.loads
)
SESSION_REDIS_SENTINEL_MASTER_ALIAS = config(
"SESSION_REDIS_SENTINEL_MASTER_ALIAS", default=None
)
REGISTRATION_EXTRA_FIELDS = config(
"REGISTRATION_EXTRA_FIELDS", default=REGISTRATION_EXTRA_FIELDS, formatter=json.loads
)
# Set the names of cookies shared with the marketing site
# These have the same cookie domain as the session, which in production
# usually includes subdomains.
EDXMKTG_LOGGED_IN_COOKIE_NAME = config(
"EDXMKTG_LOGGED_IN_COOKIE_NAME", default=EDXMKTG_LOGGED_IN_COOKIE_NAME
)
EDXMKTG_USER_INFO_COOKIE_NAME = config(
"EDXMKTG_USER_INFO_COOKIE_NAME", default=EDXMKTG_USER_INFO_COOKIE_NAME
)
# Override feature by feature by whatever is being redefined in the settings.yaml file
CONFIG_FEATURES = config("FEATURES", default={}, formatter=json.loads)
FEATURES.update(CONFIG_FEATURES)
LMS_BASE = config("LMS_BASE", default="localhost:8072")
CMS_BASE = config("CMS_BASE", default="localhost:8082")
LMS_ROOT_URL = config("LMS_ROOT_URL", default="http://{:s}".format(LMS_BASE))
LMS_INTERNAL_ROOT_URL = config("LMS_INTERNAL_ROOT_URL", default=LMS_ROOT_URL)
SITE_NAME = config("SITE_NAME", default=LMS_BASE)
ALLOWED_HOSTS = config(
"ALLOWED_HOSTS", default=[LMS_BASE.split(":")[0]], formatter=json.loads
)
if FEATURES.get("PREVIEW_LMS_BASE"):
ALLOWED_HOSTS.append(FEATURES["PREVIEW_LMS_BASE"])
# allow for environments to specify what cookie name our login subsystem should use
# this is to fix a bug regarding simultaneous logins between edx.org and edge.edx.org which can
# happen with some browsers (e.g. Firefox)
if config("SESSION_COOKIE_NAME", default=None):
# NOTE, there's a bug in Django (http://bugs.python.org/issue18012) which necessitates this
# being a str()
SESSION_COOKIE_NAME = str(config("SESSION_COOKIE_NAME"))
CACHE_REDIS_HOST = config("CACHE_REDIS_HOST", default="redis")
CACHE_REDIS_PORT = config("CACHE_REDIS_PORT", default=6379, formatter=int)
CACHE_REDIS_DB = config("CACHE_REDIS_DB", default=1, formatter=int)
CACHE_REDIS_BACKEND = config(
"CACHE_REDIS_BACKEND", default="django_redis.cache.RedisCache"
)
CACHE_REDIS_URI = "redis://{}:{}/{}".format(
CACHE_REDIS_HOST, CACHE_REDIS_PORT, CACHE_REDIS_DB
)
CACHE_REDIS_CLIENT = config(
"CACHE_REDIS_CLIENT", default="django_redis.client.DefaultClient"
)
CACHES_DEFAULT_CONFIG = {
"BACKEND": CACHE_REDIS_BACKEND,
"LOCATION": CACHE_REDIS_URI,
"OPTIONS": {"CLIENT_CLASS": CACHE_REDIS_CLIENT},
}
if "Sentinel" in CACHE_REDIS_BACKEND:
CACHES_DEFAULT_CONFIG["LOCATION"] = [(CACHE_REDIS_HOST, CACHE_REDIS_PORT)]
CACHES_DEFAULT_CONFIG["OPTIONS"]["SENTINEL_SERVICE_NAME"] = config(
"CACHE_REDIS_SENTINEL_SERVICE_NAME", default="mymaster"
)
CACHES_DEFAULT_CONFIG["OPTIONS"]["REDIS_CLIENT_KWARGS"] = {"db": CACHE_REDIS_DB}
CACHES = config(
"CACHES",
default={
"default": dict(CACHES_DEFAULT_CONFIG, **{"KEY_PREFIX": "default"}),
"general": dict(CACHES_DEFAULT_CONFIG, **{"KEY_PREFIX": "general"}),
"celery": dict(CACHES_DEFAULT_CONFIG, **{"KEY_PREFIX": "celery"}),
"mongo_metadata_inheritance": dict(
CACHES_DEFAULT_CONFIG, **{"KEY_PREFIX": "mongo_metadata_inheritance"}
),
"openassessment_submissions": dict(
CACHES_DEFAULT_CONFIG, **{"KEY_PREFIX": "openassessment_submissions"}
),
"loc_cache": {
"BACKEND": "django.core.cache.backends.locmem.LocMemCache",
"LOCATION": "edx_location_mem_cache",
},
# Cache backend used by Django 1.8 storage backend while processing static files
"staticfiles": {
"BACKEND": "django.core.cache.backends.locmem.LocMemCache",
"LOCATION": "edx_location_mem_cache",
},
},
formatter=json.loads,
)
# Email overrides
DEFAULT_FROM_EMAIL = config("DEFAULT_FROM_EMAIL", default=DEFAULT_FROM_EMAIL)
DEFAULT_FEEDBACK_EMAIL = config(
"DEFAULT_FEEDBACK_EMAIL", default=DEFAULT_FEEDBACK_EMAIL
)
ADMINS = config("ADMINS", default=ADMINS, formatter=json.loads)
SERVER_EMAIL = config("SERVER_EMAIL", default=SERVER_EMAIL)
TECH_SUPPORT_EMAIL = config("TECH_SUPPORT_EMAIL", default=TECH_SUPPORT_EMAIL)
CONTACT_EMAIL = config("CONTACT_EMAIL", default=CONTACT_EMAIL)
BUGS_EMAIL = config("BUGS_EMAIL", default=BUGS_EMAIL)
PAYMENT_SUPPORT_EMAIL = config("PAYMENT_SUPPORT_EMAIL", default=PAYMENT_SUPPORT_EMAIL)
FINANCE_EMAIL = config("FINANCE_EMAIL", default=FINANCE_EMAIL)
UNIVERSITY_EMAIL = config("UNIVERSITY_EMAIL", default=UNIVERSITY_EMAIL)
PRESS_EMAIL = config("PRESS_EMAIL", default=PRESS_EMAIL)
# Currency
PAID_COURSE_REGISTRATION_CURRENCY = config(
"PAID_COURSE_REGISTRATION_CURRENCY", default=["EUR", u"\N{euro sign}"]
)
# Payment Report Settings
PAYMENT_REPORT_GENERATOR_GROUP = config(
"PAYMENT_REPORT_GENERATOR_GROUP", default=PAYMENT_REPORT_GENERATOR_GROUP
)
# Bulk Email overrides
BULK_EMAIL_DEFAULT_FROM_EMAIL = config(
"BULK_EMAIL_DEFAULT_FROM_EMAIL", default=BULK_EMAIL_DEFAULT_FROM_EMAIL
)
BULK_EMAIL_EMAILS_PER_TASK = config(
"BULK_EMAIL_EMAILS_PER_TASK", default=BULK_EMAIL_EMAILS_PER_TASK, formatter=int
)
BULK_EMAIL_DEFAULT_RETRY_DELAY = config(
"BULK_EMAIL_DEFAULT_RETRY_DELAY",
default=BULK_EMAIL_DEFAULT_RETRY_DELAY,
formatter=int,
)
BULK_EMAIL_MAX_RETRIES = config(
"BULK_EMAIL_MAX_RETRIES", default=BULK_EMAIL_MAX_RETRIES, formatter=int
)
BULK_EMAIL_INFINITE_RETRY_CAP = config(
"BULK_EMAIL_INFINITE_RETRY_CAP",
default=BULK_EMAIL_INFINITE_RETRY_CAP,
formatter=int,
)
BULK_EMAIL_LOG_SENT_EMAILS = config(
"BULK_EMAIL_LOG_SENT_EMAILS", default=BULK_EMAIL_LOG_SENT_EMAILS, formatter=bool
)
BULK_EMAIL_RETRY_DELAY_BETWEEN_SENDS = config(
"BULK_EMAIL_RETRY_DELAY_BETWEEN_SENDS",
default=BULK_EMAIL_RETRY_DELAY_BETWEEN_SENDS,
formatter=int,
)
# We want Bulk Email running on the high-priority queue, so we define the
# routing key that points to it. At the moment, the name is the same.
# We have to reset the value here, since we have changed the value of the queue name.
BULK_EMAIL_ROUTING_KEY = config("BULK_EMAIL_ROUTING_KEY", default=HIGH_PRIORITY_QUEUE)
# We can run smaller jobs on the low priority queue. See note above for why
# we have to reset the value here.
BULK_EMAIL_ROUTING_KEY_SMALL_JOBS = LOW_PRIORITY_QUEUE
# Theme overrides
THEME_NAME = config("THEME_NAME", default=None)
COMPREHENSIVE_THEME_DIR = path(
config("COMPREHENSIVE_THEME_DIR", default=COMPREHENSIVE_THEME_DIR)
)
# Marketing link overrides
MKTG_URL_LINK_MAP = config("MKTG_URL_LINK_MAP", default={}, formatter=json.loads)
SUPPORT_SITE_LINK = config("SUPPORT_SITE_LINK", default=SUPPORT_SITE_LINK)
# Mobile store URL overrides
MOBILE_STORE_URLS = config("MOBILE_STORE_URLS", default=MOBILE_STORE_URLS)
# Timezone overrides
TIME_ZONE = config("TIME_ZONE", default=TIME_ZONE)
# Translation overrides
LANGUAGES = config("LANGUAGES", default=LANGUAGES, formatter=json.loads)
LANGUAGE_DICT = dict(LANGUAGES)
LANGUAGE_CODE = config("LANGUAGE_CODE", default=LANGUAGE_CODE)
USE_I18N = config("USE_I18N", default=USE_I18N)
# Additional installed apps
for app in config("ADDL_INSTALLED_APPS", default=[], formatter=json.loads):
INSTALLED_APPS.append(app)
WIKI_ENABLED = config("WIKI_ENABLED", default=WIKI_ENABLED, formatter=bool)
local_loglevel = config("LOCAL_LOGLEVEL", default="INFO")
# Configure Logging
LOG_DIR = config("LOG_DIR", default=path("/edx/var/logs/edx"), formatter=path)
DATA_DIR = config("DATA_DIR", default=path("/edx/app/edxapp/data"), formatter=path)
# Default format for syslog logging
standard_format = "%(asctime)s %(levelname)s %(process)d [%(name)s] %(filename)s:%(lineno)d - %(message)s"
syslog_format = (
"[variant:lms][%(name)s][env:sandbox] %(levelname)s "
"[{hostname} %(process)d] [%(filename)s:%(lineno)d] - %(message)s"
).format(hostname=platform.node().split(".")[0])
LOGGING = {
"version": 1,
"disable_existing_loggers": False,
"handlers": {
"local": {
"formatter": "syslog_format",
"class": "logging.StreamHandler",
"level": "INFO",
},
"tracking": {
"formatter": "raw",
"class": "logging.StreamHandler",
"level": "DEBUG",
},
"console": {
"formatter": "standard",
"class": "logging.StreamHandler",
"level": "INFO",
},
},
"formatters": {
"raw": {"format": "%(message)s"},
"syslog_format": {"format": syslog_format},
"standard": {"format": standard_format},
},
"filters": {"require_debug_false": {"()": "django.utils.log.RequireDebugFalse"}},
"loggers": {
"": {"level": "INFO", "propagate": False, "handlers": ["console", "local"]},
"tracking": {"level": "DEBUG", "propagate": False, "handlers": ["tracking"]},
},
}
SENTRY_DSN = config("SENTRY_DSN", default=None)
if SENTRY_DSN:
LOGGING["loggers"][""]["handlers"].append("sentry")
LOGGING["handlers"]["sentry"] = {
"class": "raven.handlers.logging.SentryHandler",
"dsn": SENTRY_DSN,
"level": "ERROR",
"environment": "production",
"release": RELEASE,
}
COURSE_LISTINGS = config("COURSE_LISTINGS", default={}, formatter=json.loads)
SUBDOMAIN_BRANDING = config("SUBDOMAIN_BRANDING", default={}, formatter=json.loads)
VIRTUAL_UNIVERSITIES = config("VIRTUAL_UNIVERSITIES", default=[])
META_UNIVERSITIES = config("META_UNIVERSITIES", default={}, formatter=json.loads)
COMMENTS_SERVICE_URL = config("COMMENTS_SERVICE_URL", default="")
COMMENTS_SERVICE_KEY = config("COMMENTS_SERVICE_KEY", default="")
CERT_NAME_SHORT = config("CERT_NAME_SHORT", default=CERT_NAME_SHORT)
CERT_NAME_LONG = config("CERT_NAME_LONG", default=CERT_NAME_LONG)
CERT_QUEUE = config("CERT_QUEUE", default="test-pull")
ZENDESK_URL = config("ZENDESK_URL", default=None)
FEEDBACK_SUBMISSION_EMAIL = config("FEEDBACK_SUBMISSION_EMAIL", default=None)
MKTG_URLS = config("MKTG_URLS", default=MKTG_URLS, formatter=json.loads)
# Badgr API
BADGR_API_TOKEN = config("BADGR_API_TOKEN", default=BADGR_API_TOKEN)
BADGR_BASE_URL = config("BADGR_BASE_URL", default=BADGR_BASE_URL)
BADGR_ISSUER_SLUG = config("BADGR_ISSUER_SLUG", default=BADGR_ISSUER_SLUG)
# git repo loading environment
GIT_REPO_DIR = config(
"GIT_REPO_DIR", default=path("/edx/var/edxapp/course_repos"), formatter=path
)
GIT_IMPORT_STATIC = config("GIT_IMPORT_STATIC", default=True)
for name, value in config("CODE_JAIL", default={}, formatter=json.loads).items():
oldvalue = CODE_JAIL.get(name)
if isinstance(oldvalue, dict):
for subname, subvalue in value.items():
oldvalue[subname] = subvalue
else:
CODE_JAIL[name] = value
COURSES_WITH_UNSAFE_CODE = config(
"COURSES_WITH_UNSAFE_CODE", default=[], formatter=json.loads
)
ASSET_IGNORE_REGEX = config("ASSET_IGNORE_REGEX", default=ASSET_IGNORE_REGEX)
# Event Tracking
TRACKING_IGNORE_URL_PATTERNS = config(
"TRACKING_IGNORE_URL_PATTERNS",
default=TRACKING_IGNORE_URL_PATTERNS,
formatter=json.loads,
)
# SSL external authentication settings
SSL_AUTH_EMAIL_DOMAIN = config("SSL_AUTH_EMAIL_DOMAIN", default="MIT.EDU")
SSL_AUTH_DN_FORMAT_STRING = config("SSL_AUTH_DN_FORMAT_STRING", default=None)
# Django CAS external authentication settings
CAS_EXTRA_LOGIN_PARAMS = config(
"CAS_EXTRA_LOGIN_PARAMS", default=None, formatter=json.loads
)
if FEATURES.get("AUTH_USE_CAS"):
CAS_SERVER_URL = config("CAS_SERVER_URL", default=None)
INSTALLED_APPS.append("django_cas")
MIDDLEWARE_CLASSES.append("django_cas.middleware.CASMiddleware")
CAS_ATTRIBUTE_CALLBACK = config(
"CAS_ATTRIBUTE_CALLBACK", default=None, formatter=json.loads
)
if CAS_ATTRIBUTE_CALLBACK:
import importlib
CAS_USER_DETAILS_RESOLVER = getattr(
importlib.import_module(CAS_ATTRIBUTE_CALLBACK["module"]),
CAS_ATTRIBUTE_CALLBACK["function"],
)
# Video Caching. Pairing country codes with CDN URLs.
# Example: {'CN': 'http://api.xuetangx.com/edx/video?s3_url='}
VIDEO_CDN_URL = config("VIDEO_CDN_URL", default={}, formatter=json.loads)
# Branded footer
FOOTER_OPENEDX_URL = config("FOOTER_OPENEDX_URL", default=FOOTER_OPENEDX_URL)
FOOTER_OPENEDX_LOGO_IMAGE = config(
"FOOTER_OPENEDX_LOGO_IMAGE", default=FOOTER_OPENEDX_LOGO_IMAGE
)
FOOTER_ORGANIZATION_IMAGE = config(
"FOOTER_ORGANIZATION_IMAGE", default=FOOTER_ORGANIZATION_IMAGE
)
FOOTER_CACHE_TIMEOUT = config(
"FOOTER_CACHE_TIMEOUT", default=FOOTER_CACHE_TIMEOUT, formatter=int
)
FOOTER_BROWSER_CACHE_MAX_AGE = config(
"FOOTER_BROWSER_CACHE_MAX_AGE", default=FOOTER_BROWSER_CACHE_MAX_AGE, formatter=int
)
# Credit notifications settings
NOTIFICATION_EMAIL_CSS = config(
"NOTIFICATION_EMAIL_CSS", default=NOTIFICATION_EMAIL_CSS
)
NOTIFICATION_EMAIL_EDX_LOGO = config(
"NOTIFICATION_EMAIL_EDX_LOGO", default=NOTIFICATION_EMAIL_EDX_LOGO
)
############# CORS headers for cross-domain requests #################
if FEATURES.get("ENABLE_CORS_HEADERS") or FEATURES.get(
"ENABLE_CROSS_DOMAIN_CSRF_COOKIE"
):
CORS_ALLOW_CREDENTIALS = True
CORS_ORIGIN_WHITELIST = config(
"CORS_ORIGIN_WHITELIST", default=(), formatter=json.loads
)
CORS_ORIGIN_ALLOW_ALL = config(
"CORS_ORIGIN_ALLOW_ALL", default=False, formatter=bool
)
CORS_ALLOW_INSECURE = config("CORS_ALLOW_INSECURE", default=False, formatter=bool)
# If setting a cross-domain cookie, it's really important to choose
# a name for the cookie that is DIFFERENT than the cookies used
# by each subdomain. For example, suppose the applications
# at these subdomains are configured to use the following cookie names:
#
# 1) foo.example.com --> "csrftoken"
# 2) baz.example.com --> "csrftoken"
# 3) bar.example.com --> "csrftoken"
#
# For the cross-domain version of the CSRF cookie, you need to choose
# a name DIFFERENT than "csrftoken"; otherwise, the new token configured
# for ".example.com" could conflict with the other cookies,
# non-deterministically causing 403 responses.
#
# Because of the way Django stores cookies, the cookie name MUST
# be a `str`, not unicode. Otherwise there will `TypeError`s will be raised
# when Django tries to call the unicode `translate()` method with the wrong
# number of parameters.
CROSS_DOMAIN_CSRF_COOKIE_NAME = str(config("CROSS_DOMAIN_CSRF_COOKIE_NAME"))
# When setting the domain for the "cross-domain" version of the CSRF
# cookie, you should choose something like: ".example.com"
# (note the leading dot), where both the referer and the host
# are subdomains of "example.com".
#
# Browser security rules require that
# the cookie domain matches the domain of the server; otherwise
# the cookie won't get set. And once the cookie gets set, the client
# needs to be on a domain that matches the cookie domain, otherwise
# the client won't be able to read the cookie.
CROSS_DOMAIN_CSRF_COOKIE_DOMAIN = config("CROSS_DOMAIN_CSRF_COOKIE_DOMAIN")
# Field overrides. To use the IDDE feature, add
# 'courseware.student_field_overrides.IndividualStudentOverrideProvider'.
FIELD_OVERRIDE_PROVIDERS = tuple(
config("FIELD_OVERRIDE_PROVIDERS", default=[], formatter=json.loads)
)
############################## SECURE AUTH ITEMS ###############
# Secret things: passwords, access keys, etc.
############### XBlock filesystem field config ##########
DJFS = config(
"DJFS",
default={
"directory_root": "/edx/var/edxapp/django-pyfs/static/django-pyfs",
"type": "osfs",
"url_root": "/static/django-pyfs",
},
formatter=json.loads,
)
############### Module Store Items ##########
HOSTNAME_MODULESTORE_DEFAULT_MAPPINGS = config(
"HOSTNAME_MODULESTORE_DEFAULT_MAPPINGS", default={}, formatter=json.loads
)
# PREVIEW DOMAIN must be present in HOSTNAME_MODULESTORE_DEFAULT_MAPPINGS for the preview to show draft changes
if "PREVIEW_LMS_BASE" in FEATURES and FEATURES["PREVIEW_LMS_BASE"] != "":
PREVIEW_DOMAIN = FEATURES["PREVIEW_LMS_BASE"].split(":")[0]
# update dictionary with preview domain regex
HOSTNAME_MODULESTORE_DEFAULT_MAPPINGS.update({PREVIEW_DOMAIN: "draft-preferred"})
############### Mixed Related(Secure/Not-Secure) Items ##########
LMS_SEGMENT_KEY = config("LMS_SEGMENT_KEY", default=None)
CC_PROCESSOR_NAME = config("CC_PROCESSOR_NAME", default=CC_PROCESSOR_NAME)
CC_PROCESSOR = config("CC_PROCESSOR", default=CC_PROCESSOR)
SECRET_KEY = config("SECRET_KEY", default="ThisisAnExampleKeyForDevPurposeOnly")
# Authentication backends
# - behind a proxy, use: "lms.envs.fun.backends.ProxyRateLimitModelBackend"
# - for LTI provider, add: "lti_provider.users.LtiBackend"
# - for CAS, add: "django_cas.backends.CASBackend"
AUTHENTICATION_BACKENDS = config(
"AUTHENTICATION_BACKENDS",
default=("lms.envs.fun.backends.ProxyRateLimitModelBackend",),
)
DEFAULT_FILE_STORAGE = config(
"DEFAULT_FILE_STORAGE", default="django.core.files.storage.FileSystemStorage"
)
# Specific setting for the File Upload Service to store media in a bucket.
FILE_UPLOAD_STORAGE_BUCKET_NAME = config(
"FILE_UPLOAD_STORAGE_BUCKET_NAME", default="uploads"
)
FILE_UPLOAD_STORAGE_PREFIX = config(
"FILE_UPLOAD_STORAGE_PREFIX", default=FILE_UPLOAD_STORAGE_PREFIX
)
# If there is a database called 'read_replica', you can use the use_read_replica_if_available
# function in util/query.py, which is useful for very large database reads
DATABASE_ENGINE = config("DATABASE_ENGINE", default="django.db.backends.mysql")
DATABASE_HOST = config("DATABASE_HOST", default="mysql")
DATABASE_PORT = config("DATABASE_PORT", default=3306, formatter=int)
DATABASE_NAME = config("DATABASE_NAME", default="edxapp")
DATABASE_USER = config("DATABASE_USER", default="edxapp_user")
DATABASE_PASSWORD = config("DATABASE_PASSWORD", default="password")
DATABASES = config(
"DATABASES",
default={
"default": {
"ENGINE": DATABASE_ENGINE,
"HOST": DATABASE_HOST,
"PORT": DATABASE_PORT,
"NAME": DATABASE_NAME,
"USER": DATABASE_USER,
"PASSWORD": DATABASE_PASSWORD,
}
},
formatter=json.loads,
)
# Enable automatic transaction management on all databases
# https://docs.djangoproject.com/en/1.8/topics/db/transactions/#tying-transactions-to-http-requests
# This needs to be true for all databases
for database_name in DATABASES:
DATABASES[database_name]["ATOMIC_REQUESTS"] = True
XQUEUE_INTERFACE = config(
"XQUEUE_INTERFACE",
default={"url": None, "basic_auth": None, "django_auth": None},
formatter=json.loads,
)
# Configure the MODULESTORE
MODULESTORE = convert_module_store_setting_if_needed(
config("MODULESTORE", default=MODULESTORE, formatter=json.loads)
)
MONGODB_PASSWORD = config("MONGODB_PASSWORD", default="")
MONGODB_HOST = config("MONGODB_HOST", default="mongodb")
MONGODB_PORT = config("MONGODB_PORT", default=27017, formatter=int)
MONGODB_NAME = config("MONGODB_NAME", default="edxapp")
MONGODB_USER = config("MONGODB_USER", default=None)
MONGODB_SSL = config("MONGODB_SSL", default=False, formatter=bool)
MONGODB_REPLICASET = config("MONGODB_REPLICASET", default=None)
# Accepted read_preference value can be found here https://github.com/mongodb/mongo-python-driver/blob/2.9.1/pymongo/read_preferences.py#L54
MONGODB_READ_PREFERENCE = config("MONGODB_READ_PREFERENCE", default="PRIMARY")
DOC_STORE_CONFIG = config(
"DOC_STORE_CONFIG",
default={
"collection": "modulestore",
"host": MONGODB_HOST,
"port": MONGODB_PORT,
"db": MONGODB_NAME,
"user": MONGODB_USER,
"password": <PASSWORD>,
"ssl": MONGODB_SSL,
"replicaSet": MONGODB_REPLICASET,
"read_preference": MONGODB_READ_PREFERENCE,
},
formatter=json.loads,
)
update_module_store_settings(MODULESTORE, doc_store_settings=DOC_STORE_CONFIG)
MONGODB_LOG = config("MONGODB_LOG", default={}, formatter=json.loads)
CONTENTSTORE = config(
"CONTENTSTORE",
default={
"DOC_STORE_CONFIG": DOC_STORE_CONFIG,
"ENGINE": "xmodule.contentstore.mongo.MongoContentStore",
},
formatter=json.loads,
)
EMAIL_HOST_USER = config("EMAIL_HOST_USER", default="") # django default is ''
EMAIL_HOST_PASSWORD = config("EMAIL_HOST_PASSWORD", default="") # django default is ''
# Datadog for events!
DATADOG = config("DATADOG", default={}, formatter=json.loads)
# TODO: deprecated (compatibility with previous settings)
DATADOG_API = config("DATADOG_API", default=None)
# Analytics dashboard server
ANALYTICS_SERVER_URL = config("ANALYTICS_SERVER_URL", default=None)
ANALYTICS_API_KEY = config("ANALYTICS_API_KEY", default="")
# Analytics data source
ANALYTICS_DATA_URL = config("ANALYTICS_DATA_URL", default=ANALYTICS_DATA_URL)
ANALYTICS_DATA_TOKEN = config("ANALYTICS_DATA_TOKEN", default=ANALYTICS_DATA_TOKEN)
# Analytics Dashboard
# when True this setting add a link in instructor dashbord to analytics insight service
ANALYTICS_DASHBOARD_URL = config(
"ANALYTICS_DASHBOARD_URL", default=False, formatter=bool
)
ANALYTICS_DASHBOARD_NAME = config(
"ANALYTICS_DASHBOARD_NAME", default=PLATFORM_NAME + " Insights"
)
# Mailchimp New User List
MAILCHIMP_NEW_USER_LIST_ID = config("MAILCHIMP_NEW_USER_LIST_ID", default=None)
# Zendesk
ZENDESK_USER = config("ZENDESK_USER", default=None)
ZENDESK_API_KEY = config("ZENDESK_API_KEY", default=None)
# API Key for inbound requests from Notifier service
EDX_API_KEY = config("EDX_API_KEY", default=None)
# Celery Broker
# For redis sentinel use the redis-sentinel transport
CELERY_BROKER_TRANSPORT = config("CELERY_BROKER_TRANSPORT", default="redis")
CELERY_BROKER_USER = config("CELERY_BROKER_USER", default="")
CELERY_BROKER_PASSWORD = config("CELERY_BROKER_PASSWORD", default="")
CELERY_BROKER_HOST = config("CELERY_BROKER_HOST", default="redis")
CELERY_BROKER_PORT = config("CELERY_BROKER_PORT", default=6379, formatter=int)
CELERY_BROKER_VHOST = config("CELERY_BROKER_VHOST", default=0, formatter=int)
if CELERY_BROKER_TRANSPORT == "redis-sentinel":
# register redis sentinel schema in celery
register()
BROKER_URL = "{transport}://{user}:{password}@{host}:{port}/{vhost}".format(
transport=CELERY_BROKER_TRANSPORT,
user=CELERY_BROKER_USER,
password=<PASSWORD>,
host=CELERY_BROKER_HOST,
port=CELERY_BROKER_PORT,
vhost=CELERY_BROKER_VHOST,
)
# To use redis-sentinel, refer to the documenation here
# https://celery-redis-sentinel.readthedocs.io/en/latest/
BROKER_TRANSPORT_OPTIONS = config(
"BROKER_TRANSPORT_OPTIONS", default={}, formatter=json.loads
)
# upload limits
STUDENT_FILEUPLOAD_MAX_SIZE = config(
"STUDENT_FILEUPLOAD_MAX_SIZE", default=STUDENT_FILEUPLOAD_MAX_SIZE, formatter=int
)
# Event tracking
TRACKING_BACKENDS.update(config("TRACKING_BACKENDS", default={}, formatter=json.loads))
EVENT_TRACKING_BACKENDS["tracking_logs"]["OPTIONS"]["backends"].update(
config("EVENT_TRACKING_BACKENDS", default={}, formatter=json.loads)
)
EVENT_TRACKING_BACKENDS["segmentio"]["OPTIONS"]["processors"][0]["OPTIONS"][
"whitelist"
].extend(
config("EVENT_TRACKING_SEGMENTIO_EMIT_WHITELIST", default=[], formatter=json.loads)
)
TRACKING_SEGMENTIO_WEBHOOK_SECRET = config(
"TRACKING_SEGMENTIO_WEBHOOK_SECRET", default=TRACKING_SEGMENTIO_WEBHOOK_SECRET
)
TRACKING_SEGMENTIO_ALLOWED_TYPES = config(
"TRACKING_SEGMENTIO_ALLOWED_TYPES",
default=TRACKING_SEGMENTIO_ALLOWED_TYPES,
formatter=json.loads,
)
TRACKING_SEGMENTIO_DISALLOWED_SUBSTRING_NAMES = config(
"TRACKING_SEGMENTIO_DISALLOWED_SUBSTRING_NAMES",
default=TRACKING_SEGMENTIO_DISALLOWED_SUBSTRING_NAMES,
formatter=json.loads,
)
TRACKING_SEGMENTIO_SOURCE_MAP = config(
"TRACKING_SEGMENTIO_SOURCE_MAP",
default=TRACKING_SEGMENTIO_SOURCE_MAP,
formatter=json.loads,
)
# Student identity verification settings
VERIFY_STUDENT = config("VERIFY_STUDENT", default=VERIFY_STUDENT, formatter=json.loads)
# Grades download
GRADES_DOWNLOAD_ROUTING_KEY = config(
"GRADES_DOWNLOAD_ROUTING_KEY", default=HIGH_MEM_QUEUE
)
GRADES_DOWNLOAD = config(
"GRADES_DOWNLOAD", default=GRADES_DOWNLOAD, formatter=json.loads
)
GRADES_DOWNLOAD = config("GRADES_DOWNLOAD", default=GRADES_DOWNLOAD)
# financial reports
FINANCIAL_REPORTS = config(
"FINANCIAL_REPORTS", default=FINANCIAL_REPORTS, formatter=json.loads
)
##### ACCOUNT LOCKOUT DEFAULT PARAMETERS #####
MAX_FAILED_LOGIN_ATTEMPTS_ALLOWED = config(
"MAX_FAILED_LOGIN_ATTEMPTS_ALLOWED", default=5, formatter=int
)
MAX_FAILED_LOGIN_ATTEMPTS_LOCKOUT_PERIOD_SECS = config(
"MAX_FAILED_LOGIN_ATTEMPTS_LOCKOUT_PERIOD_SECS", default=15 * 60, formatter=int
)
MICROSITE_CONFIGURATION = config(
"MICROSITE_CONFIGURATION", default={}, formatter=json.loads
)
MICROSITE_ROOT_DIR = path(config("MICROSITE_ROOT_DIR", default=""))
#### PASSWORD POLICY SETTINGS #####
PASSWORD_MIN_LENGTH = config("PASSWORD_MIN_LENGTH", default=12, formatter=int)
PASSWORD_MAX_LENGTH = config("PASSWORD_MAX_LENGTH", default=None, formatter=int)
PASSWORD_COMPLEXITY = config(
"PASSWORD_COMPLEXITY",
default={"UPPER": 1, "LOWER": 1, "DIGITS": 1},
formatter=json.loads,
)
PASSWORD_DICTIONARY_EDIT_DISTANCE_THRESHOLD = config(
"PASSWORD_DICTIONARY_EDIT_DISTANCE_THRESHOLD",
default=PASSWORD_DICTIONARY_EDIT_DISTANCE_THRESHOLD,
formatter=int,
)
PASSWORD_DICTIONARY = config("PASSWORD_DICTIONARY", default=[], formatter=json.loads)
### INACTIVITY SETTINGS ####
SESSION_INACTIVITY_TIMEOUT_IN_SECONDS = config(
"SESSION_INACTIVITY_TIMEOUT_IN_SECONDS", default=None, formatter=int
)
##### LMS DEADLINE DISPLAY TIME_ZONE #######
TIME_ZONE_DISPLAYED_FOR_DEADLINES = config(
"TIME_ZONE_DISPLAYED_FOR_DEADLINES", default=TIME_ZONE_DISPLAYED_FOR_DEADLINES
)
##### X-Frame-Options response header settings #####
X_FRAME_OPTIONS = config("X_FRAME_OPTIONS", default=X_FRAME_OPTIONS)
##### Third-party auth options ################################################
if FEATURES.get("ENABLE_THIRD_PARTY_AUTH"):
# The reduced session expiry time during the third party login pipeline. (Value in seconds)
SOCIAL_AUTH_PIPELINE_TIMEOUT = config("SOCIAL_AUTH_PIPELINE_TIMEOUT", default=600)
# The SAML private/public key values do not need the delimiter lines (such as
# "-----BEGIN PRIVATE KEY-----", default="-----END PRIVATE KEY-----" etc.) but they may be included
# if you want (though it's easier to format the key values as JSON without the delimiters).
SOCIAL_AUTH_SAML_SP_PRIVATE_KEY = config(
"SOCIAL_AUTH_SAML_SP_PRIVATE_KEY", default=""
)
SOCIAL_AUTH_SAML_SP_PUBLIC_CERT = config(
"SOCIAL_AUTH_SAML_SP_PUBLIC_CERT", default=""
)
SOCIAL_AUTH_OAUTH_SECRETS = config(
"SOCIAL_AUTH_OAUTH_SECRETS", default={}, formatter=json.loads
)
SOCIAL_AUTH_LTI_CONSUMER_SECRETS = config(
"SOCIAL_AUTH_LTI_CONSUMER_SECRETS", default={}, formatter=json.loads
)
# third_party_auth config moved to ConfigurationModels. This is for data migration only:
THIRD_PARTY_AUTH_OLD_CONFIG = config("THIRD_PARTY_AUTH", default=None)
if (
config("THIRD_PARTY_AUTH_SAML_FETCH_PERIOD_HOURS", default=24, formatter=int)
is not None
):
CELERYBEAT_SCHEDULE["refresh-saml-metadata"] = {
"task": "third_party_auth.fetch_saml_metadata",
"schedule": datetime.timedelta(
hours=config(
"THIRD_PARTY_AUTH_SAML_FETCH_PERIOD_HOURS",
default=24,
formatter=int,
)
),
}
# The following can be used to integrate a custom login form with third_party_auth.
# It should be a dict where the key is a word passed via ?auth_entry=, and the value is a
# dict with an arbitrary 'secret_key' and a 'url'.
THIRD_PARTY_AUTH_CUSTOM_AUTH_FORMS = config(
"THIRD_PARTY_AUTH_CUSTOM_AUTH_FORMS", default={}, formatter=json.loads
)
##### OAUTH2 Provider ##############
if FEATURES.get("ENABLE_OAUTH2_PROVIDER"):
OAUTH_OIDC_ISSUER = config("OAUTH_OIDC_ISSUER", default=None)
OAUTH_ENFORCE_SECURE = config("OAUTH_ENFORCE_SECURE", default=True, formatter=bool)
OAUTH_ENFORCE_CLIENT_SECURE = config(
"OAUTH_ENFORCE_CLIENT_SECURE", default=True, formatter=bool
)
##### ADVANCED_SECURITY_CONFIG #####
ADVANCED_SECURITY_CONFIG = config(
"ADVANCED_SECURITY_CONFIG", default={}, formatter=json.loads
)
##### GOOGLE ANALYTICS IDS #####
GOOGLE_ANALYTICS_ACCOUNT = config("GOOGLE_ANALYTICS_ACCOUNT", default=None)
GOOGLE_ANALYTICS_LINKEDIN = config("GOOGLE_ANALYTICS_LINKEDIN", default=None)
##### OPTIMIZELY PROJECT ID #####
OPTIMIZELY_PROJECT_ID = config("OPTIMIZELY_PROJECT_ID", default=OPTIMIZELY_PROJECT_ID)
#### Course Registration Code length ####
REGISTRATION_CODE_LENGTH = config("REGISTRATION_CODE_LENGTH", default=8, formatter=int)
# REGISTRATION CODES DISPLAY INFORMATION
INVOICE_CORP_ADDRESS = config("INVOICE_CORP_ADDRESS", default=INVOICE_CORP_ADDRESS)
INVOICE_PAYMENT_INSTRUCTIONS = config(
"INVOICE_PAYMENT_INSTRUCTIONS", default=INVOICE_PAYMENT_INSTRUCTIONS
)
# Which access.py permission names to check;
# We default this to the legacy permission 'see_exists'.
COURSE_CATALOG_VISIBILITY_PERMISSION = config(
"COURSE_CATALOG_VISIBILITY_PERMISSION", default=COURSE_CATALOG_VISIBILITY_PERMISSION
)
COURSE_ABOUT_VISIBILITY_PERMISSION = config(
"COURSE_ABOUT_VISIBILITY_PERMISSION", default=COURSE_ABOUT_VISIBILITY_PERMISSION
)
# Enrollment API Cache Timeout
ENROLLMENT_COURSE_DETAILS_CACHE_TIMEOUT = config(
"ENROLLMENT_COURSE_DETAILS_CACHE_TIMEOUT", default=60, formatter=int
)
# PDF RECEIPT/INVOICE OVERRIDES
PDF_RECEIPT_TAX_ID = config("PDF_RECEIPT_TAX_ID", default=PDF_RECEIPT_TAX_ID)
PDF_RECEIPT_FOOTER_TEXT = config(
"PDF_RECEIPT_FOOTER_TEXT", default=PDF_RECEIPT_FOOTER_TEXT
)
PDF_RECEIPT_DISCLAIMER_TEXT = config(
"PDF_RECEIPT_DISCLAIMER_TEXT", default=PDF_RECEIPT_DISCLAIMER_TEXT
)
PDF_RECEIPT_BILLING_ADDRESS = config(
"PDF_RECEIPT_BILLING_ADDRESS", default=PDF_RECEIPT_BILLING_ADDRESS
)
PDF_RECEIPT_TERMS_AND_CONDITIONS = config(
"PDF_RECEIPT_TERMS_AND_CONDITIONS", default=PDF_RECEIPT_TERMS_AND_CONDITIONS
)
PDF_RECEIPT_TAX_ID_LABEL = config(
"PDF_RECEIPT_TAX_ID_LABEL", default=PDF_RECEIPT_TAX_ID_LABEL
)
PDF_RECEIPT_LOGO_PATH = config("PDF_RECEIPT_LOGO_PATH", default=PDF_RECEIPT_LOGO_PATH)
PDF_RECEIPT_COBRAND_LOGO_PATH = config(
"PDF_RECEIPT_COBRAND_LOGO_PATH", default=PDF_RECEIPT_COBRAND_LOGO_PATH
)
PDF_RECEIPT_LOGO_HEIGHT_MM = config(
"PDF_RECEIPT_LOGO_HEIGHT_MM", default=PDF_RECEIPT_LOGO_HEIGHT_MM, formatter=int
)
PDF_RECEIPT_COBRAND_LOGO_HEIGHT_MM = config(
"PDF_RECEIPT_COBRAND_LOGO_HEIGHT_MM",
default=PDF_RECEIPT_COBRAND_LOGO_HEIGHT_MM,
formatter=int,
)
if (
FEATURES.get("ENABLE_COURSEWARE_SEARCH")
or FEATURES.get("ENABLE_DASHBOARD_SEARCH")
or FEATURES.get("ENABLE_COURSE_DISCOVERY")
or FEATURES.get("ENABLE_TEAMS")
):
# Use ElasticSearch as the search engine herein
SEARCH_ENGINE = "search.elastic.ElasticSearchEngine"
ELASTIC_SEARCH_CONFIG = config(
"ELASTIC_SEARCH_CONFIG", default=[{}], formatter=json.loads
)
# Facebook app
FACEBOOK_API_VERSION = config("FACEBOOK_API_VERSION", default=None)
FACEBOOK_APP_SECRET = config("FACEBOOK_APP_SECRET", default=None)
FACEBOOK_APP_ID = config("FACEBOOK_APP_ID", default=None)
XBLOCK_SETTINGS = config("XBLOCK_SETTINGS", default={}, formatter=json.loads)
XBLOCK_SETTINGS.setdefault("VideoDescriptor", {})["licensing_enabled"] = FEATURES.get(
"LICENSING", False
)
XBLOCK_SETTINGS.setdefault("VideoModule", {})["YOUTUBE_API_KEY"] = config(
"YOUTUBE_API_KEY", default=YOUTUBE_API_KEY
)
##### CDN EXPERIMENT/MONITORING FLAGS #####
CDN_VIDEO_URLS = config("CDN_VIDEO_URLS", default=CDN_VIDEO_URLS)
ONLOAD_BEACON_SAMPLE_RATE = config(
"ONLOAD_BEACON_SAMPLE_RATE", default=ONLOAD_BEACON_SAMPLE_RATE
)
##### ECOMMERCE API CONFIGURATION SETTINGS #####
ECOMMERCE_PUBLIC_URL_ROOT = config(
"ECOMMERCE_PUBLIC_URL_ROOT", default=ECOMMERCE_PUBLIC_URL_ROOT
)
ECOMMERCE_API_URL = config("ECOMMERCE_API_URL", default=ECOMMERCE_API_URL)
ECOMMERCE_API_TIMEOUT = config(
"ECOMMERCE_API_TIMEOUT", default=ECOMMERCE_API_TIMEOUT, formatter=int
)
ECOMMERCE_SERVICE_WORKER_USERNAME = config(
"ECOMMERCE_SERVICE_WORKER_USERNAME", default=ECOMMERCE_SERVICE_WORKER_USERNAME
)
ECOMMERCE_API_TIMEOUT = config("ECOMMERCE_API_TIMEOUT", default=ECOMMERCE_API_TIMEOUT)
ECOMMERCE_API_SIGNING_KEY = config(
"ECOMMERCE_API_SIGNING_KEY", default=ECOMMERCE_API_SIGNING_KEY
)
##### Custom Courses for EdX #####
if FEATURES.get("CUSTOM_COURSES_EDX"):
INSTALLED_APPS += ("lms.djangoapps.ccx",)
FIELD_OVERRIDE_PROVIDERS += (
"lms.djangoapps.ccx.overrides.CustomCoursesForEdxOverrideProvider",
)
CCX_MAX_STUDENTS_ALLOWED = config(
"CCX_MAX_STUDENTS_ALLOWED", default=CCX_MAX_STUDENTS_ALLOWED
)
##### Individual Due Date Extensions #####
if FEATURES.get("INDIVIDUAL_DUE_DATES"):
FIELD_OVERRIDE_PROVIDERS += (
"courseware.student_field_overrides.IndividualStudentOverrideProvider",
)
##### Self-Paced Course Due Dates #####
FIELD_OVERRIDE_PROVIDERS += (
"courseware.self_paced_overrides.SelfPacedDateOverrideProvider",
)
# PROFILE IMAGE CONFIG
PROFILE_IMAGE_BACKEND = config("PROFILE_IMAGE_BACKEND", default=PROFILE_IMAGE_BACKEND)
PROFILE_IMAGE_SECRET_KEY = config(
"PROFILE_IMAGE_SECRET_KEY", default=PROFILE_IMAGE_SECRET_KEY
)
PROFILE_IMAGE_MAX_BYTES = config(
"PROFILE_IMAGE_MAX_BYTES", default=PROFILE_IMAGE_MAX_BYTES, formatter=int
)
PROFILE_IMAGE_MIN_BYTES = config(
"PROFILE_IMAGE_MIN_BYTES", default=PROFILE_IMAGE_MIN_BYTES, formatter=int
)
PROFILE_IMAGE_DEFAULT_FILENAME = "images/profiles/default"
# EdxNotes config
EDXNOTES_PUBLIC_API = config("EDXNOTES_PUBLIC_API", default=EDXNOTES_PUBLIC_API)
EDXNOTES_INTERNAL_API = config("EDXNOTES_INTERNAL_API", default=EDXNOTES_INTERNAL_API)
##### Credit Provider Integration #####
CREDIT_PROVIDER_SECRET_KEYS = config(
"CREDIT_PROVIDER_SECRET_KEYS", default={}, formatter=json.loads
)
##################### LTI Provider #####################
if FEATURES.get("ENABLE_LTI_PROVIDER"):
INSTALLED_APPS += ("lti_provider",)
LTI_USER_EMAIL_DOMAIN = config("LTI_USER_EMAIL_DOMAIN", default="lti.example.com")
# For more info on this, see the notes in common.py
LTI_AGGREGATE_SCORE_PASSBACK_DELAY = config(
"LTI_AGGREGATE_SCORE_PASSBACK_DELAY", default=LTI_AGGREGATE_SCORE_PASSBACK_DELAY
)
##################### Credit Provider help link ####################
CREDIT_HELP_LINK_URL = config("CREDIT_HELP_LINK_URL", default=CREDIT_HELP_LINK_URL)
#### JWT configuration ####
JWT_ISSUER = config("JWT_ISSUER", default=JWT_ISSUER)
JWT_EXPIRATION = config("JWT_EXPIRATION", default=JWT_EXPIRATION)
################# PROCTORING CONFIGURATION ##################
PROCTORING_BACKEND_PROVIDER = config(
"PROCTORING_BACKEND_PROVIDER", default=PROCTORING_BACKEND_PROVIDER
)
PROCTORING_SETTINGS = config(
"PROCTORING_SETTINGS", default=PROCTORING_SETTINGS, formatter=json.loads
)
################# MICROSITE ####################
MICROSITE_CONFIGURATION = config(
"MICROSITE_CONFIGURATION", default={}, formatter=json.loads
)
MICROSITE_ROOT_DIR = path(config("MICROSITE_ROOT_DIR", default=""))
# Cutoff date for granting audit certificates
if config("AUDIT_CERT_CUTOFF_DATE", default=None):
AUDIT_CERT_CUTOFF_DATE = dateutil.parser.parse(
config("AUDIT_CERT_CUTOFF_DATE", default=AUDIT_CERT_CUTOFF_DATE)
)
################ CONFIGURABLE LTI CONSUMER ###############
# Add just the standard LTI consumer by default, forcing it to open in a new window and ask
# the user before sending email and username:
LTI_XBLOCK_CONFIGURATIONS = config(
"LTI_XBLOCK_CONFIGURATIONS",
default=[
{
"display_name": "LTI consumer",
"pattern": ".*",
"hidden_fields": [
"ask_to_send_email",
"ask_to_send_username",
"new_window",
],
"defaults": {
"ask_to_send_email": True,
"ask_to_send_username": True,
"launch_target": "new_window",
},
}
],
formatter=json.loads,
)
LTI_XBLOCK_SECRETS = config("LTI_XBLOCK_SECRETS", default={}, formatter=json.loads)
################################ FUN stuff ################################
SITE_VARIANT = "lms"
# Environment's name displayed in FUN's backoffice
ENVIRONMENT = config("ENVIRONMENT", default="no set")
BASE_ROOT = path("/edx/app/edxapp/")
# Fun-apps configuration
INSTALLED_APPS += (
"backoffice",
"bootstrapform",
"ckeditor",
"course_dashboard",
"course_pages",
"courses_api",
"courses",
"easy_thumbnails",
"edx_gea",
"forum_contributors",
"fun_api",
"fun_certificates",
"fun_instructor",
"fun",
"funsite",
"haystack",
"masquerade",
"newsfeed",
"password_container",
"payment_api",
"payment",
"pure_pagination",
"raven.contrib.django.raven_compat",
"rest_framework.authtoken",
"teachers",
"universities",
"videoproviders",
)
ROOT_URLCONF = "fun.lms.urls"
# Related Richie platform url
PLATFORM_RICHIE_URL = config("PLATFORM_RICHIE_URL", default=None)
# Haystack configuration (default is minimal working configuration)
HAYSTACK_CONNECTIONS = config(
"HAYSTACK_CONNECTIONS",
default={
"default": {"ENGINE": "courses.search_indexes.ConfigurableElasticSearchEngine"}
},
formatter=json.loads,
)
CKEDITOR_UPLOAD_PATH = "./"
CKEDITOR_CONFIGS = {
"default": {
"toolbar": [
[
"Undo",
"Redo",
"-",
"Bold",
"Italic",
"Underline",
"-",
"Link",
"Unlink",
"Anchor",
"-",
"Format",
"-",
"SpellChecker",
"Scayt",
"-",
"Maximize",
],
[
"HorizontalRule",
"-",
"Table",
"-",
"BulletedList",
"NumberedList",
"-",
"Cut",
"Copy",
"Paste",
"PasteText",
"PasteFromWord",
"-",
"SpecialChar",
"-",
"Source",
],
],
"toolbarCanCollapse": False,
"entities": False,
"width": 955,
"uiColor": "#9AB8F3",
},
"news": {
# Redefine path where the news images/files are uploaded. This would
# better be done at runtime with the 'reverse' function, but
# unfortunately there is no way around defining this in the settings
# file.
"filebrowserUploadUrl": "/news/ckeditor/upload/",
"filebrowserBrowseUrl": "/news/ckeditor/browse/",
"toolbar_Full": [
[
"Styles",
"Format",
"Bold",
"Italic",
"Underline",
"Strike",
"SpellChecker",
"Undo",
"Redo",
],
["Image", "Flash", "Table", "HorizontalRule"],
["NumberedList", "BulletedList", "Blockquote", "TextColor", "BGColor"],
["Smiley", "SpecialChar"],
["Source"],
],
},
}
# ### FUN-APPS SETTINGS ###
# This is dist-packages path where all fun-apps are
FUN_BASE_ROOT = path(os.path.dirname(pkgutil.get_loader("funsite").filename))
SHARED_ROOT = DATA_DIR / "shared"
# Add FUN applications templates directories to MAKO template finder before edX's ones
MAKO_TEMPLATES["main"] = [
# overrides template in edx-platform/lms/templates
FUN_BASE_ROOT / "funsite/templates/lms",
FUN_BASE_ROOT / "funsite/templates",
FUN_BASE_ROOT / "course_pages/templates",
FUN_BASE_ROOT / "payment/templates",
FUN_BASE_ROOT / "course_dashboard/templates",
FUN_BASE_ROOT / "newsfeed/templates",
FUN_BASE_ROOT / "fun_certificates/templates",
] + MAKO_TEMPLATES["main"]
# JS static override
DEFAULT_TEMPLATE_ENGINE["DIRS"].append(FUN_BASE_ROOT / "funsite/templates/lms")
FUN_SMALL_LOGO_RELATIVE_PATH = "funsite/images/logos/funmooc173.png"
FUN_BIG_LOGO_RELATIVE_PATH = "funsite/images/logos/funmoocfp.png"
FAVICON_PATH = "fun/images/favicon.ico"
# Locale paths
# Here we rewrite LOCAL_PATHS to give precedence to our applications above edx-platform's ones,
# then we add xblocks which provide translations as there is no native mechanism to handle this
# See Xblock i18n: http://www.libremente.eu/2017/12/06/edx-translation/
LOCALIZED_FUN_APPS = [
"backoffice",
"course_dashboard",
"course_pages",
"courses",
"fun_api",
"fun_certificates",
"funsite",
"newsfeed",
"payment",
"universities",
"videoproviders",
]
LOCALE_PATHS = [FUN_BASE_ROOT / app / "locale" for app in LOCALIZED_FUN_APPS]
LOCALE_PATHS.append(REPO_ROOT / "conf/locale") # edx-platform locales
LOCALE_PATHS.append(path(pkgutil.get_loader("proctor_exam").filename) / "locale")
# -- Certificates
CERTIFICATES_DIRECTORY_NAME = "attestations"
FUN_LOGO_PATH = FUN_BASE_ROOT / "funsite/static" / FUN_BIG_LOGO_RELATIVE_PATH
FUN_ATTESTATION_LOGO_PATH = (
FUN_BASE_ROOT / "funsite/static" / "funsite/images/logos/funmoocattest.png"
)
STUDENT_NAME_FOR_TEST_CERTIFICATE = "Test User"
# Videofront subtitles cache
CACHES["video_subtitles"] = {
"BACKEND": "django.core.cache.backends.filebased.FileBasedCache",
"KEY_PREFIX": "video_subtitles",
"LOCATION": DATA_DIR / "video_subtitles_cache",
}
# Course image thumbnails
FUN_THUMBNAIL_OPTIONS = {
"small": {"size": (270, 152), "crop": "smart"},
"big": {"size": (337, 191), "crop": "smart"},
"about": {"size": (730, 412), "crop": "scale"},
"facebook": {
"size": (600, 315),
"crop": "smart",
}, # https://developers.facebook.com/docs/sharing/best-practices
}
THUMBNAIL_PRESERVE_EXTENSIONS = True
THUMBNAIL_EXTENSION = "png"
##### ORA2 ######
ORA2_FILEUPLOAD_BACKEND = "swift"
ORA2_SWIFT_KEY = config("ORA2_SWIFT_KEY", default="")
ORA2_SWIFT_URL = config("ORA2_SWIFT_URL", default="")
# Prefix for uploads of example-based assessment AI classifiers
# This can be used to separate uploads for different environments
ORA2_FILE_PREFIX = config("ORA2_FILE_PREFIX", default=ORA2_FILE_PREFIX)
# Profile image upload
PROFILE_IMAGE_BACKEND = {
"class": "storages.backends.overwrite.OverwriteStorage",
"options": {
"location": os.path.join(MEDIA_ROOT, "profile-images/"),
"base_url": os.path.join(MEDIA_URL, "profile-images/"),
},
}
ENABLE_ADWAYS_FOR_COURSES = config(
"ENABLE_ADWAYS_FOR_COURSES", default=[], formatter=json.loads
)
# Add our v3 CSS and JS files to assets compilation pipeline to make them available in courseware.
# On FUN v3 frontend, which do not use edX's templates, those files are loaded
# by funsite/templates/funsite/parts/base.html and css/lms-main.css
PIPELINE_CSS["style-vendor"]["source_filenames"].append("fun/css/cookie-banner.css")
PIPELINE_CSS["style-vendor"]["source_filenames"].append("funsite/css/header.css")
PIPELINE_CSS["style-vendor"]["source_filenames"].append("funsite/css/footer.css")
# can't find any common group
for group in ["base_vendor", "main_vendor"]:
PIPELINE_JS[group]["source_filenames"].append("funsite/js/header.js")
PIPELINE_JS[group]["source_filenames"].append("fun/js/cookie-banner.js")
# Glowbl
GLOWBL_LTI_ENDPOINT = config(
"GLOWBL_LTI_ENDPOINT", default="http://ltiapps.net/test/tp.php"
)
GLOWBL_LTI_KEY = config("GLOWBL_LTI_KEY", default="jisc.ac.uk")
GLOWBL_LTI_SECRET = config("GLOWBL_LTI_SECRET", default="secret")
GLOWBL_LTI_ID = config("GLOWBL_LTI_ID", default="testtoolconsumer")
GLOWBL_LAUNCH_URL = config(
"GLOWBL_LAUNCH_URL", default="http://ltiapps.net/test/tp.php"
)
GLOWBL_COLL_OPT = config("GLOWBL_COLL_OPT", default="FunMoocJdR")
DEFAULT_TEMPLATE_ENGINE["DIRS"].append(FUN_BASE_ROOT / "funsite/templates/lms")
DEFAULT_TEMPLATE_ENGINE["OPTIONS"]["context_processors"].append(
"fun.context_processor.fun_settings"
)
TEMPLATES = [DEFAULT_TEMPLATE_ENGINE]
# This force Edx Studio to use our own video provider Xblock on default button
FUN_DEFAULT_VIDEO_PLAYER = "libcast_xblock"
MIDDLEWARE_CLASSES += (
"fun.middleware.LegalAcceptance",
"backoffice.middleware.PathLimitedMasqueradeMiddleware",
)
class LazyChoicesSorter(object):
def __init__(self, choices):
self.choices = choices
def __iter__(self):
for choice in sorted(self.choices, key=lambda peer: peer[1]):
yield choice
# These are the allowed subtitle languages, we have the same list on Videofront server
# We remove 2 deprecated chinese language codes which do not exist on Django 1.10 VideoFront
SUBTITLE_SUPPORTED_LANGUAGES = LazyChoicesSorter(
(code, ugettext_lazy(lang))
for code, lang in global_settings.LANGUAGES
if code not in ("zh-cn", "zh-tw")
)
ANONYMIZATION_KEY = config("ANONYMIZATION_KEY", default="")
RAVEN_CONFIG = config("RAVEN_CONFIG", default={"dsn": ""}, formatter=json.loads)
ELASTICSEARCH_INDEX_SETTINGS = {
"settings": {
"analysis": {
"filter": {
"elision": {
"type": "elision",
"articles": ["l", "m", "t", "qu", "n", "s", "j", "d"],
}
},
"analyzer": {
"custom_french_analyzer": {
"tokenizer": "letter",
"filter": [
"asciifolding",
"lowercase",
"french_stem",
"elision",
"stop",
"word_delimiter",
],
}
},
}
}
}
FUN_MKTG_URLS = config("FUN_MKTG_URLS", default={}, formatter=json.loads)
# Default visibility of student's profile to other students
ACCOUNT_VISIBILITY_CONFIGURATION["default_visibility"] = "private"
# A user is verified if he has an approved SoftwareSecurePhotoVerification entry
# this setting will create a dummy SoftwareSecurePhotoVerification for user in
# paybox success callback view. A this point, we think it's better to create a
# dummy one than to remove verifying process in edX
FUN_ECOMMERCE_DEBUG_NO_NOTIFICATION = config(
"FUN_ECOMMERCE_DEBUG_NO_NOTIFICATION", default=False, formatter=bool
)
ECOMMERCE_NOTIFICATION_URL = config("ECOMMERCE_NOTIFICATION_URL", default=None)
PAYMENT_ADMIN = "<EMAIL>"
# List of pattern definitions to automatically add verified users to a cohort
# If value is [] this feature is disabled
# Otherwise this setting is a list of
# tuple values (r"<course id regex>", "<cohort name>").
# e.g: if you want to enable this feature for a particular course you can set
# this setting to
# [
# (r"<course id>", "cohort name"),
# ]
VERIFIED_COHORTS = config("VERIFIED_COHORTS", default=[])
# Force Edx to use `libcast_xblock` as default video player
# in the studio (big green button) and if any xblock is called `video`
XBLOCK_SELECT_FUNCTION = prefer_fun_video
if "sentry" in LOGGING.get("handlers"):
LOGGING["handlers"]["sentry"]["environment"] = "development"
# Configure gelf handler to listen on graylog server
LOGGING["loggers"][""]["handlers"].append("gelf")
LOGGING["loggers"]["tracking"]["handlers"].append("gelf")
LOGGING["handlers"]["gelf"] = {
"level": "DEBUG",
"class": "djehouty.libgelf.handlers.GELFTCPSocketHandler",
"host": "graylog",
"port": 12201,
"null_character": True,
}
DEBUG = True
REQUIRE_DEBUG = True
EMAIL_BACKEND = config(
"EMAIL_BACKEND", default="django.core.mail.backends.console.EmailBackend"
)
PIPELINE_ENABLED = False
STATICFILES_STORAGE = "openedx.core.storage.DevelopmentStorage"
ALLOWED_HOSTS = ["*"]
FEATURES["AUTOMATIC_AUTH_FOR_TESTING"] = True
# ORA2 fileupload
ORA2_FILEUPLOAD_BACKEND = "filesystem"
ORA2_FILEUPLOAD_ROOT = os.path.join(SHARED_ROOT, "openassessment_submissions")
ORA2_FILEUPLOAD_CACHE_ROOT = os.path.join(
SHARED_ROOT, "openassessment_submissions_cache"
)
AUTHENTICATION_BACKENDS = config(
"AUTHENTICATION_BACKENDS",
default=["django.contrib.auth.backends.ModelBackend"],
formatter=json.loads
)
| [
1,
9995,
13,
4013,
338,
278,
2322,
4472,
363,
1749,
1667,
731,
310,
12424,
29889,
910,
947,
6058,
13,
11911,
278,
2793,
14884,
29892,
607,
671,
2793,
29889,
2272,
13,
13,
18877,
1020,
1169,
29901,
13,
29930,
4803,
2626,
29883,
3791,
29892,
322,
7090,
29899,
1627,
287,
21396,
13,
29930,
4803,
263,
9254,
29871,
29945,
29889,
29896,
2566,
13,
15945,
29908,
13,
13,
29937,
1334,
16392,
635,
4529,
14568,
310,
3651,
393,
9455,
29915,
29873,
1304,
29892,
322,
13,
29937,
864,
304,
1053,
599,
3651,
515,
2967,
6055,
2066,
13,
29937,
282,
2904,
524,
29901,
11262,
29922,
29893,
789,
7543,
29899,
5215,
29892,
443,
3880,
29899,
29893,
789,
7543,
29899,
5215,
13,
13,
29937,
349,
2904,
524,
4947,
9613,
491,
2224,
29889,
2272,
8871,
29892,
607,
3461,
6053,
408,
770,
13,
29937,
3618,
29889,
1094,
263,
1121,
29892,
282,
2904,
524,
16058,
278,
2743,
6528,
297,
2854,
1218,
2983,
29892,
13,
29937,
322,
8026,
805,
332,
2738,
4436,
29889,
7857,
29892,
591,
11262,
8340,
29899,
978,
8454,
29889,
13,
29937,
282,
2904,
524,
29901,
11262,
29922,
20965,
29899,
978,
13,
13,
5215,
12865,
13,
5215,
2635,
4422,
13,
3166,
13149,
1053,
13149,
13,
5215,
4390,
13,
5215,
2897,
13,
3166,
2224,
1053,
10802,
408,
2224,
13,
5215,
282,
9415,
4422,
13,
5215,
7481,
13,
13,
3166,
9557,
29889,
13239,
29889,
3286,
18411,
1053,
318,
657,
726,
29918,
433,
1537,
13,
3166,
9557,
29889,
5527,
1053,
5534,
29918,
11027,
13,
13,
3166,
6432,
708,
29918,
1127,
275,
29918,
29879,
15440,
295,
1053,
6036,
13,
3166,
6496,
29916,
29889,
3221,
29889,
1982,
29889,
1188,
11027,
1053,
679,
29918,
21707,
29918,
2917,
13,
3166,
2224,
1053,
10802,
408,
2224,
13,
3166,
921,
5453,
29889,
1545,
352,
22818,
29889,
1545,
352,
22818,
29918,
11027,
1053,
313,
13,
1678,
3588,
29918,
5453,
29918,
8899,
29918,
26740,
29918,
361,
29918,
484,
19226,
29892,
13,
1678,
2767,
29918,
5453,
29918,
8899,
29918,
11027,
29892,
13,
29897,
13,
13,
3166,
6317,
9435,
1053,
334,
13,
3166,
869,
13239,
1053,
20999,
29892,
5821,
29918,
7692,
29918,
9641,
13,
13,
29937,
16012,
2888,
5285,
4128,
515,
343,
8807,
2066,
13,
2917,
353,
20999,
29898,
359,
29889,
2084,
29889,
25721,
22168,
1445,
1649,
876,
13,
13,
29937,
1226,
29990,
756,
1286,
4687,
773,
376,
11027,
29889,
25838,
29918,
4986,
29968,
1430,
29903,
29908,
322,
376,
11027,
29889,
20656,
29950,
29918,
4986,
29968,
1430,
29903,
29908,
16978,
297,
278,
13,
29937,
2060,
29892,
451,
925,
297,
278,
6055,
29889,
2803,
29915,
29879,
1207,
1854,
1749,
6055,
1603,
664,
297,
445,
1206,
13,
25838,
29918,
4986,
29968,
1430,
29903,
353,
2295,
13,
20656,
29950,
29918,
4986,
29968,
1430,
29903,
353,
2295,
13,
13,
29937,
26996,
19059,
29918,
26865,
29902,
13566,
1580,
11057,
1024,
310,
278,
17305,
1304,
29892,
607,
1602,
2247,
825,
4663,
13,
29937,
5285,
2066,
526,
1303,
2645,
20234,
29889,
13,
6304,
19059,
29918,
26865,
29902,
13566,
353,
2295,
703,
6304,
19059,
29918,
26865,
29902,
13566,
613,
2322,
29922,
8516,
29897,
13,
13,
29937,
8707,
18667,
29918,
21289,
1580,
11057,
278,
3884,
988,
278,
4663,
5285,
13,
29937,
2066,
526,
3806,
304,
367,
1476,
29889,
960,
451,
6790,
29892,
671,
278,
2060,
13,
29937,
3884,
29889,
13,
25903,
29918,
21289,
353,
2224,
29898,
2917,
703,
25903,
29918,
21289,
613,
2322,
29922,
25838,
29918,
21289,
876,
13,
13,
29937,
8707,
18667,
29918,
15094,
25634,
1580,
11057,
278,
10944,
310,
278,
4663,
5285,
2066,
29892,
13,
29937,
2729,
373,
278,
2669,
17305,
29889,
960,
694,
17305,
338,
671,
29892,
1016,
29915,
29873,
671,
263,
13,
29937,
10944,
29889,
13,
25903,
29918,
15094,
25634,
353,
26996,
19059,
29918,
26865,
29902,
13566,
718,
376,
1213,
565,
26996,
19059,
29918,
26865,
29902,
13566,
1683,
5124,
13,
13,
13,
13383,
13383,
14445,
12982,
21554,
6093,
16698,
2303,
835,
13383,
7346,
2277,
29937,
13,
13,
14829,
353,
2295,
703,
14829,
613,
2322,
29922,
8516,
29897,
13,
18525,
353,
7700,
13,
23397,
29918,
4330,
3580,
29931,
3040,
29918,
1430,
29954,
8895,
3366,
14094,
27946,
3108,
3366,
8382,
3108,
353,
7700,
13,
13,
29937,
306,
3580,
8476,
13566,
29901,
2973,
445,
9615,
29892,
278,
1923,
1818,
2337,
367,
5742,
263,
10166,
393,
13,
29937,
10076,
567,
278,
4839,
7331,
29918,
29990,
29918,
22051,
29956,
1718,
2287,
29928,
29918,
8618,
4986,
515,
3132,
7274,
29889,
13466,
29892,
13,
29937,
263,
1404,
508,
17928,
1749,
1923,
964,
7291,
372,
471,
385,
2045,
3957,
29889,
13,
29937,
2823,
13,
29937,
2045,
597,
2640,
29889,
19776,
574,
26555,
622,
29889,
510,
29914,
264,
29914,
3359,
29914,
999,
29914,
11027,
8484,
24216,
29899,
14701,
29899,
16265,
29899,
6672,
13,
29937,
363,
916,
18116,
29889,
13,
1660,
29907,
11499,
29918,
8618,
18454,
29918,
18641,
29918,
23252,
1001,
353,
4852,
10493,
29918,
29990,
29918,
22051,
29956,
1718,
2287,
29928,
29918,
8618,
4986,
613,
376,
991,
1159,
13,
13,
13383,
13383,
4136,
2277,
315,
6670,
24422,
29871,
835,
13383,
7346,
4136,
29937,
13,
13,
4741,
29931,
24422,
29918,
1964,
12982,
21554,
29918,
29923,
10051,
1001,
353,
2295,
703,
4741,
29931,
24422,
29918,
1964,
12982,
21554,
29918,
29923,
10051,
1001,
613,
2322,
29922,
8824,
29892,
883,
2620,
29922,
11227,
29897,
13,
13,
29937,
3872,
29915,
29873,
671,
263,
3957,
11565,
29892,
1951,
12368,
526,
13700,
491,
14845,
29933,
29889,
13,
29933,
1672,
29968,
1001,
29918,
13152,
5607,
29918,
5265,
26349,
353,
29871,
29900,
13,
29933,
1672,
29968,
1001,
29918,
6007,
8186,
9838,
29918,
15307,
12015,
353,
29871,
29896,
13,
13,
29937,
1152,
278,
7867,
14491,
29892,
671,
278,
9557,
7090,
4257,
525,
2242,
708,
29915,
13,
4741,
29931,
24422,
29918,
15989,
8647,
29918,
29933,
11375,
11794,
353,
2295,
29898,
13,
1678,
376,
4741,
29931,
24422,
29918,
15989,
8647,
29918,
29933,
11375,
11794,
613,
2322,
543,
19776,
2242,
708,
29889,
1627,
1975,
29889,
8173,
29901,
10408,
5841,
355,
29908,
13,
29897,
13,
13,
29937,
1932,
278,
2545,
3946,
338,
5742,
385,
14845,
29933,
29892,
671,
263,
5192,
915,
271,
304,
11086,
278,
13,
29937,
3957,
322,
304,
6459,
565,
372,
756,
1063,
13700,
29889,
13,
29933,
1672,
29968,
1001,
29918,
9606,
8322,
15349,
1299,
353,
29871,
29953,
29900,
29889,
29900,
13,
29933,
1672,
29968,
1001,
29918,
9606,
8322,
15349,
1299,
29918,
3210,
16658,
29934,
3040,
353,
29871,
29906,
13,
13,
29937,
7806,
15645,
881,
871,
6699,
697,
2643,
472,
263,
931,
13,
4741,
29931,
24422,
29928,
29918,
15094,
29943,
2544,
3210,
29918,
29924,
8647,
5690,
5265,
1001,
353,
29871,
29896,
13,
13,
29937,
14227,
708,
712,
1041,
13,
13,
23397,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
353,
2295,
29898,
13,
1678,
376,
23397,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
613,
2322,
543,
287,
29916,
29889,
29880,
1516,
29889,
3221,
29889,
4381,
29908,
13,
29897,
13,
29950,
6259,
29950,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
353,
2295,
703,
29950,
6259,
29950,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
613,
2322,
543,
287,
29916,
29889,
29880,
1516,
29889,
3221,
29889,
9812,
1159,
13,
27998,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
353,
2295,
703,
27998,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
613,
2322,
543,
287,
29916,
29889,
29880,
1516,
29889,
3221,
29889,
677,
1159,
13,
29950,
6259,
29950,
29918,
2303,
29924,
29918,
11144,
4462,
353,
2295,
703,
29950,
6259,
29950,
29918,
2303,
29924,
29918,
11144,
4462,
613,
2322,
543,
287,
29916,
29889,
29880,
1516,
29889,
3221,
29889,
9812,
29918,
6954,
1159,
13,
13,
4741,
29931,
24422,
29918,
23397,
29918,
11144,
4462,
353,
22236,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
13,
4741,
29931,
24422,
29918,
23397,
29918,
1672,
2692,
4214,
29918,
10818,
353,
22236,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
13,
13,
4741,
29931,
24422,
29918,
11144,
12996,
353,
2295,
29898,
13,
1678,
376,
4741,
29931,
24422,
29918,
11144,
12996,
613,
13,
1678,
2322,
3790,
13,
4706,
22236,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
29901,
24335,
13,
4706,
379,
6259,
29950,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
29901,
24335,
13,
4706,
365,
9806,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
29901,
24335,
13,
4706,
379,
6259,
29950,
29918,
2303,
29924,
29918,
11144,
4462,
29901,
24335,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
4741,
29931,
24422,
29918,
1672,
2692,
2890,
353,
376,
29880,
1516,
29889,
2242,
708,
29889,
23971,
29908,
13,
13,
29937,
11004,
9259,
2793,
304,
376,
3126,
29908,
871,
29889,
960,
591,
884,
3544,
5839,
280,
29899,
15550,
1891,
13,
29937,
7191,
29892,
278,
15645,
674,
8095,
746,
372,
29915,
29879,
2734,
411,
263,
14828,
3192,
1404,
313,
11884,
13,
29937,
565,
372,
29915,
29879,
451,
278,
3876,
1404,
541,
263,
1404,
23329,
304,
278,
3876,
2318,
29892,
607,
338,
1749,
13,
29937,
1206,
411,
4673,
29657,
467,
13,
4741,
29931,
24422,
29918,
2477,
4741,
7982,
29918,
22412,
3919,
353,
6796,
3126,
3108,
13,
13,
4741,
29931,
24422,
15349,
1299,
29918,
29903,
3210,
3352,
29965,
1307,
353,
6571,
29871,
396,
1152,
28598,
19478,
9595,
29892,
9976,
508,
367,
2715,
304,
445,
9657,
13,
13,
13383,
7346,
2277,
405,
1164,
29899,
1660,
29907,
11499,
12524,
29963,
8707,
18667,
835,
13383,
7346,
2277,
29937,
13,
29937,
28706,
763,
1923,
14354,
29892,
16169,
29892,
2992,
29889,
13,
13,
17816,
2965,
29918,
21289,
29918,
25416,
353,
2224,
11974,
287,
29916,
29914,
932,
29914,
287,
29916,
932,
29914,
7959,
5325,
1159,
13,
17816,
2965,
29918,
21289,
353,
6850,
1299,
2965,
29918,
21289,
29918,
25416,
13,
17816,
2965,
29918,
4219,
353,
5591,
7959,
12975,
13,
17816,
2965,
24483,
29918,
1254,
1955,
10461,
353,
2295,
29898,
13,
1678,
376,
17816,
2965,
24483,
29918,
1254,
1955,
10461,
613,
2322,
543,
29880,
1516,
29889,
264,
4270,
29889,
7692,
29889,
12925,
29889,
6530,
29940,
23665,
428,
10486,
29908,
13,
29897,
13,
6530,
29940,
29918,
25416,
29918,
4219,
353,
2295,
703,
6530,
29940,
29918,
25416,
29918,
4219,
613,
2322,
29922,
8516,
29897,
13,
13,
2303,
4571,
29909,
29918,
21289,
353,
2224,
11974,
287,
29916,
29914,
1707,
29914,
287,
29916,
932,
29914,
9799,
29914,
1159,
13,
2303,
4571,
29909,
29918,
4219,
353,
5591,
9799,
12975,
13,
13,
29937,
22236,
29918,
3217,
4574,
1660,
29918,
2882,
12015,
29918,
2382,
29918,
4219,
1580,
11057,
278,
2322,
1967,
304,
1510,
363,
21888,
393,
1016,
29915,
29873,
3867,
697,
13,
23397,
29918,
3217,
4574,
1660,
29918,
2882,
12015,
29918,
2382,
29918,
4219,
353,
2295,
29898,
13,
1678,
376,
23397,
29918,
3217,
4574,
1660,
29918,
2882,
12015,
29918,
2382,
29918,
4219,
613,
2322,
29922,
23397,
29918,
3217,
4574,
1660,
29918,
2882,
12015,
29918,
2382,
29918,
4219,
13,
29897,
13,
13,
13,
7390,
1299,
19094,
29918,
5813,
353,
2295,
703,
7390,
1299,
19094,
29918,
5813,
613,
2322,
29922,
7390,
1299,
19094,
29918,
5813,
29897,
13,
29937,
1152,
16384,
373,
278,
2414,
21278,
29889,
2180,
7813,
4006,
16507,
1299,
19094,
29918,
5813,
2804,
341,
1001,
3210,
13566,
29918,
5813,
29892,
541,
16507,
1299,
19094,
29918,
5813,
338,
263,
2691,
2322,
13,
7390,
1299,
19094,
29918,
16240,
1806,
4945,
29918,
2477,
18736,
353,
2295,
29898,
13,
1678,
376,
7390,
1299,
19094,
29918,
16240,
1806,
4945,
29918,
2477,
18736,
613,
2322,
29922,
7390,
1299,
19094,
29918,
16240,
1806,
4945,
29918,
2477,
18736,
13,
29897,
13,
7390,
1299,
19094,
29918,
29943,
11538,
8456,
8949,
29918,
2477,
18736,
353,
2295,
29898,
13,
1678,
376,
7390,
1299,
19094,
29918,
29943,
11538,
8456,
8949,
29918,
2477,
18736,
613,
2322,
29922,
7390,
1299,
19094,
29918,
29943,
11538,
8456,
8949,
29918,
2477,
18736,
13,
29897,
13,
13,
6156,
8426,
1964,
29918,
7068,
1718,
4214,
29918,
10490,
29911,
4214,
29903,
353,
2295,
29898,
13,
1678,
376,
6156,
8426,
1964,
29918,
7068,
1718,
4214,
29918,
10490,
29911,
4214,
29903,
613,
2322,
29922,
6156,
8426,
1964,
29918,
7068,
1718,
4214,
29918,
10490,
29911,
4214,
29903,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
29937,
10307,
5745,
2988,
363,
278,
1813,
24166,
13,
6156,
8426,
1964,
29918,
2303,
4571,
29909,
29918,
5800,
2891,
1001,
29918,
4219,
29903,
353,
2295,
29898,
13,
1678,
376,
6156,
8426,
1964,
29918,
2303,
4571,
29909,
29918,
5800,
2891,
1001,
29918,
4219,
29903,
613,
2322,
29922,
6156,
8426,
1964,
29918,
2303,
4571,
29909,
29918,
5800,
2891,
1001,
29918,
4219,
29903,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
4174,
29918,
29924,
1001,
3210,
13566,
29918,
5813,
353,
2295,
703,
4174,
29918,
29924,
1001,
3210,
13566,
29918,
5813,
613,
2322,
29922,
7390,
1299,
19094,
29918,
5813,
29897,
13,
26862,
6227,
29918,
29933,
11375,
11794,
353,
2295,
29898,
13,
1678,
376,
26862,
6227,
29918,
29933,
11375,
11794,
613,
2322,
543,
14095,
29889,
3221,
29889,
2549,
29889,
1627,
1975,
29889,
3844,
9392,
29889,
9823,
5841,
355,
29908,
13,
29897,
13,
26862,
6227,
29918,
7724,
29918,
10145,
353,
2295,
703,
26862,
6227,
29918,
7724,
29918,
10145,
613,
2322,
29922,
8516,
29897,
13,
26862,
6227,
29918,
20832,
353,
2295,
703,
26862,
6227,
29918,
20832,
613,
2322,
543,
7640,
1159,
13,
26862,
6227,
29918,
15082,
353,
2295,
703,
26862,
6227,
29918,
15082,
613,
2322,
29922,
29906,
29945,
29897,
29871,
396,
9557,
2322,
338,
29871,
29906,
29945,
13,
26862,
6227,
29918,
17171,
29918,
29911,
8547,
353,
2295,
703,
26862,
6227,
29918,
17171,
29918,
29911,
8547,
613,
2322,
29922,
8824,
29897,
29871,
396,
9557,
2322,
338,
7700,
13,
10493,
29903,
353,
2295,
703,
10493,
29903,
613,
2322,
29922,
10493,
29903,
29897,
13,
13,
17493,
29918,
3217,
8949,
8673,
29918,
3970,
29032,
353,
2295,
703,
17493,
29918,
3217,
8949,
8673,
29918,
3970,
29032,
613,
2322,
29922,
8516,
29897,
13,
17493,
29918,
3217,
8949,
8673,
29918,
10493,
1164,
16786,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
3217,
8949,
8673,
29918,
10493,
1164,
16786,
613,
2322,
29922,
5574,
29892,
883,
2620,
29922,
11227,
13,
29897,
13,
17493,
29918,
3217,
8949,
8673,
29918,
1660,
29907,
11499,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
3217,
8949,
8673,
29918,
1660,
29907,
11499,
613,
2322,
29922,
17493,
29918,
3217,
8949,
8673,
29918,
1660,
29907,
11499,
29892,
883,
2620,
29922,
11227,
13,
29897,
13,
17493,
29918,
1430,
29954,
8895,
353,
2295,
703,
17493,
29918,
1430,
29954,
8895,
613,
2322,
543,
1127,
275,
29918,
29879,
10964,
29889,
7924,
1159,
13,
17493,
29918,
29903,
7520,
29923,
29918,
29923,
5348,
29979,
29918,
16244,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
29903,
7520,
29923,
29918,
29923,
5348,
29979,
29918,
16244,
613,
2322,
29922,
17493,
29918,
29903,
7520,
29923,
29918,
29923,
5348,
29979,
29918,
16244,
29892,
883,
2620,
29922,
11227,
13,
29897,
13,
13,
29937,
20999,
304,
671,
4867,
411,
29825,
13,
29937,
1763,
671,
29825,
29892,
1735,
3725,
13507,
29918,
1430,
29954,
8895,
304,
376,
1127,
275,
29918,
29879,
10964,
29889,
7924,
29908,
13,
17493,
29918,
19386,
3235,
29918,
20832,
353,
2295,
703,
17493,
29918,
19386,
3235,
29918,
20832,
613,
2322,
543,
1127,
275,
1159,
13,
17493,
29918,
19386,
3235,
29918,
15082,
353,
2295,
703,
17493,
29918,
19386,
3235,
29918,
15082,
613,
2322,
29922,
29953,
29941,
29955,
29929,
29892,
883,
2620,
29922,
524,
29897,
13,
17493,
29918,
19386,
3235,
29918,
4051,
353,
2295,
703,
17493,
29918,
19386,
3235,
29918,
4051,
613,
2322,
29922,
29896,
29892,
883,
2620,
29922,
524,
29897,
13,
17493,
29918,
19386,
3235,
29918,
25711,
17013,
353,
2295,
703,
17493,
29918,
19386,
3235,
29918,
25711,
17013,
613,
2322,
29922,
8516,
29897,
13,
17493,
29918,
19386,
3235,
29918,
15094,
25634,
353,
2295,
703,
17493,
29918,
19386,
3235,
29918,
15094,
25634,
613,
2322,
543,
7924,
1159,
13,
17493,
29918,
19386,
3235,
29918,
6156,
7077,
2544,
29918,
15307,
12015,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
19386,
3235,
29918,
6156,
7077,
2544,
29918,
15307,
12015,
613,
2322,
29922,
29896,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
17493,
29918,
19386,
3235,
29918,
1525,
5659,
29979,
29918,
1164,
29918,
15307,
12015,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
19386,
3235,
29918,
1525,
5659,
29979,
29918,
1164,
29918,
15307,
12015,
613,
2322,
29922,
8824,
29892,
883,
2620,
29922,
11227,
13,
29897,
13,
13,
17493,
29918,
19386,
3235,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
19386,
3235,
613,
13,
1678,
2322,
3790,
13,
4706,
376,
3069,
1115,
3725,
13507,
29918,
19386,
3235,
29918,
20832,
29892,
13,
4706,
376,
637,
1115,
3725,
13507,
29918,
19386,
3235,
29918,
15082,
29892,
13,
4706,
376,
2585,
1115,
3725,
13507,
29918,
19386,
3235,
29918,
4051,
29892,
29871,
396,
4833,
29871,
29900,
338,
1304,
363,
14227,
708,
4358,
3946,
13,
4706,
376,
5630,
1115,
3725,
13507,
29918,
19386,
3235,
29918,
25711,
17013,
29892,
13,
4706,
376,
13506,
1115,
3725,
13507,
29918,
19386,
3235,
29918,
15094,
25634,
29892,
13,
4706,
376,
11514,
29918,
15619,
1115,
3725,
13507,
29918,
19386,
3235,
29918,
6156,
7077,
2544,
29918,
15307,
12015,
29892,
13,
4706,
376,
276,
2202,
29918,
265,
29918,
15619,
1115,
3725,
13507,
29918,
19386,
3235,
29918,
1525,
5659,
29979,
29918,
1164,
29918,
15307,
12015,
29892,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
17493,
29918,
19386,
3235,
29918,
29903,
3919,
1177,
6670,
29918,
24360,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
19386,
3235,
29918,
29903,
3919,
1177,
6670,
29918,
24360,
613,
2322,
29922,
8516,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
17493,
29918,
19386,
3235,
29918,
29903,
3919,
1177,
6670,
29918,
1529,
1254,
1001,
29918,
1964,
29902,
3289,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
19386,
3235,
29918,
29903,
3919,
1177,
6670,
29918,
1529,
1254,
1001,
29918,
1964,
29902,
3289,
613,
2322,
29922,
8516,
13,
29897,
13,
13,
18166,
9047,
29934,
8098,
29918,
12194,
4717,
29918,
3738,
6670,
8452,
353,
2295,
29898,
13,
1678,
376,
18166,
9047,
29934,
8098,
29918,
12194,
4717,
29918,
3738,
6670,
8452,
613,
2322,
29922,
18166,
9047,
29934,
8098,
29918,
12194,
4717,
29918,
3738,
6670,
8452,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
29937,
3789,
278,
2983,
310,
21046,
7258,
411,
278,
9999,
292,
3268,
13,
29937,
4525,
505,
278,
1021,
15327,
5354,
408,
278,
4867,
29892,
607,
297,
5802,
13,
29937,
5491,
7805,
1014,
3129,
2708,
29889,
13,
3352,
29990,
29924,
29968,
29911,
29954,
29918,
14480,
1692,
29928,
29918,
1177,
29918,
3217,
8949,
8673,
29918,
5813,
353,
2295,
29898,
13,
1678,
376,
3352,
29990,
29924,
29968,
29911,
29954,
29918,
14480,
1692,
29928,
29918,
1177,
29918,
3217,
8949,
8673,
29918,
5813,
613,
2322,
29922,
3352,
29990,
29924,
29968,
29911,
29954,
29918,
14480,
1692,
29928,
29918,
1177,
29918,
3217,
8949,
8673,
29918,
5813,
13,
29897,
13,
3352,
29990,
29924,
29968,
29911,
29954,
29918,
11889,
29918,
11690,
29918,
3217,
8949,
8673,
29918,
5813,
353,
2295,
29898,
13,
1678,
376,
3352,
29990,
29924,
29968,
29911,
29954,
29918,
11889,
29918,
11690,
29918,
3217,
8949,
8673,
29918,
5813,
613,
2322,
29922,
3352,
29990,
29924,
29968,
29911,
29954,
29918,
11889,
29918,
11690,
29918,
3217,
8949,
8673,
29918,
5813,
13,
29897,
13,
13,
29937,
6811,
2426,
4682,
491,
4682,
491,
6514,
338,
1641,
337,
12119,
297,
278,
6055,
29889,
25162,
934,
13,
25903,
29918,
16359,
1299,
11499,
29903,
353,
2295,
703,
16359,
1299,
11499,
29903,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
16359,
1299,
11499,
29903,
29889,
5504,
29898,
25903,
29918,
16359,
1299,
11499,
29903,
29897,
13,
13,
29931,
4345,
29918,
25416,
353,
2295,
703,
29931,
4345,
29918,
25416,
613,
2322,
543,
7640,
29901,
29947,
29900,
29955,
29906,
1159,
13,
29907,
4345,
29918,
25416,
353,
2295,
703,
29907,
4345,
29918,
25416,
613,
2322,
543,
7640,
29901,
29947,
29900,
29947,
29906,
1159,
13,
13,
29931,
4345,
29918,
21289,
29918,
4219,
353,
2295,
703,
29931,
4345,
29918,
21289,
29918,
4219,
613,
2322,
543,
1124,
597,
25641,
29879,
29913,
1642,
4830,
29898,
29931,
4345,
29918,
25416,
876,
13,
29931,
4345,
29918,
23845,
29940,
1964,
29918,
21289,
29918,
4219,
353,
2295,
703,
29931,
4345,
29918,
23845,
29940,
1964,
29918,
21289,
29918,
4219,
613,
2322,
29922,
29931,
4345,
29918,
21289,
29918,
4219,
29897,
13,
13,
29903,
9094,
29918,
5813,
353,
2295,
703,
29903,
9094,
29918,
5813,
613,
2322,
29922,
29931,
4345,
29918,
25416,
29897,
13,
13,
1964,
27998,
3352,
29918,
20832,
29903,
353,
2295,
29898,
13,
1678,
376,
1964,
27998,
3352,
29918,
20832,
29903,
613,
2322,
11759,
29931,
4345,
29918,
25416,
29889,
5451,
703,
29901,
1159,
29961,
29900,
20526,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
15094,
29963,
8673,
29956,
29918,
29931,
4345,
29918,
25416,
29908,
1125,
13,
1678,
15149,
9806,
3352,
29918,
20832,
29903,
29889,
4397,
29898,
16359,
1299,
11499,
29903,
3366,
15094,
29963,
8673,
29956,
29918,
29931,
4345,
29918,
25416,
20068,
13,
13,
29937,
2758,
363,
23136,
304,
6084,
825,
15327,
1024,
1749,
6464,
1014,
5205,
881,
671,
13,
29937,
445,
338,
304,
2329,
263,
6494,
11211,
16991,
681,
1480,
1144,
1546,
1226,
29916,
29889,
990,
322,
7636,
29889,
287,
29916,
29889,
990,
607,
508,
13,
29937,
3799,
411,
777,
14376,
313,
29872,
29889,
29887,
29889,
14418,
29897,
13,
361,
2295,
703,
17493,
29918,
3217,
8949,
8673,
29918,
5813,
613,
2322,
29922,
8516,
1125,
13,
1678,
396,
6058,
29923,
29892,
727,
29915,
29879,
263,
6494,
297,
15337,
313,
1124,
597,
6152,
29879,
29889,
4691,
29889,
990,
29914,
15118,
29896,
29947,
29900,
29896,
29906,
29897,
607,
3520,
277,
1078,
445,
13,
1678,
396,
1641,
263,
851,
580,
13,
1678,
3725,
13507,
29918,
3217,
8949,
8673,
29918,
5813,
353,
851,
29898,
2917,
703,
17493,
29918,
3217,
8949,
8673,
29918,
5813,
5783,
13,
13,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
20832,
353,
2295,
703,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
20832,
613,
2322,
543,
1127,
275,
1159,
13,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
15082,
353,
2295,
703,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
15082,
613,
2322,
29922,
29953,
29941,
29955,
29929,
29892,
883,
2620,
29922,
524,
29897,
13,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
4051,
353,
2295,
703,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
4051,
613,
2322,
29922,
29896,
29892,
883,
2620,
29922,
524,
29897,
13,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
29933,
11375,
11794,
353,
2295,
29898,
13,
1678,
376,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
29933,
11375,
11794,
613,
2322,
543,
14095,
29918,
1127,
275,
29889,
8173,
29889,
9039,
275,
10408,
29908,
13,
29897,
13,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
15551,
353,
376,
1127,
275,
597,
29912,
6177,
29912,
6822,
8875,
1642,
4830,
29898,
13,
1678,
315,
2477,
9606,
29918,
19386,
3235,
29918,
20832,
29892,
315,
2477,
9606,
29918,
19386,
3235,
29918,
15082,
29892,
315,
2477,
9606,
29918,
19386,
3235,
29918,
4051,
13,
29897,
13,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
27205,
3919,
353,
2295,
29898,
13,
1678,
376,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
27205,
3919,
613,
2322,
543,
14095,
29918,
1127,
275,
29889,
4645,
29889,
4592,
4032,
29908,
13,
29897,
13,
13,
29907,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
353,
426,
13,
1678,
376,
29933,
11375,
11794,
1115,
315,
2477,
9606,
29918,
19386,
3235,
29918,
29933,
11375,
11794,
29892,
13,
1678,
376,
16652,
8098,
1115,
315,
2477,
9606,
29918,
19386,
3235,
29918,
15551,
29892,
13,
1678,
376,
14094,
27946,
1115,
8853,
27205,
3919,
29918,
13875,
1799,
1115,
315,
2477,
9606,
29918,
19386,
3235,
29918,
27205,
3919,
1118,
13,
29913,
13,
13,
361,
376,
29903,
15440,
295,
29908,
297,
315,
2477,
9606,
29918,
19386,
3235,
29918,
29933,
11375,
11794,
29901,
13,
1678,
315,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
3366,
16652,
8098,
3108,
353,
17288,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
20832,
29892,
315,
2477,
9606,
29918,
19386,
3235,
29918,
15082,
4638,
13,
1678,
315,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
3366,
14094,
27946,
3108,
3366,
29903,
3919,
1177,
6670,
29918,
6304,
19059,
29918,
5813,
3108,
353,
2295,
29898,
13,
4706,
376,
29907,
2477,
9606,
29918,
19386,
3235,
29918,
29903,
3919,
1177,
6670,
29918,
6304,
19059,
29918,
5813,
613,
2322,
543,
29885,
962,
1901,
29908,
13,
1678,
1723,
13,
1678,
315,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
3366,
14094,
27946,
3108,
3366,
19386,
3235,
29918,
27205,
3919,
29918,
29968,
29956,
1718,
10749,
3108,
353,
8853,
2585,
1115,
315,
2477,
9606,
29918,
19386,
3235,
29918,
4051,
29913,
13,
13,
29907,
2477,
29950,
2890,
353,
2295,
29898,
13,
1678,
376,
29907,
2477,
29950,
2890,
613,
13,
1678,
2322,
3790,
13,
4706,
376,
4381,
1115,
9657,
29898,
29907,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
29892,
3579,
6377,
10818,
29918,
15094,
25634,
1115,
376,
4381,
9092,
511,
13,
4706,
376,
17492,
1115,
9657,
29898,
29907,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
29892,
3579,
6377,
10818,
29918,
15094,
25634,
1115,
376,
17492,
9092,
511,
13,
4706,
376,
2242,
708,
1115,
9657,
29898,
29907,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
29892,
3579,
6377,
10818,
29918,
15094,
25634,
1115,
376,
2242,
708,
9092,
511,
13,
4706,
376,
29885,
7443,
29918,
19635,
29918,
262,
27069,
749,
1115,
9657,
29898,
13,
9651,
315,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
29892,
3579,
6377,
10818,
29918,
15094,
25634,
1115,
376,
29885,
7443,
29918,
19635,
29918,
262,
27069,
749,
9092,
13,
4706,
10353,
13,
4706,
376,
3150,
465,
404,
358,
29918,
1491,
29885,
6847,
1115,
9657,
29898,
13,
9651,
315,
2477,
29950,
2890,
29918,
23397,
29918,
25903,
29892,
3579,
6377,
10818,
29918,
15094,
25634,
1115,
376,
3150,
465,
404,
358,
29918,
1491,
29885,
6847,
9092,
13,
4706,
10353,
13,
4706,
376,
2029,
29918,
8173,
1115,
426,
13,
9651,
376,
29933,
11375,
11794,
1115,
376,
14095,
29889,
3221,
29889,
8173,
29889,
1627,
1975,
29889,
2029,
6954,
29889,
3524,
11442,
10408,
613,
13,
9651,
376,
16652,
8098,
1115,
376,
287,
29916,
29918,
5479,
29918,
6954,
29918,
8173,
613,
13,
4706,
2981,
13,
4706,
396,
28540,
14998,
1304,
491,
15337,
29871,
29896,
29889,
29947,
8635,
14998,
1550,
9068,
2294,
2066,
13,
4706,
376,
7959,
5325,
1115,
426,
13,
9651,
376,
29933,
11375,
11794,
1115,
376,
14095,
29889,
3221,
29889,
8173,
29889,
1627,
1975,
29889,
2029,
6954,
29889,
3524,
11442,
10408,
613,
13,
9651,
376,
16652,
8098,
1115,
376,
287,
29916,
29918,
5479,
29918,
6954,
29918,
8173,
613,
13,
4706,
2981,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
29937,
22608,
975,
24040,
13,
23397,
29918,
21482,
29918,
26862,
6227,
353,
2295,
703,
23397,
29918,
21482,
29918,
26862,
6227,
613,
2322,
29922,
23397,
29918,
21482,
29918,
26862,
6227,
29897,
13,
23397,
29918,
16359,
3352,
29933,
11375,
29918,
26862,
6227,
353,
2295,
29898,
13,
1678,
376,
23397,
29918,
16359,
3352,
29933,
11375,
29918,
26862,
6227,
613,
2322,
29922,
23397,
29918,
16359,
3352,
29933,
11375,
29918,
26862,
6227,
13,
29897,
13,
3035,
16173,
29903,
353,
2295,
703,
3035,
16173,
29903,
613,
2322,
29922,
3035,
16173,
29903,
29892,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
18603,
29918,
26862,
6227,
353,
2295,
703,
18603,
29918,
26862,
6227,
613,
2322,
29922,
18603,
29918,
26862,
6227,
29897,
13,
4330,
3210,
29918,
29903,
4897,
15082,
29918,
26862,
6227,
353,
2295,
703,
4330,
3210,
29918,
29903,
4897,
15082,
29918,
26862,
6227,
613,
2322,
29922,
4330,
3210,
29918,
29903,
4897,
15082,
29918,
26862,
6227,
29897,
13,
6007,
6040,
1783,
29918,
26862,
6227,
353,
2295,
703,
6007,
6040,
1783,
29918,
26862,
6227,
613,
2322,
29922,
6007,
6040,
1783,
29918,
26862,
6227,
29897,
13,
7838,
10749,
29918,
26862,
6227,
353,
2295,
703,
7838,
10749,
29918,
26862,
6227,
613,
2322,
29922,
7838,
10749,
29918,
26862,
6227,
29897,
13,
7228,
29979,
13780,
29918,
29903,
4897,
15082,
29918,
26862,
6227,
353,
2295,
703,
7228,
29979,
13780,
29918,
29903,
4897,
15082,
29918,
26862,
6227,
613,
2322,
29922,
7228,
29979,
13780,
29918,
29903,
4897,
15082,
29918,
26862,
6227,
29897,
13,
29943,
1177,
23219,
29918,
26862,
6227,
353,
2295,
703,
29943,
1177,
23219,
29918,
26862,
6227,
613,
2322,
29922,
29943,
1177,
23219,
29918,
26862,
6227,
29897,
13,
3904,
29902,
5348,
29903,
11937,
29918,
26862,
6227,
353,
2295,
703,
3904,
29902,
5348,
29903,
11937,
29918,
26862,
6227,
613,
2322,
29922,
3904,
29902,
5348,
29903,
11937,
29918,
26862,
6227,
29897,
13,
15094,
1799,
29918,
26862,
6227,
353,
2295,
703,
15094,
1799,
29918,
26862,
6227,
613,
2322,
29922,
15094,
1799,
29918,
26862,
6227,
29897,
13,
13,
29937,
315,
10880,
13,
7228,
1367,
29918,
3217,
4574,
1660,
29918,
18166,
9047,
29934,
8098,
29918,
22484,
29934,
1430,
29907,
29979,
353,
2295,
29898,
13,
1678,
376,
7228,
1367,
29918,
3217,
4574,
1660,
29918,
18166,
9047,
29934,
8098,
29918,
22484,
29934,
1430,
29907,
29979,
613,
2322,
29922,
3366,
29923,
4574,
613,
318,
26732,
29940,
29912,
29872,
2192,
1804,
29913,
3108,
13,
29897,
13,
13,
29937,
14617,
358,
13969,
19215,
13,
7228,
29979,
13780,
29918,
1525,
15082,
29918,
24647,
1001,
1299,
1955,
29918,
26284,
353,
2295,
29898,
13,
1678,
376,
7228,
29979,
13780,
29918,
1525,
15082,
29918,
24647,
1001,
1299,
1955,
29918,
26284,
613,
2322,
29922,
7228,
29979,
13780,
29918,
1525,
15082,
29918,
24647,
1001,
1299,
1955,
29918,
26284,
13,
29897,
13,
13,
29937,
8313,
29895,
22608,
975,
24040,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
23397,
29918,
21482,
29918,
26862,
6227,
353,
2295,
29898,
13,
1678,
376,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
23397,
29918,
21482,
29918,
26862,
6227,
613,
2322,
29922,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
23397,
29918,
21482,
29918,
26862,
6227,
13,
29897,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
26862,
6227,
29903,
29918,
13171,
29918,
29911,
3289,
29968,
353,
2295,
29898,
13,
1678,
376,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
26862,
6227,
29903,
29918,
13171,
29918,
29911,
3289,
29968,
613,
2322,
29922,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
26862,
6227,
29903,
29918,
13171,
29918,
29911,
3289,
29968,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
23397,
29918,
1525,
5659,
29979,
29918,
2287,
18799,
353,
2295,
29898,
13,
1678,
376,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
23397,
29918,
1525,
5659,
29979,
29918,
2287,
18799,
613,
13,
1678,
2322,
29922,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
23397,
29918,
1525,
5659,
29979,
29918,
2287,
18799,
29892,
13,
1678,
883,
2620,
29922,
524,
29892,
13,
29897,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
12648,
29918,
1525,
29911,
3960,
2890,
353,
2295,
29898,
13,
1678,
376,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
12648,
29918,
1525,
29911,
3960,
2890,
613,
2322,
29922,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
12648,
29918,
1525,
29911,
3960,
2890,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
24065,
1177,
9094,
29918,
1525,
5659,
29979,
29918,
29907,
3301,
353,
2295,
29898,
13,
1678,
376,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
24065,
1177,
9094,
29918,
1525,
5659,
29979,
29918,
29907,
3301,
613,
13,
1678,
2322,
29922,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
24065,
1177,
9094,
29918,
1525,
5659,
29979,
29918,
29907,
3301,
29892,
13,
1678,
883,
2620,
29922,
524,
29892,
13,
29897,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
14480,
29918,
29903,
3919,
29918,
26862,
6227,
29903,
353,
2295,
29898,
13,
1678,
376,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
14480,
29918,
29903,
3919,
29918,
26862,
6227,
29903,
613,
2322,
29922,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
14480,
29918,
29903,
3919,
29918,
26862,
6227,
29903,
29892,
883,
2620,
29922,
11227,
13,
29897,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
1525,
5659,
29979,
29918,
2287,
18799,
29918,
29933,
2544,
8851,
1430,
29918,
29903,
1430,
8452,
353,
2295,
29898,
13,
1678,
376,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
1525,
5659,
29979,
29918,
2287,
18799,
29918,
29933,
2544,
8851,
1430,
29918,
29903,
1430,
8452,
613,
13,
1678,
2322,
29922,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
1525,
5659,
29979,
29918,
2287,
18799,
29918,
29933,
2544,
8851,
1430,
29918,
29903,
1430,
8452,
29892,
13,
1678,
883,
2620,
29922,
524,
29892,
13,
29897,
13,
29937,
1334,
864,
8313,
29895,
22608,
2734,
373,
278,
1880,
29899,
29886,
21766,
9521,
29892,
577,
591,
4529,
278,
13,
29937,
21398,
1820,
393,
3291,
304,
372,
29889,
2180,
278,
3256,
29892,
278,
1024,
338,
278,
1021,
29889,
13,
29937,
1334,
505,
304,
10092,
278,
995,
1244,
29892,
1951,
591,
505,
3939,
278,
995,
310,
278,
9521,
1024,
29889,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
1672,
2692,
4214,
29918,
10818,
353,
2295,
703,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
1672,
2692,
4214,
29918,
10818,
613,
2322,
29922,
29950,
6259,
29950,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
29897,
13,
13,
29937,
1334,
508,
1065,
7968,
17643,
373,
278,
4482,
20136,
9521,
29889,
2823,
4443,
2038,
363,
2020,
13,
29937,
591,
505,
304,
10092,
278,
995,
1244,
29889,
13,
7838,
29931,
29968,
29918,
26862,
6227,
29918,
1672,
2692,
4214,
29918,
10818,
29918,
29903,
1529,
2208,
29918,
29967,
29949,
9851,
353,
365,
9806,
29918,
29829,
1955,
11937,
29918,
11144,
4462,
13,
13,
29937,
498,
2004,
975,
24040,
13,
28350,
2303,
29918,
5813,
353,
2295,
703,
28350,
2303,
29918,
5813,
613,
2322,
29922,
8516,
29897,
13,
21514,
1525,
29950,
1430,
5425,
12064,
29918,
28350,
2303,
29918,
9464,
353,
2224,
29898,
13,
1678,
2295,
703,
21514,
1525,
29950,
1430,
5425,
12064,
29918,
28350,
2303,
29918,
9464,
613,
2322,
29922,
21514,
1525,
29950,
1430,
5425,
12064,
29918,
28350,
2303,
29918,
9464,
29897,
13,
29897,
13,
13,
29937,
4485,
15133,
1544,
975,
24040,
13,
29924,
29968,
29911,
29954,
29918,
4219,
29918,
23714,
29968,
29918,
23827,
353,
2295,
703,
29924,
29968,
29911,
29954,
29918,
4219,
29918,
23714,
29968,
29918,
23827,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
29903,
4897,
15082,
29918,
29903,
9094,
29918,
23714,
29968,
353,
2295,
703,
29903,
4897,
15082,
29918,
29903,
9094,
29918,
23714,
29968,
613,
2322,
29922,
29903,
4897,
15082,
29918,
29903,
9094,
29918,
23714,
29968,
29897,
13,
13,
29937,
21600,
3787,
3988,
975,
24040,
13,
6720,
12809,
1307,
29918,
1254,
29949,
1525,
29918,
4219,
29903,
353,
2295,
703,
6720,
12809,
1307,
29918,
1254,
29949,
1525,
29918,
4219,
29903,
613,
2322,
29922,
6720,
12809,
1307,
29918,
1254,
29949,
1525,
29918,
4219,
29903,
29897,
13,
13,
29937,
5974,
8028,
975,
24040,
13,
15307,
29918,
29999,
12413,
353,
2295,
703,
15307,
29918,
29999,
12413,
613,
2322,
29922,
15307,
29918,
29999,
12413,
29897,
13,
13,
29937,
4103,
18411,
975,
24040,
13,
29931,
19453,
29965,
10461,
29903,
353,
2295,
703,
29931,
19453,
29965,
10461,
29903,
613,
2322,
29922,
29931,
19453,
29965,
10461,
29903,
29892,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
29931,
19453,
29965,
10461,
29918,
4571,
1783,
353,
9657,
29898,
29931,
19453,
29965,
10461,
29903,
29897,
13,
29931,
19453,
29965,
10461,
29918,
16524,
353,
2295,
703,
29931,
19453,
29965,
10461,
29918,
16524,
613,
2322,
29922,
29931,
19453,
29965,
10461,
29918,
16524,
29897,
13,
17171,
29918,
29902,
29896,
29947,
29940,
353,
2295,
703,
17171,
29918,
29902,
29896,
29947,
29940,
613,
2322,
29922,
17171,
29918,
29902,
29896,
29947,
29940,
29897,
13,
13,
29937,
3462,
3245,
5130,
11446,
13,
1454,
623,
297,
2295,
703,
17744,
29931,
29918,
25580,
1964,
20566,
29918,
3301,
7024,
613,
2322,
11759,
1402,
883,
2620,
29922,
3126,
29889,
18132,
1125,
13,
1678,
2672,
1254,
1964,
20566,
29918,
3301,
7024,
29889,
4397,
29898,
932,
29897,
13,
13,
22119,
29968,
29902,
29918,
1430,
6181,
29928,
353,
2295,
703,
22119,
29968,
29902,
29918,
1430,
6181,
29928,
613,
2322,
29922,
22119,
29968,
29902,
29918,
1430,
6181,
29928,
29892,
883,
2620,
29922,
11227,
29897,
13,
2997,
29918,
1188,
5563,
353,
2295,
703,
16652,
1964,
29918,
14480,
1307,
29963,
6670,
613,
2322,
543,
11690,
1159,
13,
13,
29937,
1281,
4532,
4522,
3460,
13,
13,
14480,
29918,
9464,
353,
2295,
703,
14480,
29918,
9464,
613,
2322,
29922,
2084,
11974,
287,
29916,
29914,
1707,
29914,
20756,
29914,
287,
29916,
4968,
883,
2620,
29922,
2084,
29897,
13,
14573,
29918,
9464,
353,
2295,
703,
14573,
29918,
9464,
613,
2322,
29922,
2084,
11974,
287,
29916,
29914,
932,
29914,
287,
29916,
932,
29914,
1272,
4968,
883,
2620,
29922,
2084,
29897,
13,
13,
29937,
13109,
3402,
363,
10876,
1188,
12183,
13,
15770,
29918,
4830,
353,
11860,
29898,
294,
312,
603,
29897,
29879,
1273,
29898,
5563,
978,
29897,
29879,
1273,
29898,
5014,
29897,
29881,
518,
29995,
29898,
978,
29897,
29879,
29962,
1273,
29898,
9507,
29897,
29879,
16664,
29898,
1915,
8154,
29897,
29881,
448,
1273,
29898,
4906,
29897,
29879,
29908,
13,
9675,
1188,
29918,
4830,
353,
313,
13,
1678,
14704,
19365,
29901,
29880,
1516,
3816,
29995,
29898,
978,
29897,
29879,
3816,
6272,
29901,
29879,
26738,
29962,
1273,
29898,
5563,
978,
29897,
29879,
376,
13,
1678,
14704,
29912,
28988,
29913,
29871,
1273,
29898,
5014,
29897,
29881,
29962,
518,
29995,
29898,
9507,
29897,
29879,
16664,
29898,
1915,
8154,
29897,
29881,
29962,
448,
1273,
29898,
4906,
29897,
29879,
29908,
13,
467,
4830,
29898,
28988,
29922,
12120,
29889,
3177,
2141,
5451,
17350,
1159,
29961,
29900,
2314,
13,
13,
14480,
29954,
4214,
353,
426,
13,
1678,
376,
3259,
1115,
29871,
29896,
29892,
13,
1678,
376,
20472,
29918,
735,
15423,
29918,
1188,
5743,
1115,
7700,
29892,
13,
1678,
376,
3179,
9306,
1115,
426,
13,
4706,
376,
2997,
1115,
426,
13,
9651,
376,
689,
2620,
1115,
376,
9675,
1188,
29918,
4830,
613,
13,
9651,
376,
1990,
1115,
376,
21027,
29889,
3835,
4598,
613,
13,
9651,
376,
5563,
1115,
376,
11690,
613,
13,
4706,
2981,
13,
4706,
376,
11294,
292,
1115,
426,
13,
9651,
376,
689,
2620,
1115,
376,
1610,
613,
13,
9651,
376,
1990,
1115,
376,
21027,
29889,
3835,
4598,
613,
13,
9651,
376,
5563,
1115,
376,
18525,
613,
13,
4706,
2981,
13,
4706,
376,
11058,
1115,
426,
13,
9651,
376,
689,
2620,
1115,
376,
15770,
613,
13,
9651,
376,
1990,
1115,
376,
21027,
29889,
3835,
4598,
613,
13,
9651,
376,
5563,
1115,
376,
11690,
613,
13,
4706,
2981,
13,
1678,
2981,
13,
1678,
376,
4830,
2153,
1115,
426,
13,
4706,
376,
1610,
1115,
8853,
4830,
1115,
11860,
29898,
4906,
29897,
29879,
10758,
13,
4706,
376,
9675,
1188,
29918,
4830,
1115,
8853,
4830,
1115,
10876,
1188,
29918,
4830,
1118,
13,
4706,
376,
15770,
1115,
8853,
4830,
1115,
3918,
29918,
4830,
1118,
13,
1678,
2981,
13,
1678,
376,
26705,
1115,
8853,
12277,
29918,
8382,
29918,
4541,
1115,
8853,
580,
1115,
376,
14095,
29889,
13239,
29889,
1188,
29889,
1123,
1548,
11862,
8824,
29908,
11656,
13,
1678,
376,
1188,
5743,
1115,
426,
13,
4706,
376,
1115,
8853,
5563,
1115,
376,
11690,
613,
376,
7728,
351,
403,
1115,
7700,
29892,
376,
3179,
9306,
1115,
6796,
11058,
613,
376,
2997,
3108,
1118,
13,
4706,
376,
11294,
292,
1115,
8853,
5563,
1115,
376,
18525,
613,
376,
7728,
351,
403,
1115,
7700,
29892,
376,
3179,
9306,
1115,
6796,
11294,
292,
3108,
1118,
13,
1678,
2981,
13,
29913,
13,
13,
29903,
3919,
13207,
29918,
8452,
29940,
353,
2295,
703,
29903,
3919,
13207,
29918,
8452,
29940,
613,
2322,
29922,
8516,
29897,
13,
361,
317,
3919,
13207,
29918,
8452,
29940,
29901,
13,
1678,
25401,
29954,
4214,
3366,
1188,
5743,
3108,
3366,
3108,
3366,
3179,
9306,
16862,
4397,
703,
29879,
8269,
1159,
13,
1678,
25401,
29954,
4214,
3366,
3179,
9306,
3108,
3366,
29879,
8269,
3108,
353,
426,
13,
4706,
376,
1990,
1115,
376,
336,
854,
29889,
3179,
9306,
29889,
21027,
29889,
29903,
8269,
4598,
613,
13,
4706,
376,
6289,
29876,
1115,
317,
3919,
13207,
29918,
8452,
29940,
29892,
13,
4706,
376,
5563,
1115,
376,
11432,
613,
13,
4706,
376,
20944,
1115,
376,
24601,
613,
13,
4706,
376,
14096,
1115,
5195,
14063,
29892,
13,
1678,
500,
13,
13,
3217,
4574,
1660,
29918,
24360,
4214,
29903,
353,
2295,
703,
3217,
4574,
1660,
29918,
24360,
4214,
29903,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
20633,
3970,
29032,
29918,
15176,
9468,
4214,
353,
2295,
703,
20633,
3970,
29032,
29918,
15176,
9468,
4214,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
29963,
8193,
29911,
29965,
1964,
29918,
3904,
29902,
5348,
29903,
1806,
29059,
353,
2295,
703,
29963,
8193,
29911,
29965,
1964,
29918,
3904,
29902,
5348,
29903,
1806,
29059,
613,
2322,
11759,
2314,
13,
2303,
6040,
29918,
3904,
29902,
5348,
29903,
1806,
29059,
353,
2295,
703,
2303,
6040,
29918,
3904,
29902,
5348,
29903,
1806,
29059,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
3217,
7428,
3919,
29903,
29918,
6304,
19059,
29918,
4219,
353,
2295,
703,
3217,
7428,
3919,
29903,
29918,
6304,
19059,
29918,
4219,
613,
2322,
543,
1159,
13,
3217,
7428,
3919,
29903,
29918,
6304,
19059,
29918,
10818,
353,
2295,
703,
3217,
7428,
3919,
29903,
29918,
6304,
19059,
29918,
10818,
613,
2322,
543,
1159,
13,
29907,
20161,
29918,
5813,
29918,
7068,
8476,
353,
2295,
703,
29907,
20161,
29918,
5813,
29918,
7068,
8476,
613,
2322,
29922,
29907,
20161,
29918,
5813,
29918,
7068,
8476,
29897,
13,
29907,
20161,
29918,
5813,
29918,
29931,
20614,
353,
2295,
703,
29907,
20161,
29918,
5813,
29918,
29931,
20614,
613,
2322,
29922,
29907,
20161,
29918,
5813,
29918,
29931,
20614,
29897,
13,
29907,
20161,
29918,
11144,
4462,
353,
2295,
703,
29907,
20161,
29918,
11144,
4462,
613,
2322,
543,
1688,
29899,
26746,
1159,
13,
29999,
1430,
2287,
16033,
29918,
4219,
353,
2295,
703,
29999,
1430,
2287,
16033,
29918,
4219,
613,
2322,
29922,
8516,
29897,
13,
16359,
3352,
29933,
11375,
29918,
20633,
10403,
13507,
29918,
26862,
6227,
353,
2295,
703,
16359,
3352,
29933,
11375,
29918,
20633,
10403,
13507,
29918,
26862,
6227,
613,
2322,
29922,
8516,
29897,
13,
29924,
29968,
29911,
29954,
29918,
4219,
29903,
353,
2295,
703,
29924,
29968,
29911,
29954,
29918,
4219,
29903,
613,
2322,
29922,
29924,
29968,
29911,
29954,
29918,
4219,
29903,
29892,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
29937,
9178,
629,
3450,
13,
29933,
3035,
14345,
29918,
8787,
29918,
4986,
29968,
1430,
353,
2295,
703,
29933,
3035,
14345,
29918,
8787,
29918,
4986,
29968,
1430,
613,
2322,
29922,
29933,
3035,
14345,
29918,
8787,
29918,
4986,
29968,
1430,
29897,
13,
29933,
3035,
14345,
29918,
25416,
29918,
4219,
353,
2295,
703,
29933,
3035,
14345,
29918,
25416,
29918,
4219,
613,
2322,
29922,
29933,
3035,
14345,
29918,
25416,
29918,
4219,
29897,
13,
29933,
3035,
14345,
29918,
29902,
1799,
29965,
1001,
29918,
12750,
23338,
353,
2295,
703,
29933,
3035,
14345,
29918,
29902,
1799,
29965,
1001,
29918,
12750,
23338,
613,
2322,
29922,
29933,
3035,
14345,
29918,
29902,
1799,
29965,
1001,
29918,
12750,
23338,
29897,
13,
13,
29937,
6315,
13761,
8363,
29871,
5177,
13,
29954,
1806,
29918,
1525,
13152,
29918,
9464,
353,
2295,
29898,
13,
1678,
376,
29954,
1806,
29918,
1525,
13152,
29918,
9464,
613,
2322,
29922,
2084,
11974,
287,
29916,
29914,
1707,
29914,
287,
29916,
932,
29914,
15775,
29918,
276,
1066,
4968,
883,
2620,
29922,
2084,
13,
29897,
13,
29954,
1806,
29918,
29902,
3580,
8476,
29918,
17816,
2965,
353,
2295,
703,
29954,
1806,
29918,
29902,
3580,
8476,
29918,
17816,
2965,
613,
2322,
29922,
5574,
29897,
13,
13,
1454,
1024,
29892,
995,
297,
2295,
703,
16524,
29918,
29967,
29909,
6227,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
467,
7076,
7295,
13,
1678,
2030,
1767,
353,
4810,
2287,
29918,
29967,
29909,
6227,
29889,
657,
29898,
978,
29897,
13,
1678,
565,
338,
8758,
29898,
1025,
1767,
29892,
9657,
1125,
13,
4706,
363,
1014,
978,
29892,
1014,
1767,
297,
995,
29889,
7076,
7295,
13,
9651,
2030,
1767,
29961,
1491,
978,
29962,
353,
1014,
1767,
13,
1678,
1683,
29901,
13,
4706,
4810,
2287,
29918,
29967,
29909,
6227,
29961,
978,
29962,
353,
995,
13,
13,
3217,
4574,
1660,
29903,
29918,
29956,
13054,
29918,
29965,
3059,
5098,
29923,
29918,
16524,
353,
2295,
29898,
13,
1678,
376,
3217,
4574,
1660,
29903,
29918,
29956,
13054,
29918,
29965,
3059,
5098,
29923,
29918,
16524,
613,
2322,
11759,
1402,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
3289,
10490,
29918,
6259,
6632,
1525,
29918,
1525,
1692,
29990,
353,
2295,
703,
3289,
10490,
29918,
6259,
6632,
1525,
29918,
1525,
1692,
29990,
613,
2322,
29922,
3289,
10490,
29918,
6259,
6632,
1525,
29918,
1525,
1692,
29990,
29897,
13,
13,
29937,
6864,
17026,
292,
13,
5659,
11375,
4214,
29918,
6259,
6632,
1525,
29918,
4219,
29918,
29925,
1299,
4945,
3059,
353,
2295,
29898,
13,
1678,
376,
5659,
11375,
4214,
29918,
6259,
6632,
1525,
29918,
4219,
29918,
29925,
1299,
4945,
3059,
613,
13,
1678,
2322,
29922,
5659,
11375,
4214,
29918,
6259,
6632,
1525,
29918,
4219,
29918,
29925,
1299,
4945,
3059,
29892,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
29937,
17122,
7029,
10760,
6055,
13,
18641,
29918,
20656,
29950,
29918,
26862,
6227,
29918,
3970,
29032,
353,
2295,
703,
18641,
29918,
20656,
29950,
29918,
26862,
6227,
29918,
3970,
29032,
613,
2322,
543,
26349,
29889,
3352,
29965,
1159,
13,
18641,
29918,
20656,
29950,
29918,
28307,
29918,
19094,
1299,
29918,
20785,
353,
2295,
703,
18641,
29918,
20656,
29950,
29918,
28307,
29918,
19094,
1299,
29918,
20785,
613,
2322,
29922,
8516,
29897,
13,
13,
29937,
15337,
315,
3289,
7029,
10760,
6055,
13,
29907,
3289,
29918,
12194,
4717,
29918,
14480,
1177,
29918,
16320,
29909,
4345,
353,
2295,
29898,
13,
1678,
376,
29907,
3289,
29918,
12194,
4717,
29918,
14480,
1177,
29918,
16320,
29909,
4345,
613,
2322,
29922,
8516,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
20656,
29950,
29918,
17171,
29918,
29907,
3289,
29908,
1125,
13,
1678,
315,
3289,
29918,
18603,
29918,
4219,
353,
2295,
703,
29907,
3289,
29918,
18603,
29918,
4219,
613,
2322,
29922,
8516,
29897,
13,
1678,
2672,
1254,
1964,
20566,
29918,
3301,
7024,
29889,
4397,
703,
14095,
29918,
9398,
1159,
13,
1678,
341,
1367,
29928,
1307,
12982,
1525,
29918,
6154,
3289,
1660,
29903,
29889,
4397,
703,
14095,
29918,
9398,
29889,
17662,
2519,
29889,
29907,
3289,
25411,
2519,
1159,
13,
1678,
315,
3289,
29918,
1299,
29911,
3960,
29933,
26027,
29918,
29907,
9818,
29933,
11375,
353,
2295,
29898,
13,
4706,
376,
29907,
3289,
29918,
1299,
29911,
3960,
29933,
26027,
29918,
29907,
9818,
29933,
11375,
613,
2322,
29922,
8516,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
1678,
1723,
13,
1678,
565,
315,
3289,
29918,
1299,
29911,
3960,
29933,
26027,
29918,
29907,
9818,
29933,
11375,
29901,
13,
4706,
1053,
1053,
1982,
13,
13,
4706,
315,
3289,
29918,
11889,
29918,
2287,
6040,
6227,
29903,
29918,
15989,
5607,
5348,
353,
679,
5552,
29898,
13,
9651,
1053,
1982,
29889,
5215,
29918,
5453,
29898,
29907,
3289,
29918,
1299,
29911,
3960,
29933,
26027,
29918,
29907,
9818,
29933,
11375,
3366,
5453,
3108,
511,
13,
9651,
315,
3289,
29918,
1299,
29911,
3960,
29933,
26027,
29918,
29907,
9818,
29933,
11375,
3366,
2220,
12436,
13,
4706,
1723,
13,
13,
29937,
13987,
315,
9733,
29889,
349,
1466,
292,
4234,
11561,
411,
7307,
29940,
24295,
29889,
13,
29937,
8741,
29901,
11117,
13778,
2396,
525,
1124,
597,
2754,
29889,
29916,
14484,
574,
29916,
29889,
510,
29914,
287,
29916,
29914,
9641,
29973,
29879,
29941,
29918,
2271,
2433,
29913,
13,
13044,
29923,
29949,
29918,
6530,
29940,
29918,
4219,
353,
2295,
703,
13044,
29923,
29949,
29918,
6530,
29940,
29918,
4219,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
29937,
18007,
287,
24166,
13,
5800,
2891,
1001,
29918,
4590,
1430,
3352,
29990,
29918,
4219,
353,
2295,
703,
5800,
2891,
1001,
29918,
4590,
1430,
3352,
29990,
29918,
4219,
613,
2322,
29922,
5800,
2891,
1001,
29918,
4590,
1430,
3352,
29990,
29918,
4219,
29897,
13,
5800,
2891,
1001,
29918,
4590,
1430,
3352,
29990,
29918,
14480,
29949,
29918,
2382,
353,
2295,
29898,
13,
1678,
376,
5800,
2891,
1001,
29918,
4590,
1430,
3352,
29990,
29918,
14480,
29949,
29918,
2382,
613,
2322,
29922,
5800,
2891,
1001,
29918,
4590,
1430,
3352,
29990,
29918,
14480,
29949,
29918,
2382,
13,
29897,
13,
5800,
2891,
1001,
29918,
1955,
29954,
2190,
26664,
8098,
29918,
2382,
353,
2295,
29898,
13,
1678,
376,
5800,
2891,
1001,
29918,
1955,
29954,
2190,
26664,
8098,
29918,
2382,
613,
2322,
29922,
5800,
2891,
1001,
29918,
1955,
29954,
2190,
26664,
8098,
29918,
2382,
13,
29897,
13,
5800,
2891,
1001,
29918,
29907,
2477,
9606,
29918,
15307,
12015,
353,
2295,
29898,
13,
1678,
376,
5800,
2891,
1001,
29918,
29907,
2477,
9606,
29918,
15307,
12015,
613,
2322,
29922,
5800,
2891,
1001,
29918,
29907,
2477,
9606,
29918,
15307,
12015,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
5800,
2891,
1001,
29918,
29933,
25180,
6304,
29918,
29907,
2477,
9606,
29918,
12648,
29918,
10461,
353,
2295,
29898,
13,
1678,
376,
5800,
2891,
1001,
29918,
29933,
25180,
6304,
29918,
29907,
2477,
9606,
29918,
12648,
29918,
10461,
613,
2322,
29922,
5800,
2891,
1001,
29918,
29933,
25180,
6304,
29918,
29907,
2477,
9606,
29918,
12648,
29918,
10461,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
13,
29937,
24596,
277,
25913,
6055,
13,
12256,
6545,
28541,
29918,
26862,
6227,
29918,
19407,
353,
2295,
29898,
13,
1678,
376,
12256,
6545,
28541,
29918,
26862,
6227,
29918,
19407,
613,
2322,
29922,
12256,
6545,
28541,
29918,
26862,
6227,
29918,
19407,
13,
29897,
13,
12256,
6545,
28541,
29918,
26862,
6227,
29918,
3352,
29990,
29918,
14480,
29949,
353,
2295,
29898,
13,
1678,
376,
12256,
6545,
28541,
29918,
26862,
6227,
29918,
3352,
29990,
29918,
14480,
29949,
613,
2322,
29922,
12256,
6545,
28541,
29918,
26862,
6227,
29918,
3352,
29990,
29918,
14480,
29949,
13,
29897,
13,
13,
7346,
4136,
29937,
315,
24125,
9066,
363,
4891,
29899,
7247,
7274,
835,
7346,
4136,
2277,
13,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
29907,
24125,
29918,
23252,
23598,
1159,
470,
383,
29923,
1299,
11499,
29903,
29889,
657,
29898,
13,
1678,
376,
1430,
6181,
29918,
29907,
1672,
1799,
29918,
3970,
29032,
29918,
9295,
29934,
29943,
29918,
3217,
8949,
8673,
29908,
13,
1125,
13,
1678,
315,
24125,
29918,
1964,
27998,
29918,
29907,
19386,
3919,
25758,
29903,
353,
5852,
13,
1678,
315,
24125,
29918,
1955,
6259,
1177,
29918,
25039,
9094,
24360,
353,
2295,
29898,
13,
4706,
376,
29907,
24125,
29918,
1955,
6259,
1177,
29918,
25039,
9094,
24360,
613,
2322,
29922,
3285,
883,
2620,
29922,
3126,
29889,
18132,
13,
1678,
1723,
13,
1678,
315,
24125,
29918,
1955,
6259,
1177,
29918,
1964,
27998,
29918,
9818,
353,
2295,
29898,
13,
4706,
376,
29907,
24125,
29918,
1955,
6259,
1177,
29918,
1964,
27998,
29918,
9818,
613,
2322,
29922,
8824,
29892,
883,
2620,
29922,
11227,
13,
1678,
1723,
13,
1678,
315,
24125,
29918,
1964,
27998,
29918,
1177,
1660,
29907,
11499,
353,
2295,
703,
29907,
24125,
29918,
1964,
27998,
29918,
1177,
1660,
29907,
11499,
613,
2322,
29922,
8824,
29892,
883,
2620,
29922,
11227,
29897,
13,
13,
1678,
396,
960,
4444,
263,
4891,
29899,
7247,
15327,
29892,
372,
29915,
29879,
2289,
4100,
304,
6755,
13,
1678,
396,
263,
1024,
363,
278,
15327,
393,
338,
22471,
28483,
3919,
1135,
278,
21046,
1304,
13,
1678,
396,
491,
1269,
1014,
7247,
29889,
29871,
1152,
1342,
29892,
7755,
278,
8324,
13,
1678,
396,
472,
1438,
1014,
3129,
2708,
526,
13252,
304,
671,
278,
1494,
15327,
2983,
29901,
13,
1678,
396,
13,
1678,
396,
29871,
29896,
29897,
7953,
29889,
4773,
29889,
510,
6660,
376,
2395,
9600,
6979,
29908,
13,
1678,
396,
29871,
29906,
29897,
12741,
29889,
4773,
29889,
510,
6660,
376,
2395,
9600,
6979,
29908,
13,
1678,
396,
29871,
29941,
29897,
2594,
29889,
4773,
29889,
510,
6660,
376,
2395,
9600,
6979,
29908,
13,
1678,
396,
13,
1678,
396,
1152,
278,
4891,
29899,
7247,
1873,
310,
278,
315,
14098,
29943,
15327,
29892,
366,
817,
304,
6755,
13,
1678,
396,
263,
1024,
22471,
28483,
3919,
1135,
376,
2395,
9600,
6979,
1769,
6467,
29892,
278,
716,
5993,
13252,
13,
1678,
396,
363,
11393,
4773,
29889,
510,
29908,
1033,
14529,
411,
278,
916,
21046,
29892,
13,
1678,
396,
1661,
29899,
4801,
837,
262,
391,
1711,
10805,
29871,
29946,
29900,
29941,
20890,
29889,
13,
1678,
396,
13,
1678,
396,
7311,
310,
278,
982,
15337,
14422,
21046,
29892,
278,
15327,
1024,
341,
17321,
13,
1678,
396,
367,
263,
421,
710,
1673,
451,
29104,
29889,
29871,
13466,
727,
674,
421,
1542,
2392,
29952,
29879,
674,
367,
10425,
13,
1678,
396,
746,
15337,
14335,
304,
1246,
278,
29104,
421,
21652,
2555,
1158,
411,
278,
2743,
13,
1678,
396,
1353,
310,
4128,
29889,
13,
1678,
315,
1672,
1799,
29918,
3970,
29032,
29918,
9295,
29934,
29943,
29918,
3217,
8949,
8673,
29918,
5813,
353,
851,
29898,
2917,
703,
29907,
1672,
1799,
29918,
3970,
29032,
29918,
9295,
29934,
29943,
29918,
3217,
8949,
8673,
29918,
5813,
5783,
13,
13,
1678,
396,
1932,
4444,
278,
5354,
363,
278,
376,
19128,
29899,
7247,
29908,
1873,
310,
278,
315,
14098,
29943,
13,
1678,
396,
15327,
29892,
366,
881,
6755,
1554,
763,
29901,
11393,
4773,
29889,
510,
29908,
13,
1678,
396,
313,
6812,
278,
8236,
8329,
511,
988,
1716,
278,
2737,
261,
322,
278,
3495,
13,
1678,
396,
526,
1014,
3129,
2708,
310,
376,
4773,
29889,
510,
1642,
13,
1678,
396,
13,
1678,
396,
27088,
6993,
6865,
1996,
393,
13,
1678,
396,
278,
15327,
5354,
7087,
278,
5354,
310,
278,
1923,
29936,
6467,
13,
1678,
396,
278,
15327,
2113,
29915,
29873,
679,
731,
29889,
29871,
1126,
2748,
278,
15327,
4947,
731,
29892,
278,
3132,
13,
1678,
396,
4225,
304,
367,
373,
263,
5354,
393,
7087,
278,
15327,
5354,
29892,
6467,
13,
1678,
396,
278,
3132,
2113,
29915,
29873,
367,
2221,
304,
1303,
278,
15327,
29889,
13,
1678,
315,
1672,
1799,
29918,
3970,
29032,
29918,
9295,
29934,
29943,
29918,
3217,
8949,
8673,
29918,
3970,
29032,
353,
2295,
703,
29907,
1672,
1799,
29918,
3970,
29032,
29918,
9295,
29934,
29943,
29918,
3217,
8949,
8673,
29918,
3970,
29032,
1159,
13,
13,
13,
29937,
8989,
975,
24040,
29889,
29871,
1763,
671,
278,
3553,
2287,
4682,
29892,
788,
13,
29937,
525,
15775,
2519,
29889,
18945,
29918,
2671,
29918,
957,
24040,
29889,
2568,
23352,
20791,
4640,
6980,
4286,
13,
3738,
27286,
29918,
29949,
5348,
29934,
22027,
29918,
8618,
13044,
23598,
353,
18761,
29898,
13,
1678,
2295,
703,
3738,
27286,
29918,
29949,
5348,
29934,
22027,
29918,
8618,
13044,
23598,
613,
2322,
11759,
1402,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
29897,
13,
13,
13383,
7346,
4136,
2277,
3725,
29907,
11499,
26524,
29950,
306,
4330,
4345,
835,
7346,
4136,
13,
29937,
10213,
2712,
29901,
27630,
29892,
2130,
6611,
29892,
2992,
29889,
13,
13,
7346,
4136,
2277,
29937,
1060,
7445,
22101,
1746,
2295,
835,
4136,
2277,
29937,
13,
29928,
29967,
9998,
353,
2295,
29898,
13,
1678,
376,
29928,
29967,
9998,
613,
13,
1678,
2322,
3790,
13,
4706,
376,
12322,
29918,
4632,
1115,
5591,
287,
29916,
29914,
1707,
29914,
287,
29916,
932,
29914,
14095,
29899,
2272,
5847,
29914,
7959,
29914,
14095,
29899,
2272,
5847,
613,
13,
4706,
376,
1853,
1115,
376,
359,
5847,
613,
13,
4706,
376,
2271,
29918,
4632,
1115,
5591,
7959,
29914,
14095,
29899,
2272,
5847,
613,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
7346,
4136,
2277,
29937,
15591,
14491,
25085,
835,
4136,
2277,
29937,
13,
20832,
5813,
29918,
6720,
14849,
1307,
1254,
29949,
1525,
29918,
23397,
29918,
1529,
18009,
4214,
29903,
353,
2295,
29898,
13,
1678,
376,
20832,
5813,
29918,
6720,
14849,
1307,
1254,
29949,
1525,
29918,
23397,
29918,
1529,
18009,
4214,
29903,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
29937,
349,
1525,
29963,
8673,
29956,
11662,
29032,
1818,
367,
2198,
297,
379,
3718,
5813,
29918,
6720,
14849,
1307,
1254,
29949,
1525,
29918,
23397,
29918,
1529,
18009,
4214,
29903,
363,
278,
25267,
304,
1510,
18195,
3620,
13,
361,
376,
15094,
29963,
8673,
29956,
29918,
29931,
4345,
29918,
25416,
29908,
297,
383,
29923,
1299,
11499,
29903,
322,
383,
29923,
1299,
11499,
29903,
3366,
15094,
29963,
8673,
29956,
29918,
29931,
4345,
29918,
25416,
3108,
2804,
376,
1115,
13,
1678,
349,
1525,
29963,
8673,
29956,
29918,
3970,
29032,
353,
383,
29923,
1299,
11499,
29903,
3366,
15094,
29963,
8673,
29956,
29918,
29931,
4345,
29918,
25416,
16862,
5451,
703,
29901,
1159,
29961,
29900,
29962,
13,
1678,
396,
2767,
8600,
411,
25267,
5354,
6528,
13,
1678,
379,
3718,
5813,
29918,
6720,
14849,
1307,
1254,
29949,
1525,
29918,
23397,
29918,
1529,
18009,
4214,
29903,
29889,
5504,
3319,
15094,
29963,
8673,
29956,
29918,
3970,
29032,
29901,
376,
29881,
4154,
29899,
1457,
14373,
29908,
1800,
13,
13,
7346,
4136,
2277,
29937,
341,
11925,
6376,
630,
29898,
7898,
545,
29914,
3664,
29899,
7898,
545,
29897,
25085,
835,
4136,
2277,
29937,
13,
29931,
4345,
29918,
1660,
29954,
13780,
29918,
10818,
353,
2295,
703,
29931,
4345,
29918,
1660,
29954,
13780,
29918,
10818,
613,
2322,
29922,
8516,
29897,
13,
13,
4174,
29918,
8618,
23524,
1955,
29918,
5813,
353,
2295,
703,
4174,
29918,
8618,
23524,
1955,
29918,
5813,
613,
2322,
29922,
4174,
29918,
8618,
23524,
1955,
29918,
5813,
29897,
13,
4174,
29918,
8618,
23524,
1955,
353,
2295,
703,
4174,
29918,
8618,
23524,
1955,
613,
2322,
29922,
4174,
29918,
8618,
23524,
1955,
29897,
13,
13,
1660,
22245,
29911,
29918,
10818,
353,
2295,
703,
1660,
22245,
29911,
29918,
10818,
613,
2322,
543,
4013,
275,
2744,
14023,
2558,
2831,
16618,
29925,
332,
4220,
11730,
1159,
13,
13,
29937,
27241,
1250,
1975,
13,
29937,
448,
5742,
263,
10166,
29892,
671,
29901,
376,
29880,
1516,
29889,
264,
4270,
29889,
7692,
29889,
1627,
1975,
29889,
14048,
19907,
24445,
3195,
5841,
355,
29908,
13,
29937,
448,
363,
365,
24301,
13113,
29892,
788,
29901,
376,
1896,
29875,
29918,
18121,
29889,
7193,
29889,
29931,
2034,
5841,
355,
29908,
13,
29937,
448,
363,
315,
3289,
29892,
788,
29901,
376,
14095,
29918,
9398,
29889,
1627,
1975,
29889,
5454,
1744,
547,
355,
29908,
13,
20656,
29950,
3919,
28541,
29918,
29933,
11375,
1430,
8452,
353,
2295,
29898,
13,
1678,
376,
20656,
29950,
3919,
28541,
29918,
29933,
11375,
1430,
8452,
613,
13,
1678,
2322,
29922,
703,
29880,
1516,
29889,
264,
4270,
29889,
7692,
29889,
1627,
1975,
29889,
14048,
19907,
24445,
3195,
5841,
355,
613,
511,
13,
29897,
13,
13,
23397,
29918,
7724,
29918,
1254,
1955,
10461,
353,
2295,
29898,
13,
1678,
376,
23397,
29918,
7724,
29918,
1254,
1955,
10461,
613,
2322,
543,
14095,
29889,
3221,
29889,
5325,
29889,
12925,
29889,
2283,
3924,
10486,
29908,
13,
29897,
13,
13,
29937,
21220,
4444,
363,
278,
3497,
5020,
1359,
6692,
304,
3787,
5745,
297,
263,
20968,
29889,
13,
7724,
29918,
4897,
29428,
29918,
1254,
1955,
10461,
29918,
7838,
7077,
2544,
29918,
5813,
353,
2295,
29898,
13,
1678,
376,
7724,
29918,
4897,
29428,
29918,
1254,
1955,
10461,
29918,
7838,
7077,
2544,
29918,
5813,
613,
2322,
543,
9009,
29879,
29908,
13,
29897,
13,
7724,
29918,
4897,
29428,
29918,
1254,
1955,
10461,
29918,
15094,
25634,
353,
2295,
29898,
13,
1678,
376,
7724,
29918,
4897,
29428,
29918,
1254,
1955,
10461,
29918,
15094,
25634,
613,
2322,
29922,
7724,
29918,
4897,
29428,
29918,
1254,
1955,
10461,
29918,
15094,
25634,
13,
29897,
13,
13,
29937,
960,
727,
338,
263,
2566,
2000,
525,
949,
29918,
3445,
10123,
742,
366,
508,
671,
278,
671,
29918,
949,
29918,
3445,
10123,
29918,
361,
29918,
16515,
13,
29937,
740,
297,
3667,
29914,
1972,
29889,
2272,
29892,
607,
338,
5407,
363,
1407,
2919,
2566,
13623,
13,
13,
25832,
27982,
29918,
1430,
29954,
8895,
353,
2295,
703,
25832,
27982,
29918,
1430,
29954,
8895,
613,
2322,
543,
14095,
29889,
2585,
29889,
1627,
1975,
29889,
7938,
1159,
13,
25832,
27982,
29918,
20832,
353,
2295,
703,
25832,
27982,
29918,
20832,
613,
2322,
543,
7938,
1159,
13,
25832,
27982,
29918,
15082,
353,
2295,
703,
25832,
27982,
29918,
15082,
613,
2322,
29922,
29941,
29941,
29900,
29953,
29892,
883,
2620,
29922,
524,
29897,
13,
25832,
27982,
29918,
5813,
353,
2295,
703,
25832,
27982,
29918,
5813,
613,
2322,
543,
287,
29916,
932,
1159,
13,
25832,
27982,
29918,
11889,
353,
2295,
703,
25832,
27982,
29918,
11889,
613,
2322,
543,
287,
29916,
932,
29918,
1792,
1159,
13,
25832,
27982,
29918,
25711,
17013,
353,
2295,
703,
25832,
27982,
29918,
25711,
17013,
613,
2322,
543,
5630,
1159,
13,
13,
25832,
27982,
29903,
353,
2295,
29898,
13,
1678,
376,
25832,
27982,
29903,
613,
13,
1678,
2322,
3790,
13,
4706,
376,
4381,
1115,
426,
13,
9651,
376,
1430,
29954,
8895,
1115,
27640,
27982,
29918,
1430,
29954,
8895,
29892,
13,
9651,
376,
20832,
1115,
27640,
27982,
29918,
20832,
29892,
13,
9651,
376,
15082,
1115,
27640,
27982,
29918,
15082,
29892,
13,
9651,
376,
5813,
1115,
27640,
27982,
29918,
5813,
29892,
13,
9651,
376,
11889,
1115,
27640,
27982,
29918,
11889,
29892,
13,
9651,
376,
25711,
17013,
1115,
27640,
27982,
29918,
25711,
17013,
29892,
13,
4706,
500,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
29937,
1174,
519,
18428,
10804,
10643,
373,
599,
21218,
13,
29937,
2045,
597,
2640,
29889,
19776,
574,
26555,
622,
29889,
510,
29914,
264,
29914,
29896,
29889,
29947,
29914,
3332,
1199,
29914,
2585,
29914,
3286,
7387,
8484,
1017,
292,
29899,
3286,
7387,
29899,
517,
29899,
1124,
29899,
24830,
13,
29937,
910,
4225,
304,
367,
1565,
363,
599,
21218,
13,
1454,
2566,
29918,
978,
297,
27640,
27982,
29903,
29901,
13,
1678,
27640,
27982,
29903,
29961,
9803,
29918,
978,
29962,
3366,
1299,
6488,
2965,
29918,
16244,
29903,
3108,
353,
5852,
13,
13,
29990,
11144,
4462,
29918,
23845,
29943,
11538,
353,
2295,
29898,
13,
1678,
376,
29990,
11144,
4462,
29918,
23845,
29943,
11538,
613,
13,
1678,
2322,
3790,
29908,
2271,
1115,
6213,
29892,
376,
16121,
29918,
5150,
1115,
6213,
29892,
376,
14095,
29918,
5150,
1115,
6213,
1118,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
29937,
1281,
4532,
278,
341,
13668,
29965,
1307,
1254,
29949,
1525,
13,
6720,
14849,
1307,
1254,
29949,
1525,
353,
3588,
29918,
5453,
29918,
8899,
29918,
26740,
29918,
361,
29918,
484,
19226,
29898,
13,
1678,
2295,
703,
6720,
14849,
1307,
1254,
29949,
1525,
613,
2322,
29922,
6720,
14849,
1307,
1254,
29949,
1525,
29892,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
29897,
13,
13,
22877,
17080,
4051,
29918,
25711,
17013,
353,
2295,
703,
22877,
17080,
4051,
29918,
25711,
17013,
613,
2322,
543,
1159,
13,
22877,
17080,
4051,
29918,
20832,
353,
2295,
703,
22877,
17080,
4051,
29918,
20832,
613,
2322,
543,
23264,
1159,
13,
22877,
17080,
4051,
29918,
15082,
353,
2295,
703,
22877,
17080,
4051,
29918,
15082,
613,
2322,
29922,
29906,
29955,
29900,
29896,
29955,
29892,
883,
2620,
29922,
524,
29897,
13,
22877,
17080,
4051,
29918,
5813,
353,
2295,
703,
22877,
17080,
4051,
29918,
5813,
613,
2322,
543,
287,
29916,
932,
1159,
13,
22877,
17080,
4051,
29918,
11889,
353,
2295,
703,
22877,
17080,
4051,
29918,
11889,
613,
2322,
29922,
8516,
29897,
13,
22877,
17080,
4051,
29918,
18641,
353,
2295,
703,
22877,
17080,
4051,
29918,
18641,
613,
2322,
29922,
8824,
29892,
883,
2620,
29922,
11227,
29897,
13,
22877,
17080,
4051,
29918,
1525,
7390,
2965,
8127,
29911,
353,
2295,
703,
22877,
17080,
4051,
29918,
1525,
7390,
2965,
8127,
29911,
613,
2322,
29922,
8516,
29897,
13,
29937,
29848,
287,
1303,
29918,
1457,
1659,
995,
508,
367,
1476,
1244,
2045,
597,
3292,
29889,
510,
29914,
23264,
29914,
29885,
7443,
29899,
4691,
29899,
9465,
29914,
10054,
29914,
29906,
29889,
29929,
29889,
29896,
29914,
29886,
962,
7443,
29914,
949,
29918,
1457,
10662,
29889,
2272,
29937,
29931,
29945,
29946,
13,
22877,
17080,
4051,
29918,
16310,
29918,
15094,
29943,
1001,
1430,
4741,
353,
2295,
703,
22877,
17080,
4051,
29918,
16310,
29918,
15094,
29943,
1001,
1430,
4741,
613,
2322,
543,
10593,
24480,
1159,
13,
13,
28665,
29918,
1254,
29949,
1525,
29918,
25903,
353,
2295,
29898,
13,
1678,
376,
28665,
29918,
1254,
29949,
1525,
29918,
25903,
613,
13,
1678,
2322,
3790,
13,
4706,
376,
10855,
1115,
376,
1545,
352,
22818,
613,
13,
4706,
376,
3069,
1115,
341,
1164,
17080,
4051,
29918,
20832,
29892,
13,
4706,
376,
637,
1115,
341,
1164,
17080,
4051,
29918,
15082,
29892,
13,
4706,
376,
2585,
1115,
341,
1164,
17080,
4051,
29918,
5813,
29892,
13,
4706,
376,
1792,
1115,
341,
1164,
17080,
4051,
29918,
11889,
29892,
13,
4706,
376,
5630,
1115,
529,
25711,
17013,
10202,
13,
4706,
376,
16265,
1115,
341,
1164,
17080,
4051,
29918,
18641,
29892,
13,
4706,
376,
3445,
10123,
2697,
1115,
341,
1164,
17080,
4051,
29918,
1525,
7390,
2965,
8127,
29911,
29892,
13,
4706,
376,
949,
29918,
1457,
1659,
1115,
341,
1164,
17080,
4051,
29918,
16310,
29918,
15094,
29943,
1001,
1430,
4741,
29892,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
5504,
29918,
5453,
29918,
8899,
29918,
11027,
29898,
6720,
14849,
1307,
1254,
29949,
1525,
29892,
1574,
29918,
8899,
29918,
11027,
29922,
28665,
29918,
1254,
29949,
1525,
29918,
25903,
29897,
13,
13,
22877,
17080,
4051,
29918,
14480,
353,
2295,
703,
22877,
17080,
4051,
29918,
14480,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
22412,
3919,
1254,
29949,
1525,
353,
2295,
29898,
13,
1678,
376,
22412,
3919,
1254,
29949,
1525,
613,
13,
1678,
2322,
3790,
13,
4706,
376,
28665,
29918,
1254,
29949,
1525,
29918,
25903,
1115,
11662,
29907,
29918,
1254,
29949,
1525,
29918,
25903,
29892,
13,
4706,
376,
1430,
29954,
8895,
1115,
376,
29916,
5453,
29889,
3051,
8899,
29889,
29885,
7443,
29889,
29924,
7443,
3916,
9044,
613,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
26862,
6227,
29918,
20832,
29918,
11889,
353,
2295,
703,
26862,
6227,
29918,
20832,
29918,
11889,
613,
2322,
543,
1159,
29871,
396,
9557,
2322,
338,
6629,
13,
26862,
6227,
29918,
20832,
29918,
25711,
17013,
353,
2295,
703,
26862,
6227,
29918,
20832,
29918,
25711,
17013,
613,
2322,
543,
1159,
29871,
396,
9557,
2322,
338,
6629,
13,
13,
29937,
13373,
328,
468,
363,
4959,
29991,
13,
25832,
3035,
29949,
29954,
353,
2295,
703,
25832,
3035,
29949,
29954,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
29937,
14402,
29901,
18164,
313,
12667,
4127,
411,
3517,
6055,
29897,
13,
25832,
3035,
29949,
29954,
29918,
8787,
353,
2295,
703,
25832,
3035,
29949,
29954,
29918,
8787,
613,
2322,
29922,
8516,
29897,
13,
13,
29937,
11597,
22026,
12569,
3377,
1923,
13,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
18603,
29918,
4219,
353,
2295,
703,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
18603,
29918,
4219,
613,
2322,
29922,
8516,
29897,
13,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
8787,
29918,
10818,
353,
2295,
703,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
8787,
29918,
10818,
613,
2322,
543,
1159,
13,
13,
29937,
11597,
22026,
848,
2752,
13,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
14573,
29918,
4219,
353,
2295,
703,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
14573,
29918,
4219,
613,
2322,
29922,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
14573,
29918,
4219,
29897,
13,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
14573,
29918,
4986,
29968,
1430,
353,
2295,
703,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
14573,
29918,
4986,
29968,
1430,
613,
2322,
29922,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
14573,
29918,
4986,
29968,
1430,
29897,
13,
13,
29937,
11597,
22026,
360,
1161,
3377,
13,
13,
29937,
746,
5852,
445,
4444,
788,
263,
1544,
297,
18690,
272,
12569,
29890,
536,
304,
16114,
1199,
25483,
2669,
13,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
29928,
24943,
8456,
17011,
29918,
4219,
353,
2295,
29898,
13,
1678,
376,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
29928,
24943,
8456,
17011,
29918,
4219,
613,
2322,
29922,
8824,
29892,
883,
2620,
29922,
11227,
13,
29897,
13,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
29928,
24943,
8456,
17011,
29918,
5813,
353,
2295,
29898,
13,
1678,
376,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
29928,
24943,
8456,
17011,
29918,
5813,
613,
2322,
29922,
7390,
1299,
19094,
29918,
5813,
718,
376,
13377,
5861,
29908,
13,
29897,
13,
13,
29937,
18623,
305,
6574,
1570,
4911,
2391,
13,
1529,
6227,
3210,
29902,
3580,
29918,
28577,
29918,
11889,
29918,
24360,
29918,
1367,
353,
2295,
703,
1529,
6227,
3210,
29902,
3580,
29918,
28577,
29918,
11889,
29918,
24360,
29918,
1367,
613,
2322,
29922,
8516,
29897,
13,
13,
29937,
796,
355,
8488,
13,
29999,
1430,
2287,
16033,
29918,
11889,
353,
2295,
703,
29999,
1430,
2287,
16033,
29918,
11889,
613,
2322,
29922,
8516,
29897,
13,
29999,
1430,
2287,
16033,
29918,
8787,
29918,
10818,
353,
2295,
703,
29999,
1430,
2287,
16033,
29918,
8787,
29918,
10818,
613,
2322,
29922,
8516,
29897,
13,
13,
29937,
3450,
7670,
363,
297,
9917,
7274,
515,
2216,
3709,
2669,
13,
3352,
29990,
29918,
8787,
29918,
10818,
353,
2295,
703,
3352,
29990,
29918,
8787,
29918,
10818,
613,
2322,
29922,
8516,
29897,
13,
13,
29937,
14227,
708,
4358,
3946,
13,
29937,
1152,
29825,
2665,
262,
295,
671,
278,
29825,
29899,
29879,
15440,
295,
8608,
13,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
26813,
5550,
8476,
353,
2295,
703,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
26813,
5550,
8476,
613,
2322,
543,
1127,
275,
1159,
13,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
11889,
353,
2295,
703,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
11889,
613,
2322,
543,
1159,
13,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
25711,
17013,
353,
2295,
703,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
25711,
17013,
613,
2322,
543,
1159,
13,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
20832,
353,
2295,
703,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
20832,
613,
2322,
543,
1127,
275,
1159,
13,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
15082,
353,
2295,
703,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
15082,
613,
2322,
29922,
29953,
29941,
29955,
29929,
29892,
883,
2620,
29922,
524,
29897,
13,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
29963,
20832,
353,
2295,
703,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
29963,
20832,
613,
2322,
29922,
29900,
29892,
883,
2620,
29922,
524,
29897,
13,
13,
361,
315,
6670,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
26813,
5550,
8476,
1275,
376,
1127,
275,
29899,
29879,
15440,
295,
1115,
13,
1678,
396,
6036,
29825,
2665,
262,
295,
10938,
297,
6432,
708,
13,
1678,
6036,
580,
13,
13,
29933,
1672,
29968,
1001,
29918,
4219,
353,
29850,
27882,
29913,
597,
29912,
1792,
6177,
29912,
5630,
29913,
28312,
3069,
6177,
29912,
637,
6822,
29912,
29894,
3069,
29913,
1642,
4830,
29898,
13,
1678,
8608,
29922,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
26813,
5550,
8476,
29892,
13,
1678,
1404,
29922,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
11889,
29892,
13,
1678,
4800,
29922,
29966,
25711,
17013,
10202,
13,
1678,
3495,
29922,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
20832,
29892,
13,
1678,
2011,
29922,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
15082,
29892,
13,
1678,
325,
3069,
29922,
4741,
29931,
24422,
29918,
29933,
1672,
29968,
1001,
29918,
29963,
20832,
29892,
13,
29897,
13,
29937,
1763,
671,
29825,
29899,
29879,
15440,
295,
29892,
2737,
304,
278,
1574,
14170,
362,
1244,
13,
29937,
2045,
597,
2242,
708,
29899,
1127,
275,
29899,
29879,
15440,
295,
29889,
949,
386,
287,
12332,
29889,
601,
29914,
264,
29914,
12333,
29914,
13,
29933,
1672,
29968,
1001,
29918,
26813,
5550,
8476,
29918,
14094,
27946,
353,
2295,
29898,
13,
1678,
376,
29933,
1672,
29968,
1001,
29918,
26813,
5550,
8476,
29918,
14094,
27946,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
29937,
6441,
13071,
13,
1254,
15789,
3919,
29918,
7724,
4897,
29428,
29918,
12648,
29918,
14226,
353,
2295,
29898,
13,
1678,
376,
1254,
15789,
3919,
29918,
7724,
4897,
29428,
29918,
12648,
29918,
14226,
613,
2322,
29922,
1254,
15789,
3919,
29918,
7724,
4897,
29428,
29918,
12648,
29918,
14226,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
13,
29937,
6864,
23110,
13,
5659,
11375,
4214,
29918,
29933,
11375,
1430,
8452,
29889,
5504,
29898,
2917,
703,
5659,
11375,
4214,
29918,
29933,
11375,
1430,
8452,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
876,
13,
22240,
3919,
29918,
5659,
11375,
4214,
29918,
29933,
11375,
1430,
8452,
3366,
11294,
292,
29918,
20756,
3108,
3366,
14094,
27946,
3108,
3366,
1627,
1975,
16862,
5504,
29898,
13,
1678,
2295,
703,
22240,
3919,
29918,
5659,
11375,
4214,
29918,
29933,
11375,
1430,
8452,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
29897,
13,
22240,
3919,
29918,
5659,
11375,
4214,
29918,
29933,
11375,
1430,
8452,
3366,
28192,
601,
3108,
3366,
14094,
27946,
3108,
3366,
5014,
943,
3108,
29961,
29900,
29962,
3366,
14094,
27946,
3108,
29961,
13,
1678,
376,
1332,
7454,
391,
29908,
13,
1822,
21843,
29898,
13,
1678,
2295,
703,
22240,
3919,
29918,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
12665,
1806,
29918,
25039,
9094,
24360,
613,
2322,
11759,
1402,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
29897,
13,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
8851,
29933,
8187,
8949,
29918,
1660,
22245,
29911,
353,
2295,
29898,
13,
1678,
376,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
8851,
29933,
8187,
8949,
29918,
1660,
22245,
29911,
613,
2322,
29922,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
8851,
29933,
8187,
8949,
29918,
1660,
22245,
29911,
13,
29897,
13,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
1964,
27998,
3352,
29918,
15631,
29925,
2890,
353,
2295,
29898,
13,
1678,
376,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
1964,
27998,
3352,
29918,
15631,
29925,
2890,
613,
13,
1678,
2322,
29922,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
1964,
27998,
3352,
29918,
15631,
29925,
2890,
29892,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
23711,
1964,
27998,
3352,
29918,
20633,
20785,
29918,
5813,
29903,
353,
2295,
29898,
13,
1678,
376,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
23711,
1964,
27998,
3352,
29918,
20633,
20785,
29918,
5813,
29903,
613,
13,
1678,
2322,
29922,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
23711,
1964,
27998,
3352,
29918,
20633,
20785,
29918,
5813,
29903,
29892,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
27839,
4741,
29918,
23827,
353,
2295,
29898,
13,
1678,
376,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
27839,
4741,
29918,
23827,
613,
13,
1678,
2322,
29922,
5659,
11375,
4214,
29918,
1660,
29954,
13780,
5971,
29918,
27839,
4741,
29918,
23827,
29892,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
29937,
15740,
10110,
1147,
2450,
6055,
13,
5348,
6545,
29979,
29918,
1254,
15789,
3919,
353,
2295,
703,
5348,
6545,
29979,
29918,
1254,
15789,
3919,
613,
2322,
29922,
5348,
6545,
29979,
29918,
1254,
15789,
3919,
29892,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
29937,
1632,
3076,
5142,
13,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
29918,
1672,
2692,
4214,
29918,
10818,
353,
2295,
29898,
13,
1678,
376,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
29918,
1672,
2692,
4214,
29918,
10818,
613,
2322,
29922,
29950,
6259,
29950,
29918,
2303,
29924,
29918,
11144,
4462,
13,
29897,
13,
13,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
353,
2295,
29898,
13,
1678,
376,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
613,
2322,
29922,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
353,
2295,
703,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
613,
2322,
29922,
29954,
4717,
2287,
29903,
29918,
3970,
16048,
29428,
29897,
13,
13,
29937,
18161,
13676,
13,
29943,
1177,
2190,
8426,
1964,
29918,
1525,
15082,
29903,
353,
2295,
29898,
13,
1678,
376,
29943,
1177,
2190,
8426,
1964,
29918,
1525,
15082,
29903,
613,
2322,
29922,
29943,
1177,
2190,
8426,
1964,
29918,
1525,
15082,
29903,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
4136,
29937,
14614,
18736,
11247,
7077,
12015,
22236,
349,
1718,
25797,
4945,
29903,
16101,
13,
12648,
29918,
4519,
29902,
20566,
29918,
14480,
1177,
29918,
1299,
4330,
3580,
9375,
29918,
1964,
27998,
3352,
353,
2295,
29898,
13,
1678,
376,
12648,
29918,
4519,
29902,
20566,
29918,
14480,
1177,
29918,
1299,
4330,
3580,
9375,
29918,
1964,
27998,
3352,
613,
2322,
29922,
29945,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
12648,
29918,
4519,
29902,
20566,
29918,
14480,
1177,
29918,
1299,
4330,
3580,
9375,
29918,
21339,
12015,
29918,
13171,
5971,
29928,
29918,
1660,
9295,
353,
2295,
29898,
13,
1678,
376,
12648,
29918,
4519,
29902,
20566,
29918,
14480,
1177,
29918,
1299,
4330,
3580,
9375,
29918,
21339,
12015,
29918,
13171,
5971,
29928,
29918,
1660,
9295,
613,
2322,
29922,
29896,
29945,
334,
29871,
29953,
29900,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
13,
29924,
2965,
1672,
29903,
9094,
29918,
25903,
4574,
8098,
353,
2295,
29898,
13,
1678,
376,
29924,
2965,
1672,
29903,
9094,
29918,
25903,
4574,
8098,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
29924,
2965,
1672,
29903,
9094,
29918,
21289,
29918,
9464,
353,
2224,
29898,
2917,
703,
29924,
2965,
1672,
29903,
9094,
29918,
21289,
29918,
9464,
613,
2322,
543,
5783,
13,
13,
4136,
17687,
1799,
17013,
349,
5607,
2965,
29979,
11368,
29911,
4214,
29903,
16101,
13,
25711,
17013,
29918,
16173,
29918,
19433,
353,
2295,
703,
25711,
17013,
29918,
16173,
29918,
19433,
613,
2322,
29922,
29896,
29906,
29892,
883,
2620,
29922,
524,
29897,
13,
25711,
17013,
29918,
12648,
29918,
19433,
353,
2295,
703,
25711,
17013,
29918,
12648,
29918,
19433,
613,
2322,
29922,
8516,
29892,
883,
2620,
29922,
524,
29897,
13,
13,
25711,
17013,
29918,
21514,
1307,
29990,
11937,
353,
2295,
29898,
13,
1678,
376,
25711,
17013,
29918,
21514,
1307,
29990,
11937,
613,
13,
1678,
2322,
3790,
29908,
4897,
13171,
1115,
29871,
29896,
29892,
376,
27998,
1001,
1115,
29871,
29896,
29892,
376,
4571,
29954,
1806,
29903,
1115,
29871,
29896,
1118,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
25711,
17013,
29918,
4571,
9838,
19926,
29918,
12378,
29918,
4571,
1254,
23219,
29918,
4690,
1525,
7068,
5607,
29928,
353,
2295,
29898,
13,
1678,
376,
25711,
17013,
29918,
4571,
9838,
19926,
29918,
12378,
29918,
4571,
1254,
23219,
29918,
4690,
1525,
7068,
5607,
29928,
613,
13,
1678,
2322,
29922,
25711,
17013,
29918,
4571,
9838,
19926,
29918,
12378,
29918,
4571,
1254,
23219,
29918,
4690,
1525,
7068,
5607,
29928,
29892,
13,
1678,
883,
2620,
29922,
524,
29892,
13,
29897,
13,
25711,
17013,
29918,
4571,
9838,
19926,
353,
2295,
703,
25711,
17013,
29918,
4571,
9838,
19926,
613,
2322,
11759,
1402,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
2277,
29937,
2672,
17923,
5667,
11937,
11368,
29911,
4214,
29903,
3191,
13,
17493,
29918,
1177,
17923,
5667,
11937,
29918,
15307,
12015,
29918,
1177,
29918,
1660,
6007,
8452,
353,
2295,
29898,
13,
1678,
376,
17493,
29918,
1177,
17923,
5667,
11937,
29918,
15307,
12015,
29918,
1177,
29918,
1660,
6007,
8452,
613,
2322,
29922,
8516,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
13,
4136,
29937,
365,
4345,
5012,
3035,
18521,
28657,
29925,
18799,
323,
8890,
29918,
29999,
12413,
835,
4136,
13,
15307,
29918,
29999,
12413,
29918,
23711,
29925,
18799,
3352,
29918,
22051,
29918,
2287,
3035,
23714,
2890,
353,
2295,
29898,
13,
1678,
376,
15307,
29918,
29999,
12413,
29918,
23711,
29925,
18799,
3352,
29918,
22051,
29918,
2287,
3035,
23714,
2890,
613,
2322,
29922,
15307,
29918,
29999,
12413,
29918,
23711,
29925,
18799,
3352,
29918,
22051,
29918,
2287,
3035,
23714,
2890,
13,
29897,
13,
13,
4136,
29937,
1060,
29899,
4308,
29899,
5856,
2933,
4839,
6055,
16101,
13,
29990,
29918,
29943,
4717,
2303,
29918,
14094,
27946,
353,
2295,
703,
29990,
29918,
29943,
4717,
2303,
29918,
14094,
27946,
613,
2322,
29922,
29990,
29918,
29943,
4717,
2303,
29918,
14094,
27946,
29897,
13,
13,
4136,
29937,
18008,
29899,
22633,
4817,
3987,
835,
13383,
13383,
7346,
4136,
29937,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
4690,
8193,
29928,
29918,
26092,
29979,
29918,
20656,
29950,
29908,
1125,
13,
1678,
396,
450,
12212,
4867,
1518,
16129,
931,
2645,
278,
4654,
6263,
6464,
16439,
29889,
313,
1917,
297,
6923,
29897,
13,
1678,
7791,
8426,
1964,
29918,
20656,
29950,
29918,
2227,
4162,
18521,
29918,
15307,
12015,
353,
2295,
703,
6156,
8426,
1964,
29918,
20656,
29950,
29918,
2227,
4162,
18521,
29918,
15307,
12015,
613,
2322,
29922,
29953,
29900,
29900,
29897,
13,
13,
1678,
396,
450,
16698,
1988,
2024,
29914,
3597,
1820,
1819,
437,
451,
817,
278,
28552,
3454,
313,
14565,
408,
13,
1678,
396,
376,
23648,
29933,
17958,
349,
3960,
29963,
3040,
14636,
23648,
613,
2322,
543,
23648,
11794,
349,
3960,
29963,
3040,
14636,
23648,
29908,
2992,
1846,
541,
896,
1122,
367,
5134,
13,
1678,
396,
565,
366,
864,
313,
3592,
372,
29915,
29879,
6775,
304,
3402,
278,
1820,
1819,
408,
4663,
1728,
278,
628,
13083,
414,
467,
13,
1678,
7791,
8426,
1964,
29918,
20656,
29950,
29918,
8132,
1988,
29918,
5550,
29918,
29829,
29963,
3040,
29918,
10818,
353,
2295,
29898,
13,
4706,
376,
6156,
8426,
1964,
29918,
20656,
29950,
29918,
8132,
1988,
29918,
5550,
29918,
29829,
29963,
3040,
29918,
10818,
613,
2322,
13776,
13,
1678,
1723,
13,
1678,
7791,
8426,
1964,
29918,
20656,
29950,
29918,
8132,
1988,
29918,
5550,
29918,
7056,
13367,
2965,
29918,
29907,
20161,
353,
2295,
29898,
13,
4706,
376,
6156,
8426,
1964,
29918,
20656,
29950,
29918,
8132,
1988,
29918,
5550,
29918,
7056,
13367,
2965,
29918,
29907,
20161,
613,
2322,
13776,
13,
1678,
1723,
13,
1678,
7791,
8426,
1964,
29918,
20656,
29950,
29918,
29949,
20656,
29950,
29918,
1660,
22245,
9375,
353,
2295,
29898,
13,
4706,
376,
6156,
8426,
1964,
29918,
20656,
29950,
29918,
29949,
20656,
29950,
29918,
1660,
22245,
9375,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
1678,
1723,
13,
1678,
7791,
8426,
1964,
29918,
20656,
29950,
29918,
5850,
29902,
29918,
6007,
25021,
1001,
29918,
1660,
22245,
9375,
353,
2295,
29898,
13,
4706,
376,
6156,
8426,
1964,
29918,
20656,
29950,
29918,
5850,
29902,
29918,
6007,
25021,
1001,
29918,
1660,
22245,
9375,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
1678,
1723,
13,
13,
1678,
396,
4654,
29918,
22633,
29918,
5150,
2295,
6153,
304,
20999,
23785,
29889,
910,
338,
363,
848,
20332,
871,
29901,
13,
1678,
3446,
8193,
29928,
29918,
26092,
29979,
29918,
20656,
29950,
29918,
5607,
29928,
29918,
25903,
353,
2295,
703,
4690,
8193,
29928,
29918,
26092,
29979,
29918,
20656,
29950,
613,
2322,
29922,
8516,
29897,
13,
13,
1678,
565,
313,
13,
4706,
2295,
703,
4690,
8193,
29928,
29918,
26092,
29979,
29918,
20656,
29950,
29918,
8132,
1988,
29918,
29943,
2544,
3210,
29918,
13171,
5971,
29928,
29918,
8187,
4574,
29903,
613,
2322,
29922,
29906,
29946,
29892,
883,
2620,
29922,
524,
29897,
13,
4706,
338,
451,
6213,
13,
268,
1125,
13,
4706,
315,
6670,
24422,
15349,
1299,
29918,
29903,
3210,
3352,
29965,
1307,
3366,
22379,
29899,
29879,
8807,
29899,
19635,
3108,
353,
426,
13,
9651,
376,
7662,
1115,
376,
22585,
29918,
22633,
29918,
5150,
29889,
9155,
29918,
29879,
8807,
29918,
19635,
613,
13,
9651,
376,
816,
11272,
1115,
12865,
29889,
9346,
287,
2554,
29898,
13,
18884,
6199,
29922,
2917,
29898,
13,
462,
1678,
376,
4690,
8193,
29928,
29918,
26092,
29979,
29918,
20656,
29950,
29918,
8132,
1988,
29918,
29943,
2544,
3210,
29918,
13171,
5971,
29928,
29918,
8187,
4574,
29903,
613,
13,
462,
1678,
2322,
29922,
29906,
29946,
29892,
13,
462,
1678,
883,
2620,
29922,
524,
29892,
13,
18884,
1723,
13,
9651,
10353,
13,
4706,
500,
13,
13,
1678,
396,
450,
1494,
508,
367,
1304,
304,
22782,
263,
2888,
6464,
883,
411,
4654,
29918,
22633,
29918,
5150,
29889,
13,
1678,
396,
739,
881,
367,
263,
9657,
988,
278,
1820,
338,
263,
1734,
4502,
3025,
1577,
5150,
29918,
8269,
29922,
29892,
322,
278,
995,
338,
263,
13,
1678,
396,
9657,
411,
385,
11472,
525,
19024,
29918,
1989,
29915,
322,
263,
525,
2271,
4286,
13,
1678,
3446,
8193,
29928,
29918,
26092,
29979,
29918,
20656,
29950,
29918,
29907,
17321,
6488,
29918,
20656,
29950,
29918,
22051,
4345,
353,
2295,
29898,
13,
4706,
376,
4690,
8193,
29928,
29918,
26092,
29979,
29918,
20656,
29950,
29918,
29907,
17321,
6488,
29918,
20656,
29950,
29918,
22051,
4345,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
1678,
1723,
13,
13,
4136,
29937,
438,
20656,
29950,
29906,
1019,
5489,
835,
7346,
2277,
29937,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
29949,
20656,
29950,
29906,
29918,
8618,
13044,
1001,
29908,
1125,
13,
1678,
438,
20656,
29950,
29918,
29949,
1367,
29907,
29918,
29902,
1799,
29965,
1001,
353,
2295,
703,
29949,
20656,
29950,
29918,
29949,
1367,
29907,
29918,
29902,
1799,
29965,
1001,
613,
2322,
29922,
8516,
29897,
13,
1678,
438,
20656,
29950,
29918,
1430,
22051,
4741,
29918,
1660,
29907,
11499,
353,
2295,
703,
29949,
20656,
29950,
29918,
1430,
22051,
4741,
29918,
1660,
29907,
11499,
613,
2322,
29922,
5574,
29892,
883,
2620,
29922,
11227,
29897,
13,
1678,
438,
20656,
29950,
29918,
1430,
22051,
4741,
29918,
27205,
3919,
29918,
1660,
29907,
11499,
353,
2295,
29898,
13,
4706,
376,
29949,
20656,
29950,
29918,
1430,
22051,
4741,
29918,
27205,
3919,
29918,
1660,
29907,
11499,
613,
2322,
29922,
5574,
29892,
883,
2620,
29922,
11227,
13,
1678,
1723,
13,
13,
4136,
29937,
11033,
29963,
2190,
29907,
3352,
29918,
1660,
22484,
11937,
29918,
25903,
16101,
13,
3035,
29963,
2190,
29907,
3352,
29918,
1660,
22484,
11937,
29918,
25903,
353,
2295,
29898,
13,
1678,
376,
3035,
29963,
2190,
29907,
3352,
29918,
1660,
22484,
11937,
29918,
25903,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
4136,
29937,
21947,
29949,
29954,
1307,
13764,
1964,
29979,
29911,
2965,
29903,
3553,
29903,
16101,
13,
17080,
29949,
29954,
1307,
29918,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
2477,
18736,
353,
2295,
703,
17080,
29949,
29954,
1307,
29918,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
2477,
18736,
613,
2322,
29922,
8516,
29897,
13,
17080,
29949,
29954,
1307,
29918,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
23714,
29968,
3352,
1177,
353,
2295,
703,
17080,
29949,
29954,
1307,
29918,
2190,
1964,
29979,
29911,
2965,
29903,
29918,
23714,
29968,
3352,
1177,
613,
2322,
29922,
8516,
29897,
13,
13,
4136,
29937,
6418,
29911,
7833,
26664,
6670,
29979,
13756,
17637,
3553,
16101,
13,
14094,
7833,
26664,
6670,
29979,
29918,
8618,
17637,
29918,
1367,
353,
2295,
703,
14094,
7833,
26664,
6670,
29979,
29918,
8618,
17637,
29918,
1367,
613,
2322,
29922,
14094,
7833,
26664,
6670,
29979,
29918,
8618,
17637,
29918,
1367,
29897,
13,
13,
4136,
6325,
344,
2169,
8306,
5920,
3309,
3191,
13,
18166,
9047,
29934,
8098,
29918,
16524,
29918,
19433,
353,
2295,
703,
18166,
9047,
29934,
8098,
29918,
16524,
29918,
19433,
613,
2322,
29922,
29947,
29892,
883,
2620,
29922,
524,
29897,
13,
13,
29937,
5195,
29954,
9047,
29934,
8098,
4810,
2287,
29903,
28657,
29925,
18799,
2672,
19094,
8098,
13,
1177,
24898,
12107,
29918,
29907,
1955,
29925,
29918,
17744,
26785,
353,
2295,
703,
1177,
24898,
12107,
29918,
29907,
1955,
29925,
29918,
17744,
26785,
613,
2322,
29922,
1177,
24898,
12107,
29918,
29907,
1955,
29925,
29918,
17744,
26785,
29897,
13,
1177,
24898,
12107,
29918,
7228,
29979,
13780,
29918,
1177,
10810,
29965,
9838,
29903,
353,
2295,
29898,
13,
1678,
376,
1177,
24898,
12107,
29918,
7228,
29979,
13780,
29918,
1177,
10810,
29965,
9838,
29903,
613,
2322,
29922,
1177,
24898,
12107,
29918,
7228,
29979,
13780,
29918,
1177,
10810,
29965,
9838,
29903,
13,
29897,
13,
13,
29937,
8449,
2130,
29889,
2272,
10751,
2983,
304,
1423,
29936,
13,
29937,
1334,
2322,
445,
304,
278,
25000,
10751,
525,
4149,
29918,
9933,
4286,
13,
3217,
4574,
1660,
29918,
23972,
1964,
29949,
29954,
29918,
28607,
8979,
6227,
11937,
29918,
13171,
10403,
13507,
353,
2295,
29898,
13,
1678,
376,
3217,
4574,
1660,
29918,
23972,
1964,
29949,
29954,
29918,
28607,
8979,
6227,
11937,
29918,
13171,
10403,
13507,
613,
2322,
29922,
3217,
4574,
1660,
29918,
23972,
1964,
29949,
29954,
29918,
28607,
8979,
6227,
11937,
29918,
13171,
10403,
13507,
13,
29897,
13,
3217,
4574,
1660,
29918,
2882,
12015,
29918,
28607,
8979,
6227,
11937,
29918,
13171,
10403,
13507,
353,
2295,
29898,
13,
1678,
376,
3217,
4574,
1660,
29918,
2882,
12015,
29918,
28607,
8979,
6227,
11937,
29918,
13171,
10403,
13507,
613,
2322,
29922,
3217,
4574,
1660,
29918,
2882,
12015,
29918,
28607,
8979,
6227,
11937,
29918,
13171,
10403,
13507,
13,
29897,
13,
13,
29937,
1174,
1245,
358,
3450,
28540,
5974,
449,
13,
1430,
1672,
2208,
13780,
29918,
3217,
4574,
1660,
29918,
2287,
6040,
6227,
29903,
29918,
29907,
2477,
9606,
29918,
15307,
12015,
353,
2295,
29898,
13,
1678,
376,
1430,
1672,
2208,
13780,
29918,
3217,
4574,
1660,
29918,
2287,
6040,
6227,
29903,
29918,
29907,
2477,
9606,
29918,
15307,
12015,
613,
2322,
29922,
29953,
29900,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
13,
29937,
11328,
5195,
4741,
5690,
29911,
29914,
1177,
24898,
12107,
438,
5348,
29934,
1367,
2890,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
6040,
29990,
29918,
1367,
353,
2295,
703,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
6040,
29990,
29918,
1367,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
6040,
29990,
29918,
1367,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
5800,
2891,
1001,
29918,
16975,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
5800,
2891,
1001,
29918,
16975,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
5800,
2891,
1001,
29918,
16975,
13,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
23711,
13875,
7833,
1001,
29918,
16975,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
23711,
13875,
7833,
1001,
29918,
16975,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
23711,
13875,
7833,
1001,
29918,
16975,
13,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
12809,
2208,
4214,
29918,
17744,
26785,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
12809,
2208,
4214,
29918,
17744,
26785,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
12809,
2208,
4214,
29918,
17744,
26785,
13,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
4945,
4345,
29918,
9468,
29918,
6007,
29928,
22122,
29903,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
4945,
4345,
29918,
9468,
29918,
6007,
29928,
22122,
29903,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
4945,
4345,
29918,
9468,
29918,
6007,
29928,
22122,
29903,
13,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
6040,
29990,
29918,
1367,
29918,
24461,
6670,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
6040,
29990,
29918,
1367,
29918,
24461,
6670,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
6040,
29990,
29918,
1367,
29918,
24461,
6670,
13,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
14480,
29949,
29918,
10145,
353,
2295,
703,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
14480,
29949,
29918,
10145,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
14480,
29949,
29918,
10145,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
3217,
15176,
9468,
29918,
14480,
29949,
29918,
10145,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
3217,
15176,
9468,
29918,
14480,
29949,
29918,
10145,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
3217,
15176,
9468,
29918,
14480,
29949,
29918,
10145,
13,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
14480,
29949,
29918,
9606,
22530,
29918,
7428,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
14480,
29949,
29918,
9606,
22530,
29918,
7428,
613,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
14480,
29949,
29918,
9606,
22530,
29918,
7428,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
3217,
15176,
9468,
29918,
14480,
29949,
29918,
9606,
22530,
29918,
7428,
353,
2295,
29898,
13,
1678,
376,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
3217,
15176,
9468,
29918,
14480,
29949,
29918,
9606,
22530,
29918,
7428,
613,
13,
1678,
2322,
29922,
8493,
29918,
1525,
4741,
5690,
29911,
29918,
3217,
15176,
9468,
29918,
14480,
29949,
29918,
9606,
22530,
29918,
7428,
29892,
13,
1678,
883,
2620,
29922,
524,
29892,
13,
29897,
13,
13,
361,
313,
13,
1678,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
3217,
4574,
1660,
12982,
1525,
29918,
1660,
1718,
3210,
1159,
13,
1678,
470,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
29928,
24943,
8456,
17011,
29918,
1660,
1718,
3210,
1159,
13,
1678,
470,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
3217,
4574,
1660,
29918,
23711,
3217,
5348,
29979,
1159,
13,
1678,
470,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
4330,
29909,
4345,
1159,
13,
1125,
13,
1678,
396,
4803,
1260,
6288,
7974,
408,
278,
2740,
6012,
1244,
262,
13,
1678,
3725,
1718,
3210,
29918,
1430,
29954,
8895,
353,
376,
4478,
29889,
295,
6288,
29889,
29923,
4230,
293,
7974,
12412,
29908,
13,
13,
29923,
4375,
1254,
2965,
29918,
1660,
1718,
3210,
29918,
25903,
353,
2295,
29898,
13,
1678,
376,
29923,
4375,
1254,
2965,
29918,
1660,
1718,
3210,
29918,
25903,
613,
2322,
11759,
8875,
1402,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
29937,
13327,
623,
13,
29943,
11538,
8456,
8949,
29918,
8787,
29918,
16358,
353,
2295,
703,
29943,
11538,
8456,
8949,
29918,
8787,
29918,
16358,
613,
2322,
29922,
8516,
29897,
13,
29943,
11538,
8456,
8949,
29918,
20576,
29918,
1660,
22245,
29911,
353,
2295,
703,
29943,
11538,
8456,
8949,
29918,
20576,
29918,
1660,
22245,
29911,
613,
2322,
29922,
8516,
29897,
13,
29943,
11538,
8456,
8949,
29918,
20576,
29918,
1367,
353,
2295,
703,
29943,
11538,
8456,
8949,
29918,
20576,
29918,
1367,
613,
2322,
29922,
8516,
29897,
13,
13,
29990,
29933,
21339,
29918,
10490,
29911,
4214,
29903,
353,
2295,
703,
29990,
29933,
21339,
29918,
10490,
29911,
4214,
29903,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
29990,
29933,
21339,
29918,
10490,
29911,
4214,
29903,
29889,
842,
4381,
703,
15167,
19124,
613,
426,
1800,
3366,
506,
575,
292,
29918,
17590,
3108,
353,
383,
29923,
1299,
11499,
29903,
29889,
657,
29898,
13,
1678,
376,
27888,
1430,
29903,
4214,
613,
7700,
13,
29897,
13,
29990,
29933,
21339,
29918,
10490,
29911,
4214,
29903,
29889,
842,
4381,
703,
15167,
7355,
613,
426,
1800,
3366,
29979,
12015,
7466,
29923,
29918,
8787,
29918,
10818,
3108,
353,
2295,
29898,
13,
1678,
376,
29979,
12015,
7466,
29923,
29918,
8787,
29918,
10818,
613,
2322,
29922,
29979,
12015,
7466,
29923,
29918,
8787,
29918,
10818,
13,
29897,
13,
13,
4136,
29937,
7307,
29940,
8528,
13171,
7833,
3919,
29914,
22877,
1806,
1955,
4214,
383,
4375,
10749,
16101,
13,
6530,
29940,
29918,
13044,
29923,
29949,
29918,
4219,
29903,
353,
2295,
703,
6530,
29940,
29918,
13044,
29923,
29949,
29918,
4219,
29903,
613,
2322,
29922,
6530,
29940,
29918,
13044,
29923,
29949,
29918,
4219,
29903,
29897,
13,
1164,
29428,
29918,
15349,
2477,
1164,
29918,
8132,
3580,
1307,
29918,
29934,
3040,
353,
2295,
29898,
13,
1678,
376,
1164,
29428,
29918,
15349,
2477,
1164,
29918,
8132,
3580,
1307,
29918,
29934,
3040,
613,
2322,
29922,
1164,
29428,
29918,
15349,
2477,
1164,
29918,
8132,
3580,
1307,
29918,
29934,
3040,
13,
29897,
13,
13,
4136,
29937,
382,
3217,
7428,
1001,
4741,
3450,
8707,
18667,
4574,
8098,
11368,
29911,
4214,
29903,
16101,
13,
29923,
3217,
7428,
1001,
4741,
29918,
7056,
13367,
2965,
29918,
4219,
29918,
21289,
353,
2295,
29898,
13,
1678,
376,
29923,
3217,
7428,
1001,
4741,
29918,
7056,
13367,
2965,
29918,
4219,
29918,
21289,
613,
2322,
29922,
29923,
3217,
7428,
1001,
4741,
29918,
7056,
13367,
2965,
29918,
4219,
29918,
21289,
13,
29897,
13,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
4219,
353,
2295,
703,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
4219,
613,
2322,
29922,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
4219,
29897,
13,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
15307,
12015,
353,
2295,
29898,
13,
1678,
376,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
15307,
12015,
613,
2322,
29922,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
15307,
12015,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
29923,
3217,
7428,
1001,
4741,
29918,
6304,
19059,
29918,
11686,
29968,
1001,
29918,
11889,
5813,
353,
2295,
29898,
13,
1678,
376,
29923,
3217,
7428,
1001,
4741,
29918,
6304,
19059,
29918,
11686,
29968,
1001,
29918,
11889,
5813,
613,
2322,
29922,
29923,
3217,
7428,
1001,
4741,
29918,
6304,
19059,
29918,
11686,
29968,
1001,
29918,
11889,
5813,
13,
29897,
13,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
15307,
12015,
353,
2295,
703,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
15307,
12015,
613,
2322,
29922,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
15307,
12015,
29897,
13,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
5425,
20728,
4214,
29918,
10818,
353,
2295,
29898,
13,
1678,
376,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
5425,
20728,
4214,
29918,
10818,
613,
2322,
29922,
29923,
3217,
7428,
1001,
4741,
29918,
8787,
29918,
5425,
20728,
4214,
29918,
10818,
13,
29897,
13,
13,
4136,
29937,
8701,
315,
29781,
363,
2155,
29990,
16101,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
29907,
17321,
6488,
29918,
3217,
4574,
1660,
29903,
29918,
3352,
29990,
29908,
1125,
13,
1678,
2672,
1254,
1964,
20566,
29918,
3301,
7024,
4619,
4852,
29880,
1516,
29889,
14095,
13371,
29889,
617,
29916,
613,
29897,
13,
1678,
9338,
27286,
29918,
29949,
5348,
29934,
22027,
29918,
8618,
13044,
23598,
4619,
313,
13,
4706,
376,
29880,
1516,
29889,
14095,
13371,
29889,
617,
29916,
29889,
957,
24040,
29889,
7281,
29907,
29781,
2831,
3853,
29916,
4640,
6980,
613,
13,
1678,
1723,
13,
4174,
29990,
29918,
12648,
29918,
1254,
15789,
3919,
29903,
29918,
1964,
27998,
3352,
353,
2295,
29898,
13,
1678,
376,
4174,
29990,
29918,
12648,
29918,
1254,
15789,
3919,
29903,
29918,
1964,
27998,
3352,
613,
2322,
29922,
4174,
29990,
29918,
12648,
29918,
1254,
15789,
3919,
29903,
29918,
1964,
27998,
3352,
13,
29897,
13,
13,
4136,
29937,
1894,
23352,
16809,
4712,
7338,
5580,
16101,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1177,
4571,
13044,
29965,
1964,
29918,
29928,
4462,
29918,
25832,
2890,
29908,
1125,
13,
1678,
9338,
27286,
29918,
29949,
5348,
29934,
22027,
29918,
8618,
13044,
23598,
4619,
313,
13,
4706,
376,
15775,
2519,
29889,
18945,
29918,
2671,
29918,
957,
24040,
29889,
2568,
23352,
20791,
4640,
6980,
613,
13,
1678,
1723,
13,
13,
4136,
29937,
21782,
29899,
29925,
562,
287,
6325,
344,
16809,
360,
1078,
16101,
13,
3738,
27286,
29918,
29949,
5348,
29934,
22027,
29918,
8618,
13044,
23598,
4619,
313,
13,
1678,
376,
15775,
2519,
29889,
1311,
29918,
29886,
562,
287,
29918,
957,
24040,
29889,
24313,
29925,
562,
287,
2539,
4640,
6980,
613,
13,
29897,
13,
13,
29937,
13756,
7724,
306,
1529,
1692,
8707,
18667,
13,
8618,
7724,
29918,
2382,
29918,
29933,
11375,
11794,
353,
2295,
703,
8618,
7724,
29918,
2382,
29918,
29933,
11375,
11794,
613,
2322,
29922,
8618,
7724,
29918,
2382,
29918,
29933,
11375,
11794,
29897,
13,
8618,
7724,
29918,
2382,
29918,
1660,
22245,
29911,
29918,
10818,
353,
2295,
29898,
13,
1678,
376,
8618,
7724,
29918,
2382,
29918,
1660,
22245,
29911,
29918,
10818,
613,
2322,
29922,
8618,
7724,
29918,
2382,
29918,
1660,
22245,
29911,
29918,
10818,
13,
29897,
13,
8618,
7724,
29918,
2382,
29918,
12648,
29918,
22716,
29911,
2890,
353,
2295,
29898,
13,
1678,
376,
8618,
7724,
29918,
2382,
29918,
12648,
29918,
22716,
29911,
2890,
613,
2322,
29922,
8618,
7724,
29918,
2382,
29918,
12648,
29918,
22716,
29911,
2890,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
8618,
7724,
29918,
2382,
29918,
16173,
29918,
22716,
29911,
2890,
353,
2295,
29898,
13,
1678,
376,
8618,
7724,
29918,
2382,
29918,
16173,
29918,
22716,
29911,
2890,
613,
2322,
29922,
8618,
7724,
29918,
2382,
29918,
16173,
29918,
22716,
29911,
2890,
29892,
883,
2620,
29922,
524,
13,
29897,
13,
8618,
7724,
29918,
2382,
29918,
23397,
29918,
7724,
5813,
353,
376,
8346,
29914,
771,
5325,
29914,
4381,
29908,
13,
13,
29937,
2155,
29916,
3664,
267,
2295,
13,
13,
3352,
29990,
12256,
2890,
29918,
7056,
13367,
2965,
29918,
8787,
353,
2295,
703,
3352,
29990,
12256,
2890,
29918,
7056,
13367,
2965,
29918,
8787,
613,
2322,
29922,
3352,
29990,
12256,
2890,
29918,
7056,
13367,
2965,
29918,
8787,
29897,
13,
3352,
29990,
12256,
2890,
29918,
23845,
29940,
1964,
29918,
8787,
353,
2295,
703,
3352,
29990,
12256,
2890,
29918,
23845,
29940,
1964,
29918,
8787,
613,
2322,
29922,
3352,
29990,
12256,
2890,
29918,
23845,
29940,
1964,
29918,
8787,
29897,
13,
13,
4136,
29937,
24596,
277,
1019,
5489,
17100,
362,
16101,
13,
13,
29907,
19386,
1806,
29918,
8618,
13044,
1001,
29918,
1660,
22245,
29911,
29918,
10818,
29903,
353,
2295,
29898,
13,
1678,
376,
29907,
19386,
1806,
29918,
8618,
13044,
1001,
29918,
1660,
22245,
29911,
29918,
10818,
29903,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
13383,
4136,
29937,
365,
24301,
1019,
5489,
835,
13383,
2277,
13,
361,
383,
29923,
1299,
11499,
29903,
29889,
657,
703,
1430,
6181,
29918,
5850,
29902,
29918,
8618,
13044,
1001,
29908,
1125,
13,
1678,
2672,
1254,
1964,
20566,
29918,
3301,
7024,
4619,
4852,
1896,
29875,
29918,
18121,
613,
29897,
13,
13,
5850,
29902,
29918,
11889,
29918,
26862,
6227,
29918,
3970,
29032,
353,
2295,
703,
5850,
29902,
29918,
11889,
29918,
26862,
6227,
29918,
3970,
29032,
613,
2322,
543,
1896,
29875,
29889,
4773,
29889,
510,
1159,
13,
13,
29937,
1152,
901,
5235,
373,
445,
29892,
1074,
278,
11486,
297,
3619,
29889,
2272,
13,
5850,
29902,
29918,
10051,
29954,
18166,
3040,
29918,
29903,
3217,
1525,
29918,
29925,
3289,
1744,
11375,
29918,
2287,
18799,
353,
2295,
29898,
13,
1678,
376,
5850,
29902,
29918,
10051,
29954,
18166,
3040,
29918,
29903,
3217,
1525,
29918,
29925,
3289,
1744,
11375,
29918,
2287,
18799,
613,
2322,
29922,
5850,
29902,
29918,
10051,
29954,
18166,
3040,
29918,
29903,
3217,
1525,
29918,
29925,
3289,
1744,
11375,
29918,
2287,
18799,
13,
29897,
13,
13,
13383,
4136,
29937,
24596,
277,
1019,
5489,
1371,
1544,
835,
13383,
29937,
13,
29907,
19386,
1806,
29918,
29950,
6670,
29925,
29918,
23714,
29968,
29918,
4219,
353,
2295,
703,
29907,
19386,
1806,
29918,
29950,
6670,
29925,
29918,
23714,
29968,
29918,
4219,
613,
2322,
29922,
29907,
19386,
1806,
29918,
29950,
6670,
29925,
29918,
23714,
29968,
29918,
4219,
29897,
13,
13,
4136,
435,
17755,
5285,
3191,
13,
29967,
17755,
29918,
29902,
1799,
29965,
1001,
353,
2295,
703,
29967,
17755,
29918,
29902,
1799,
29965,
1001,
613,
2322,
29922,
29967,
17755,
29918,
29902,
1799,
29965,
1001,
29897,
13,
29967,
17755,
29918,
5746,
2227,
29934,
8098,
353,
2295,
703,
29967,
17755,
29918,
5746,
2227,
29934,
8098,
613,
2322,
29922,
29967,
17755,
29918,
5746,
2227,
29934,
8098,
29897,
13,
13,
13383,
29937,
13756,
1783,
1955,
4214,
8707,
18667,
4574,
8098,
835,
7346,
4136,
2277,
29937,
13,
13,
8618,
1783,
1955,
4214,
29918,
29933,
11375,
11794,
29918,
8618,
13044,
1001,
353,
2295,
29898,
13,
1678,
376,
8618,
1783,
1955,
4214,
29918,
29933,
11375,
11794,
29918,
8618,
13044,
1001,
613,
2322,
29922,
8618,
1783,
1955,
4214,
29918,
29933,
11375,
11794,
29918,
8618,
13044,
1001,
13,
29897,
13,
8618,
1783,
1955,
4214,
29918,
10490,
29911,
4214,
29903,
353,
2295,
29898,
13,
1678,
376,
8618,
1783,
1955,
4214,
29918,
10490,
29911,
4214,
29903,
613,
2322,
29922,
8618,
1783,
1955,
4214,
29918,
10490,
29911,
4214,
29903,
29892,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
13383,
29937,
341,
2965,
1672,
29903,
9094,
835,
13383,
29937,
13,
29924,
2965,
1672,
29903,
9094,
29918,
25903,
4574,
8098,
353,
2295,
29898,
13,
1678,
376,
29924,
2965,
1672,
29903,
9094,
29918,
25903,
4574,
8098,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
29924,
2965,
1672,
29903,
9094,
29918,
21289,
29918,
9464,
353,
2224,
29898,
2917,
703,
29924,
2965,
1672,
29903,
9094,
29918,
21289,
29918,
9464,
613,
2322,
543,
5783,
13,
13,
29937,
315,
329,
2696,
2635,
363,
16690,
292,
12990,
277,
23199,
1078,
13,
361,
2295,
703,
29909,
15789,
1806,
29918,
29907,
20161,
29918,
29907,
2692,
27681,
29918,
6248,
613,
2322,
29922,
8516,
1125,
13,
1678,
319,
15789,
1806,
29918,
29907,
20161,
29918,
29907,
2692,
27681,
29918,
6248,
353,
2635,
4422,
29889,
16680,
29889,
5510,
29898,
13,
4706,
2295,
703,
29909,
15789,
1806,
29918,
29907,
20161,
29918,
29907,
2692,
27681,
29918,
6248,
613,
2322,
29922,
29909,
15789,
1806,
29918,
29907,
20161,
29918,
29907,
2692,
27681,
29918,
6248,
29897,
13,
1678,
1723,
13,
13,
13383,
8707,
18667,
4574,
6181,
365,
24301,
8707,
25021,
1001,
835,
7346,
4136,
13,
13,
29937,
3462,
925,
278,
3918,
365,
24301,
21691,
491,
2322,
29892,
28172,
372,
304,
1722,
297,
263,
716,
3474,
322,
2244,
13,
29937,
278,
1404,
1434,
9348,
4876,
322,
8952,
29901,
13,
5850,
29902,
29918,
29990,
29933,
21339,
29918,
25903,
4574,
8098,
29903,
353,
2295,
29898,
13,
1678,
376,
5850,
29902,
29918,
29990,
29933,
21339,
29918,
25903,
4574,
8098,
29903,
613,
13,
1678,
2322,
11759,
13,
4706,
426,
13,
9651,
376,
4990,
29918,
978,
1115,
376,
5850,
29902,
21691,
613,
13,
9651,
376,
11037,
1115,
376,
5575,
613,
13,
9651,
376,
10892,
29918,
9621,
1115,
518,
13,
18884,
376,
1278,
29918,
517,
29918,
6717,
29918,
5269,
613,
13,
18884,
376,
1278,
29918,
517,
29918,
6717,
29918,
6786,
613,
13,
18884,
376,
1482,
29918,
7165,
613,
13,
9651,
21251,
13,
9651,
376,
4381,
29879,
1115,
426,
13,
18884,
376,
1278,
29918,
517,
29918,
6717,
29918,
5269,
1115,
5852,
29892,
13,
18884,
376,
1278,
29918,
517,
29918,
6717,
29918,
6786,
1115,
5852,
29892,
13,
18884,
376,
15343,
29918,
5182,
1115,
376,
1482,
29918,
7165,
613,
13,
9651,
2981,
13,
4706,
500,
13,
1678,
21251,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
5850,
29902,
29918,
29990,
29933,
21339,
29918,
1660,
22245,
9375,
353,
2295,
703,
5850,
29902,
29918,
29990,
29933,
21339,
29918,
1660,
22245,
9375,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
13383,
13383,
383,
3904,
6433,
835,
13383,
7346,
4136,
29937,
13,
13,
29903,
9094,
29918,
26865,
29902,
13566,
353,
376,
29880,
1516,
29908,
13,
13,
29937,
16738,
29915,
29879,
1024,
8833,
297,
383,
3904,
29915,
29879,
1250,
20205,
13,
25838,
8193,
1164,
13780,
353,
2295,
703,
25838,
8193,
1164,
13780,
613,
2322,
543,
1217,
731,
1159,
13,
13,
25416,
29918,
21289,
353,
2224,
11974,
287,
29916,
29914,
932,
29914,
287,
29916,
932,
29914,
1159,
13,
13,
29937,
13811,
29899,
13371,
5285,
13,
25580,
1964,
20566,
29918,
3301,
7024,
4619,
313,
13,
1678,
376,
1627,
20205,
613,
13,
1678,
376,
8704,
689,
613,
13,
1678,
376,
384,
15204,
613,
13,
1678,
376,
15775,
29918,
14592,
3377,
613,
13,
1678,
376,
15775,
29918,
12292,
613,
13,
1678,
376,
29883,
29781,
29918,
2754,
613,
13,
1678,
376,
29883,
29781,
613,
13,
1678,
376,
29872,
8995,
29918,
386,
17771,
2234,
613,
13,
1678,
376,
287,
29916,
29918,
479,
29874,
613,
13,
1678,
376,
23343,
29918,
21570,
29560,
613,
13,
1678,
376,
7692,
29918,
2754,
613,
13,
1678,
376,
7692,
29918,
6327,
928,
1078,
613,
13,
1678,
376,
7692,
29918,
2611,
1247,
272,
613,
13,
1678,
376,
7692,
613,
13,
1678,
376,
7692,
2746,
613,
13,
1678,
376,
29882,
388,
1429,
613,
13,
1678,
376,
8247,
339,
15019,
613,
13,
1678,
376,
15753,
18798,
613,
13,
1678,
376,
5630,
29918,
7611,
613,
13,
1678,
376,
27825,
29918,
2754,
613,
13,
1678,
376,
27825,
613,
13,
1678,
376,
29886,
545,
29918,
13573,
3381,
613,
13,
1678,
376,
336,
854,
29889,
21570,
29889,
14095,
29889,
336,
854,
29918,
12667,
613,
13,
1678,
376,
5060,
29918,
4468,
29889,
1300,
400,
4476,
613,
13,
1678,
376,
371,
496,
414,
613,
13,
1678,
376,
14540,
1907,
613,
13,
1678,
376,
29894,
680,
26555,
29454,
613,
13,
29897,
13,
13,
21289,
29918,
4219,
6007,
29943,
353,
376,
7692,
29889,
29880,
1516,
29889,
26045,
29908,
13,
13,
29937,
6376,
630,
4385,
347,
7481,
3142,
13,
7390,
1299,
19094,
29918,
29934,
2965,
29950,
8673,
29918,
4219,
353,
2295,
703,
7390,
1299,
19094,
29918,
29934,
2965,
29950,
8673,
29918,
4219,
613,
2322,
29922,
8516,
29897,
13,
13,
29937,
11389,
1429,
5285,
313,
4381,
338,
13114,
1985,
5285,
29897,
13,
15715,
29979,
1254,
11375,
29918,
6007,
8186,
9838,
29903,
353,
2295,
29898,
13,
1678,
376,
15715,
29979,
1254,
11375,
29918,
6007,
8186,
9838,
29903,
613,
13,
1678,
2322,
3790,
13,
4706,
376,
4381,
1115,
8853,
1430,
29954,
8895,
1115,
376,
29883,
29781,
29889,
4478,
29918,
2248,
267,
29889,
3991,
21115,
29923,
4230,
293,
7974,
12412,
9092,
13,
1678,
2981,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
29892,
13,
29897,
13,
13,
7077,
12378,
1955,
29918,
4897,
29428,
29918,
10145,
353,
376,
6904,
29908,
13,
7077,
12378,
1955,
29918,
6007,
3738,
10749,
353,
426,
13,
1678,
376,
4381,
1115,
426,
13,
4706,
376,
10154,
1646,
1115,
518,
13,
9651,
518,
13,
18884,
376,
25263,
29877,
613,
13,
18884,
376,
9039,
29877,
613,
13,
18884,
11663,
613,
13,
18884,
376,
29933,
1025,
613,
13,
18884,
376,
10512,
293,
613,
13,
18884,
376,
29177,
1220,
613,
13,
18884,
11663,
613,
13,
18884,
376,
6595,
613,
13,
18884,
376,
2525,
2324,
613,
13,
18884,
376,
24458,
613,
13,
18884,
11663,
613,
13,
18884,
376,
5809,
613,
13,
18884,
11663,
613,
13,
18884,
376,
5592,
514,
5596,
261,
613,
13,
18884,
376,
4421,
388,
29873,
613,
13,
18884,
11663,
613,
13,
18884,
376,
7976,
326,
675,
613,
13,
9651,
21251,
13,
9651,
518,
13,
18884,
376,
24932,
10740,
613,
13,
18884,
11663,
613,
13,
18884,
376,
3562,
613,
13,
18884,
11663,
613,
13,
18884,
376,
29933,
352,
22742,
1293,
613,
13,
18884,
376,
4557,
287,
1293,
613,
13,
18884,
11663,
613,
13,
18884,
376,
29907,
329,
613,
13,
18884,
376,
11882,
613,
13,
18884,
376,
29925,
4350,
613,
13,
18884,
376,
29925,
4350,
1626,
613,
13,
18884,
376,
29925,
4350,
4591,
14463,
613,
13,
18884,
11663,
613,
13,
18884,
376,
24780,
5914,
613,
13,
18884,
11663,
613,
13,
18884,
376,
4435,
613,
13,
9651,
21251,
13,
4706,
21251,
13,
4706,
376,
10154,
1646,
6028,
1625,
13938,
1115,
7700,
29892,
13,
4706,
376,
296,
1907,
1115,
7700,
29892,
13,
4706,
376,
2103,
1115,
29871,
29929,
29945,
29945,
29892,
13,
4706,
376,
1481,
3306,
1115,
12305,
29929,
2882,
29947,
29943,
29941,
613,
13,
1678,
2981,
13,
1678,
376,
15753,
1115,
426,
13,
4706,
396,
4367,
1389,
457,
2224,
988,
278,
9763,
4558,
29914,
5325,
526,
20373,
29889,
910,
723,
13,
4706,
396,
2253,
367,
2309,
472,
10073,
411,
278,
525,
24244,
29915,
740,
29892,
541,
13,
4706,
396,
15428,
727,
338,
694,
982,
2820,
16184,
445,
297,
278,
6055,
13,
4706,
396,
934,
29889,
13,
4706,
376,
1445,
15965,
17553,
5983,
1115,
5591,
15753,
29914,
384,
15204,
29914,
9009,
29914,
613,
13,
4706,
376,
1445,
15965,
29933,
798,
344,
5983,
1115,
5591,
15753,
29914,
384,
15204,
29914,
23721,
344,
29914,
613,
13,
4706,
376,
10154,
1646,
29918,
13658,
1115,
518,
13,
9651,
518,
13,
18884,
376,
855,
5577,
613,
13,
18884,
376,
5809,
613,
13,
18884,
376,
29933,
1025,
613,
13,
18884,
376,
10512,
293,
613,
13,
18884,
376,
29177,
1220,
613,
13,
18884,
376,
855,
20995,
613,
13,
18884,
376,
5592,
514,
5596,
261,
613,
13,
18884,
376,
25263,
29877,
613,
13,
18884,
376,
9039,
29877,
613,
13,
9651,
21251,
13,
9651,
6796,
2940,
613,
376,
8754,
1161,
613,
376,
3562,
613,
376,
24932,
10740,
12436,
13,
9651,
6796,
4557,
287,
1293,
613,
376,
29933,
352,
22742,
1293,
613,
376,
7445,
1396,
613,
376,
1626,
3306,
613,
376,
29933,
29954,
3306,
12436,
13,
9651,
6796,
12636,
15168,
613,
376,
24780,
5914,
12436,
13,
9651,
6796,
4435,
12436,
13,
4706,
21251,
13,
1678,
2981,
13,
29913,
13,
13,
29937,
835,
383,
3904,
29899,
3301,
7024,
11368,
29911,
4214,
29903,
835,
13,
13,
29937,
910,
338,
1320,
29899,
8318,
2224,
988,
599,
2090,
29899,
13371,
526,
13,
29943,
3904,
29918,
25416,
29918,
21289,
353,
2224,
29898,
359,
29889,
2084,
29889,
25721,
29898,
15865,
4422,
29889,
657,
29918,
12657,
703,
7692,
2746,
2564,
9507,
876,
13,
23498,
19386,
29918,
21289,
353,
360,
8254,
29918,
9464,
847,
376,
12366,
29908,
13,
13,
29937,
3462,
383,
3904,
8324,
17475,
17525,
304,
14861,
29968,
29949,
4472,
1284,
261,
1434,
1226,
29990,
29915,
29879,
6743,
13,
1529,
29968,
29949,
29918,
4330,
3580,
29931,
1299,
2890,
3366,
3396,
3108,
353,
518,
13,
1678,
396,
975,
24040,
4472,
297,
1226,
29916,
29899,
12120,
29914,
29880,
1516,
29914,
20943,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
7692,
2746,
29914,
20943,
29914,
29880,
1516,
613,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
7692,
2746,
29914,
20943,
613,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
15775,
29918,
12292,
29914,
20943,
613,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
27825,
29914,
20943,
613,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
15775,
29918,
14592,
3377,
29914,
20943,
613,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
15753,
18798,
29914,
20943,
613,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
7692,
29918,
6327,
928,
1078,
29914,
20943,
613,
13,
29962,
718,
14861,
29968,
29949,
29918,
4330,
3580,
29931,
1299,
2890,
3366,
3396,
3108,
13,
13,
29937,
7649,
2294,
5712,
13,
23397,
29918,
4330,
3580,
29931,
3040,
29918,
1430,
29954,
8895,
3366,
9464,
29903,
16862,
4397,
29898,
29943,
3904,
29918,
25416,
29918,
21289,
847,
376,
7692,
2746,
29914,
20943,
29914,
29880,
1516,
1159,
13,
13,
29943,
3904,
29918,
29903,
1529,
2208,
29918,
14480,
29949,
29918,
1525,
29931,
1299,
18474,
29918,
10145,
353,
376,
7692,
2746,
29914,
8346,
29914,
1188,
359,
29914,
7692,
4346,
542,
29896,
29955,
29941,
29889,
2732,
29908,
13,
29943,
3904,
29918,
29933,
6259,
29918,
14480,
29949,
29918,
1525,
29931,
1299,
18474,
29918,
10145,
353,
376,
7692,
2746,
29914,
8346,
29914,
1188,
359,
29914,
7692,
4346,
542,
18091,
29889,
2732,
29908,
13,
4519,
29963,
2965,
1164,
29918,
10145,
353,
376,
7692,
29914,
8346,
29914,
29888,
485,
4144,
29889,
1417,
29908,
13,
13,
29937,
5976,
744,
10898,
13,
29937,
2266,
591,
10683,
11247,
29907,
1964,
29918,
10145,
29903,
304,
2367,
9399,
663,
304,
1749,
8324,
2038,
1226,
29916,
29899,
12120,
29915,
29879,
6743,
29892,
13,
29937,
769,
591,
788,
921,
1271,
29879,
607,
3867,
5578,
800,
408,
727,
338,
694,
7531,
13336,
304,
4386,
445,
13,
29937,
2823,
1060,
1271,
474,
29896,
29947,
29876,
29901,
1732,
597,
1636,
29889,
492,
1030,
2689,
29889,
12932,
29914,
29906,
29900,
29896,
29955,
29914,
29896,
29906,
29914,
29900,
29953,
29914,
287,
29916,
29899,
3286,
18411,
29914,
13,
16652,
1964,
26664,
3352,
29918,
29943,
3904,
29918,
3301,
7024,
353,
518,
13,
1678,
376,
1627,
20205,
613,
13,
1678,
376,
15775,
29918,
14592,
3377,
613,
13,
1678,
376,
15775,
29918,
12292,
613,
13,
1678,
376,
29883,
29781,
613,
13,
1678,
376,
7692,
29918,
2754,
613,
13,
1678,
376,
7692,
29918,
6327,
928,
1078,
613,
13,
1678,
376,
7692,
2746,
613,
13,
1678,
376,
15753,
18798,
613,
13,
1678,
376,
27825,
613,
13,
1678,
376,
14540,
1907,
613,
13,
1678,
376,
29894,
680,
26555,
29454,
613,
13,
29962,
13,
3927,
5454,
1307,
29918,
10145,
29903,
353,
518,
29943,
3904,
29918,
25416,
29918,
21289,
847,
623,
847,
376,
23337,
29908,
363,
623,
297,
11247,
29907,
1964,
26664,
3352,
29918,
29943,
3904,
29918,
3301,
7024,
29962,
13,
3927,
5454,
1307,
29918,
10145,
29903,
29889,
4397,
29898,
1525,
13152,
29918,
21289,
847,
376,
5527,
29914,
23337,
1159,
29871,
396,
1226,
29916,
29899,
12120,
1887,
267,
13,
3927,
5454,
1307,
29918,
10145,
29903,
29889,
4397,
29898,
2084,
29898,
15865,
4422,
29889,
657,
29918,
12657,
703,
771,
2801,
29918,
735,
314,
2564,
9507,
29897,
847,
376,
23337,
1159,
13,
13,
29937,
1192,
18410,
928,
1078,
13,
29907,
20161,
6545,
2965,
1299,
2890,
29918,
4571,
26282,
18929,
29918,
5813,
353,
376,
1131,
342,
800,
29908,
13,
13,
29943,
3904,
29918,
14480,
29949,
29918,
10145,
353,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
7692,
2746,
29914,
7959,
29908,
847,
383,
3904,
29918,
29933,
6259,
29918,
14480,
29949,
29918,
1525,
29931,
1299,
18474,
29918,
10145,
13,
29943,
3904,
29918,
1299,
18267,
8098,
29918,
14480,
29949,
29918,
10145,
353,
313,
13,
1678,
383,
3904,
29918,
25416,
29918,
21289,
847,
376,
7692,
2746,
29914,
7959,
29908,
847,
376,
7692,
2746,
29914,
8346,
29914,
1188,
359,
29914,
7692,
4346,
542,
1131,
342,
29889,
2732,
29908,
13,
29897,
13,
1254,
15789,
3919,
29918,
5813,
29918,
22051,
29918,
18267,
29918,
29907,
20161,
6545,
2965,
3040,
353,
376,
3057,
4911,
29908,
13,
13,
29937,
478,
680,
974,
24416,
12059,
277,
793,
7090,
13,
29907,
2477,
29950,
2890,
3366,
9641,
29918,
1491,
23545,
793,
3108,
353,
426,
13,
1678,
376,
29933,
11375,
11794,
1115,
376,
14095,
29889,
3221,
29889,
8173,
29889,
1627,
1975,
29889,
1445,
6707,
29889,
2283,
29933,
1463,
10408,
613,
13,
1678,
376,
10818,
29918,
15094,
25634,
1115,
376,
9641,
29918,
1491,
23545,
793,
613,
13,
1678,
376,
16652,
8098,
1115,
360,
8254,
29918,
9464,
847,
376,
9641,
29918,
1491,
23545,
793,
29918,
8173,
613,
13,
29913,
13,
13,
29937,
6325,
344,
1967,
266,
17771,
2234,
13,
29943,
3904,
29918,
4690,
5005,
29933,
3521,
6227,
29918,
14094,
27946,
353,
426,
13,
1678,
376,
9278,
1115,
8853,
2311,
1115,
313,
29906,
29955,
29900,
29892,
29871,
29896,
29945,
29906,
511,
376,
29883,
1336,
1115,
376,
3844,
442,
10758,
13,
1678,
376,
3752,
1115,
8853,
2311,
1115,
313,
29941,
29941,
29955,
29892,
29871,
29896,
29929,
29896,
511,
376,
29883,
1336,
1115,
376,
3844,
442,
10758,
13,
1678,
376,
12717,
1115,
8853,
2311,
1115,
313,
29955,
29941,
29900,
29892,
29871,
29946,
29896,
29906,
511,
376,
29883,
1336,
1115,
376,
7052,
10758,
13,
1678,
376,
15445,
1115,
426,
13,
4706,
376,
2311,
1115,
313,
29953,
29900,
29900,
29892,
29871,
29941,
29896,
29945,
511,
13,
4706,
376,
29883,
1336,
1115,
376,
3844,
442,
613,
13,
1678,
2981,
29871,
396,
2045,
597,
17426,
29889,
15445,
29889,
510,
29914,
2640,
29914,
845,
4362,
29914,
13318,
29899,
29886,
1461,
1575,
13,
29913,
13,
4690,
5005,
29933,
3521,
6227,
29918,
15094,
6304,
12064,
29918,
12194,
1430,
13381,
29903,
353,
5852,
13,
4690,
5005,
29933,
3521,
6227,
29918,
12194,
1430,
13381,
353,
376,
2732,
29908,
13,
13,
4136,
29937,
438,
4717,
29906,
16101,
29937,
13,
1955,
29909,
29906,
29918,
7724,
4897,
29428,
29918,
29933,
11375,
11794,
353,
376,
26792,
29908,
13,
1955,
29909,
29906,
29918,
23066,
6545,
29911,
29918,
10818,
353,
2295,
703,
1955,
29909,
29906,
29918,
23066,
6545,
29911,
29918,
10818,
613,
2322,
543,
1159,
13,
1955,
29909,
29906,
29918,
23066,
6545,
29911,
29918,
4219,
353,
2295,
703,
1955,
29909,
29906,
29918,
23066,
6545,
29911,
29918,
4219,
613,
2322,
543,
1159,
13,
13,
29937,
349,
9569,
363,
6441,
29879,
310,
1342,
29899,
6707,
24809,
358,
319,
29902,
770,
14903,
13,
29937,
910,
508,
367,
1304,
304,
5004,
6441,
29879,
363,
1422,
23136,
13,
1955,
29909,
29906,
29918,
7724,
29918,
15094,
25634,
353,
2295,
703,
1955,
29909,
29906,
29918,
7724,
29918,
15094,
25634,
613,
2322,
29922,
1955,
29909,
29906,
29918,
7724,
29918,
15094,
25634,
29897,
13,
13,
29937,
20802,
1967,
6441,
13,
8618,
7724,
29918,
2382,
29918,
29933,
11375,
11794,
353,
426,
13,
1678,
376,
1990,
1115,
376,
28957,
1179,
29889,
1627,
1975,
29889,
957,
3539,
29889,
3563,
3539,
10486,
613,
13,
1678,
376,
6768,
1115,
426,
13,
4706,
376,
5479,
1115,
2897,
29889,
2084,
29889,
7122,
29898,
2303,
4571,
29909,
29918,
21289,
29892,
376,
10185,
29899,
8346,
29914,
4968,
13,
4706,
376,
3188,
29918,
2271,
1115,
2897,
29889,
2084,
29889,
7122,
29898,
2303,
4571,
29909,
29918,
4219,
29892,
376,
10185,
29899,
8346,
29914,
4968,
13,
1678,
2981,
13,
29913,
13,
13,
1430,
6181,
29918,
3035,
12982,
21554,
29918,
22051,
29918,
3217,
4574,
1660,
29903,
353,
2295,
29898,
13,
1678,
376,
1430,
6181,
29918,
3035,
12982,
21554,
29918,
22051,
29918,
3217,
4574,
1660,
29903,
613,
2322,
11759,
1402,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
13,
29937,
3462,
1749,
325,
29941,
6783,
322,
7649,
2066,
304,
21608,
14835,
16439,
304,
1207,
963,
3625,
297,
3236,
2519,
29889,
13,
29937,
1551,
383,
3904,
325,
29941,
4565,
355,
29892,
607,
437,
451,
671,
1226,
29990,
29915,
29879,
17475,
29892,
1906,
2066,
526,
7500,
13,
29937,
491,
2090,
2746,
29914,
20943,
29914,
7692,
2746,
29914,
20895,
29914,
3188,
29889,
1420,
322,
5997,
29914,
29880,
1516,
29899,
3396,
29889,
4268,
13,
2227,
4162,
18521,
29918,
19407,
3366,
3293,
29899,
19167,
3108,
3366,
4993,
29918,
1777,
264,
1280,
16862,
4397,
703,
7692,
29914,
4268,
29914,
21509,
29899,
29890,
7310,
29889,
4268,
1159,
13,
2227,
4162,
18521,
29918,
19407,
3366,
3293,
29899,
19167,
3108,
3366,
4993,
29918,
1777,
264,
1280,
16862,
4397,
703,
7692,
2746,
29914,
4268,
29914,
6672,
29889,
4268,
1159,
13,
2227,
4162,
18521,
29918,
19407,
3366,
3293,
29899,
19167,
3108,
3366,
4993,
29918,
1777,
264,
1280,
16862,
4397,
703,
7692,
2746,
29914,
4268,
29914,
21720,
29889,
4268,
1159,
13,
13,
29937,
29871,
508,
29915,
29873,
1284,
738,
3619,
2318,
13,
1454,
2318,
297,
6796,
3188,
29918,
19167,
613,
376,
3396,
29918,
19167,
3108,
29901,
13,
1678,
349,
29902,
4162,
18521,
29918,
8700,
29961,
2972,
29962,
3366,
4993,
29918,
1777,
264,
1280,
16862,
4397,
703,
7692,
2746,
29914,
1315,
29914,
6672,
29889,
1315,
1159,
13,
1678,
349,
29902,
4162,
18521,
29918,
8700,
29961,
2972,
29962,
3366,
4993,
29918,
1777,
264,
1280,
16862,
4397,
703,
7692,
29914,
1315,
29914,
21509,
29899,
29890,
7310,
29889,
1315,
1159,
13,
13,
29937,
402,
677,
2204,
13,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
1430,
11191,
6992,
29911,
353,
2295,
29898,
13,
1678,
376,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
1430,
11191,
6992,
29911,
613,
2322,
543,
1124,
597,
1896,
423,
407,
29879,
29889,
1212,
29914,
1688,
29914,
9392,
29889,
1961,
29908,
13,
29897,
13,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
10818,
353,
2295,
703,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
10818,
613,
2322,
543,
29926,
10669,
29889,
562,
29889,
2679,
1159,
13,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
1660,
22245,
29911,
353,
2295,
703,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
1660,
22245,
29911,
613,
2322,
543,
19024,
1159,
13,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
1367,
353,
2295,
703,
29954,
27998,
13367,
29918,
5850,
29902,
29918,
1367,
613,
2322,
543,
1688,
10154,
25978,
261,
1159,
13,
29954,
27998,
13367,
29918,
4375,
3904,
3210,
29918,
4219,
353,
2295,
29898,
13,
1678,
376,
29954,
27998,
13367,
29918,
4375,
3904,
3210,
29918,
4219,
613,
2322,
543,
1124,
597,
1896,
423,
407,
29879,
29889,
1212,
29914,
1688,
29914,
9392,
29889,
1961,
29908,
13,
29897,
13,
29954,
27998,
13367,
29918,
3217,
2208,
29918,
14094,
353,
2295,
703,
29954,
27998,
13367,
29918,
3217,
2208,
29918,
14094,
613,
2322,
543,
25394,
22638,
542,
29967,
29881,
29934,
1159,
13,
13,
23397,
29918,
4330,
3580,
29931,
3040,
29918,
1430,
29954,
8895,
3366,
9464,
29903,
16862,
4397,
29898,
29943,
3904,
29918,
25416,
29918,
21289,
847,
376,
7692,
2746,
29914,
20943,
29914,
29880,
1516,
1159,
13,
23397,
29918,
4330,
3580,
29931,
3040,
29918,
1430,
29954,
8895,
3366,
14094,
27946,
3108,
3366,
4703,
29918,
5014,
943,
16862,
4397,
29898,
13,
1678,
376,
7692,
29889,
4703,
29918,
26482,
29889,
7692,
29918,
11027,
29908,
13,
29897,
13,
13,
4330,
3580,
29931,
1299,
2890,
353,
518,
23397,
29918,
4330,
3580,
29931,
3040,
29918,
1430,
29954,
8895,
29962,
13,
13,
29937,
910,
4889,
2155,
29916,
7448,
304,
671,
1749,
1914,
4863,
13113,
1060,
1271,
373,
2322,
2826,
13,
29943,
3904,
29918,
23397,
29918,
13044,
29923,
29949,
29918,
29925,
18799,
1001,
353,
376,
1982,
4384,
29918,
29916,
1271,
29908,
13,
13,
29924,
1367,
29928,
1307,
12982,
1525,
29918,
6154,
3289,
1660,
29903,
4619,
313,
13,
1678,
376,
7692,
29889,
17662,
2519,
29889,
22988,
284,
23965,
749,
613,
13,
1678,
376,
1627,
20205,
29889,
17662,
2519,
29889,
2605,
29931,
326,
1573,
29924,
294,
339,
15019,
25411,
2519,
613,
13,
29897,
13,
13,
13,
1990,
19575,
29891,
15954,
1575,
29903,
9555,
29898,
3318,
1125,
13,
1678,
822,
4770,
2344,
12035,
1311,
29892,
19995,
1125,
13,
4706,
1583,
29889,
1859,
1575,
353,
19995,
13,
13,
1678,
822,
4770,
1524,
12035,
1311,
1125,
13,
4706,
363,
7348,
297,
12705,
29898,
1311,
29889,
1859,
1575,
29892,
1820,
29922,
2892,
23533,
29901,
23533,
29961,
29896,
29962,
1125,
13,
9651,
7709,
7348,
13,
13,
13,
29937,
4525,
526,
278,
6068,
1014,
3257,
10276,
29892,
591,
505,
278,
1021,
1051,
373,
478,
680,
974,
24416,
1923,
13,
29937,
1334,
3349,
29871,
29906,
18164,
521,
8233,
4086,
11561,
607,
437,
451,
1863,
373,
15337,
29871,
29896,
29889,
29896,
29900,
13987,
29348,
13,
20633,
29911,
1806,
1307,
29918,
29903,
4897,
15082,
3352,
29918,
29931,
19453,
29965,
10461,
29903,
353,
19575,
29891,
15954,
1575,
29903,
9555,
29898,
13,
1678,
313,
401,
29892,
318,
657,
726,
29918,
433,
1537,
29898,
3893,
876,
13,
1678,
363,
775,
29892,
6361,
297,
5534,
29918,
11027,
29889,
29931,
19453,
29965,
10461,
29903,
13,
1678,
565,
775,
451,
297,
4852,
17599,
29899,
18038,
613,
376,
17599,
29899,
7516,
1159,
13,
29897,
13,
13,
13,
2190,
1164,
29979,
10403,
29999,
8098,
29918,
10818,
353,
2295,
703,
2190,
1164,
29979,
10403,
29999,
8098,
29918,
10818,
613,
2322,
543,
1159,
13,
13,
4717,
29963,
1430,
29918,
25903,
353,
2295,
703,
4717,
29963,
1430,
29918,
25903,
613,
2322,
3790,
29908,
6289,
29876,
1115,
5124,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
29923,
4375,
1254,
2965,
1660,
1718,
3210,
29918,
27992,
29918,
10490,
29911,
4214,
29903,
353,
426,
13,
1678,
376,
11027,
1115,
426,
13,
4706,
376,
15916,
1115,
426,
13,
9651,
376,
4572,
1115,
426,
13,
18884,
376,
295,
2459,
1115,
426,
13,
462,
1678,
376,
1853,
1115,
376,
295,
2459,
613,
13,
462,
1678,
376,
18569,
1115,
6796,
29880,
613,
376,
29885,
613,
376,
29873,
613,
376,
339,
613,
376,
29876,
613,
376,
29879,
613,
376,
29926,
613,
376,
29881,
12436,
13,
18884,
500,
13,
9651,
2981,
13,
9651,
376,
24209,
3298,
1115,
426,
13,
18884,
376,
6341,
29918,
29888,
4615,
29918,
24209,
3298,
1115,
426,
13,
462,
1678,
376,
6979,
3950,
1115,
376,
15670,
613,
13,
462,
1678,
376,
4572,
1115,
518,
13,
462,
4706,
376,
294,
455,
361,
1025,
292,
613,
13,
462,
4706,
376,
13609,
4878,
613,
13,
462,
4706,
376,
29888,
4615,
29918,
303,
331,
613,
13,
462,
4706,
376,
295,
2459,
613,
13,
462,
4706,
376,
9847,
613,
13,
462,
4706,
376,
1742,
29918,
6144,
19657,
613,
13,
462,
1678,
21251,
13,
18884,
500,
13,
9651,
2981,
13,
4706,
500,
13,
1678,
500,
13,
29913,
13,
13,
29943,
3904,
29918,
29924,
29968,
29911,
29954,
29918,
4219,
29903,
353,
2295,
703,
29943,
3904,
29918,
29924,
29968,
29911,
29954,
29918,
4219,
29903,
613,
2322,
3790,
1118,
883,
2620,
29922,
3126,
29889,
18132,
29897,
13,
13,
29937,
13109,
26401,
310,
8368,
29915,
29879,
8722,
304,
916,
8041,
13,
2477,
18736,
29918,
28607,
8979,
6227,
11937,
29918,
25903,
4574,
8098,
3366,
4381,
29918,
28814,
3108,
353,
376,
9053,
29908,
13,
13,
29937,
319,
1404,
338,
26834,
565,
540,
756,
385,
23454,
18540,
7898,
545,
25971,
6565,
2450,
6251,
13,
29937,
445,
4444,
674,
1653,
263,
20254,
18540,
7898,
545,
25971,
6565,
2450,
363,
1404,
297,
13,
29937,
5146,
1884,
2551,
6939,
1776,
29889,
319,
445,
1298,
29892,
591,
1348,
372,
29915,
29879,
2253,
304,
1653,
263,
13,
29937,
20254,
697,
1135,
304,
3349,
1147,
9215,
1889,
297,
1226,
29990,
13,
29943,
3904,
29918,
29923,
3217,
7428,
1001,
4741,
29918,
18525,
29918,
6632,
29918,
12256,
6545,
28541,
353,
2295,
29898,
13,
1678,
376,
29943,
3904,
29918,
29923,
3217,
7428,
1001,
4741,
29918,
18525,
29918,
6632,
29918,
12256,
6545,
28541,
613,
2322,
29922,
8824,
29892,
883,
2620,
29922,
11227,
13,
29897,
13,
29923,
3217,
7428,
1001,
4741,
29918,
12256,
6545,
28541,
29918,
4219,
353,
2295,
703,
29923,
3217,
7428,
1001,
4741,
29918,
12256,
6545,
28541,
29918,
4219,
613,
2322,
29922,
8516,
29897,
13,
7228,
29979,
13780,
29918,
3035,
16173,
353,
9872,
26862,
6227,
11903,
13,
13,
29937,
2391,
310,
4766,
15848,
304,
6336,
788,
26834,
4160,
304,
263,
16165,
441,
13,
29937,
960,
995,
338,
5159,
445,
4682,
338,
12708,
13,
29937,
13466,
445,
4444,
338,
263,
1051,
310,
13,
29937,
18761,
1819,
313,
29878,
29908,
29966,
15775,
1178,
6528,
28341,
9872,
1111,
29882,
441,
1024,
29958,
2564,
13,
29937,
321,
29889,
29887,
29901,
565,
366,
864,
304,
9025,
445,
4682,
363,
263,
3153,
3236,
366,
508,
731,
13,
29937,
445,
4444,
304,
13,
29937,
518,
13,
29937,
259,
313,
29878,
29908,
29966,
15775,
1178,
28341,
376,
1111,
29882,
441,
1024,
4968,
13,
29937,
4514,
13,
5348,
29902,
3738,
3352,
29918,
3217,
29950,
8476,
29903,
353,
2295,
703,
5348,
29902,
3738,
3352,
29918,
3217,
29950,
8476,
29903,
613,
2322,
11759,
2314,
13,
13,
29937,
11004,
2155,
29916,
304,
671,
421,
1982,
4384,
29918,
29916,
1271,
29952,
408,
2322,
4863,
4847,
13,
29937,
297,
278,
8693,
313,
3752,
7933,
2826,
29897,
322,
565,
738,
921,
1271,
338,
2000,
421,
9641,
29952,
13,
29990,
29933,
21339,
29918,
6404,
29918,
29943,
28700,
353,
5821,
29918,
7692,
29918,
9641,
13,
13,
13,
361,
376,
29879,
8269,
29908,
297,
25401,
29954,
4214,
29889,
657,
703,
3179,
9306,
29908,
1125,
13,
1678,
25401,
29954,
4214,
3366,
3179,
9306,
3108,
3366,
29879,
8269,
3108,
3366,
20944,
3108,
353,
376,
25431,
29908,
13,
13,
29937,
1281,
4532,
330,
761,
7834,
304,
11621,
373,
16749,
1188,
1923,
13,
14480,
29954,
4214,
3366,
1188,
5743,
3108,
3366,
3108,
3366,
3179,
9306,
16862,
4397,
703,
29887,
761,
1159,
13,
14480,
29954,
4214,
3366,
1188,
5743,
3108,
3366,
11294,
292,
3108,
3366,
3179,
9306,
16862,
4397,
703,
29887,
761,
1159,
13,
14480,
29954,
4214,
3366,
3179,
9306,
3108,
3366,
29887,
761,
3108,
353,
426,
13,
1678,
376,
5563,
1115,
376,
18525,
613,
13,
1678,
376,
1990,
1115,
376,
29881,
1324,
29882,
449,
29891,
29889,
1982,
29887,
761,
29889,
3179,
9306,
29889,
1692,
29931,
7818,
6271,
11373,
4598,
613,
13,
1678,
376,
3069,
1115,
376,
21012,
1188,
613,
13,
1678,
376,
637,
1115,
29871,
29896,
29906,
29906,
29900,
29896,
29892,
13,
1678,
376,
4304,
29918,
18609,
1115,
5852,
29892,
13,
29913,
13,
13,
18525,
353,
5852,
13,
1525,
29984,
3120,
1525,
29918,
18525,
353,
5852,
13,
13,
26862,
6227,
29918,
29933,
11375,
11794,
353,
2295,
29898,
13,
1678,
376,
26862,
6227,
29918,
29933,
11375,
11794,
613,
2322,
543,
14095,
29889,
3221,
29889,
2549,
29889,
1627,
1975,
29889,
11058,
29889,
9823,
5841,
355,
29908,
13,
29897,
13,
13,
2227,
4162,
18521,
29918,
1430,
6181,
29928,
353,
7700,
13,
17816,
2965,
24483,
29918,
1254,
1955,
10461,
353,
376,
3150,
287,
29916,
29889,
3221,
29889,
12925,
29889,
21956,
358,
10486,
29908,
13,
13,
1964,
27998,
3352,
29918,
20832,
29903,
353,
6796,
29930,
3108,
13,
13,
16359,
1299,
11499,
29903,
3366,
20656,
6488,
1299,
2965,
29918,
20656,
29950,
29918,
22051,
29918,
18267,
4214,
3108,
353,
5852,
13,
13,
29937,
438,
4717,
29906,
934,
9009,
13,
1955,
29909,
29906,
29918,
7724,
4897,
29428,
29918,
29933,
11375,
11794,
353,
376,
5325,
973,
29908,
13,
1955,
29909,
29906,
29918,
7724,
4897,
29428,
29918,
21289,
353,
2897,
29889,
2084,
29889,
7122,
29898,
23498,
19386,
29918,
21289,
29892,
376,
3150,
465,
404,
358,
29918,
1491,
29885,
6847,
1159,
13,
1955,
29909,
29906,
29918,
7724,
4897,
29428,
29918,
29907,
2477,
9606,
29918,
21289,
353,
2897,
29889,
2084,
29889,
7122,
29898,
13,
1678,
317,
15715,
19386,
29918,
21289,
29892,
376,
3150,
465,
404,
358,
29918,
1491,
29885,
6847,
29918,
8173,
29908,
13,
29897,
13,
13,
20656,
29950,
3919,
28541,
29918,
29933,
11375,
1430,
8452,
353,
2295,
29898,
13,
1678,
376,
20656,
29950,
3919,
28541,
29918,
29933,
11375,
1430,
8452,
613,
13,
1678,
2322,
29922,
3366,
14095,
29889,
21570,
29889,
5150,
29889,
1627,
1975,
29889,
3195,
5841,
355,
12436,
13,
1678,
883,
2620,
29922,
3126,
29889,
18132,
13,
29897,
13,
2
] |
catkin_ws/src/o2as_routines/scripts/kitting.py | DevwratJoshi/ur-o2as | 0 | 1615468 | #!/usr/bin/env python
import sys
import copy
import rospy
import geometry_msgs.msg
import tf_conversions
import tf
from math import pi
import numpy as np
from collections import namedtuple
from o2as_msgs.srv import *
import actionlib
from o2as_msgs.msg import *
# from o2as_usb_relay.srv import *
from graspability_estimation.srv import *
# from o2as_graspability_estimation.srv import *
from std_msgs.msg import Bool
from o2as_routines.base import O2ASBaseRoutines
import rospkg
rp = rospkg.RosPack()
import csv
import os
import random
import math
from geometry_msgs.msg import Polygon, Point32
from PIL import Image as ImagePIL
from PIL import ImageDraw as ImageDrawPIL
from sensor_msgs.msg import Image
from cv_bridge import CvBridge, CvBridgeError
import cv2
LOG_LEVEL = log_level = rospy.DEBUG
# LOG_LEVEL = log_level = rospy.INFO
CroppedArea = namedtuple("CroppedArea", ["min_row", "max_row", "min_col", "max_col"])
class kitting_order_entry():
"""
Object that tracks if its order was fulfilled, and the number of attempts spent on it.
"""
def __init__(self, part_id, set_number, number_in_set, bin_name, target_frame, ee_to_use, item_name, dropoff_height, bin_is_inclined):
self.part_id = part_id # The part id
self.set_number = set_number
self.number_in_set = number_in_set
self.bin_name = bin_name
self.target_frame = target_frame
self.ee_to_use = ee_to_use
self.item_name = item_name
self.dropoff_height = dropoff_height
self.bin_is_inclined = bin_is_inclined
self.attempts = 0
self.fulfilled = False
self.in_feeder = False
def clamp(n, minn, maxn):
"""Constrain a number n to the interval [minn, maxn]"""
return min(max(n, minn), maxn)
class KittingClass(O2ASBaseRoutines):
"""
This contains the routine used to run the kitting task. See base.py for shared convenience functions.
"""
def __init__(self):
super(KittingClass, self).__init__()
#subscribe to gripper position
self._inner_gripper_pos_sub = rospy.Subscriber("o2as_precision_gripper/inner_gripper_motor_pos", std_msgs.msg.Int32, self.update_motorPosition)
self._motorPos = -1
# services
self._feeder_srv = rospy.ServiceProxy("o2as_usb_relay/set_power", o2as_msgs.srv.SetPower)
self._suction = actionlib.SimpleActionClient('o2as_fastening_tools/suction_control', SuctionControlAction)
self._suctioned = False
self._suction_state = rospy.Subscriber("suction_tool/screw_suctioned", Bool, self._suction_state_callback)
# self._suction.wait_for_server()
self._search_grasp = rospy.ServiceProxy("search_grasp", SearchGrasp)
self.search_grasp_client = actionlib.SimpleActionClient("search_grasp_phoxi", o2as_msgs.msg.SearchGraspPhoxiAction)
# action
self.blob_detection_client = actionlib.SimpleActionClient('blob_detection_action', o2as_msgs.msg.blobDetectionAction)
# Image Subscriber for monitoring
self.img_blob_topic = "o2as_blob_detection/img_w_blob"
#self.img_blob_sub = rospy.Subscriber(self.img_blob_topic, Image, self.image_blob_callback)
# Image Publisher for monitoring
self.bridge = CvBridge()
self.img_inner_pick_topic = "o2as_monitor/vision_res"
self.img_inner_pick_pub = rospy.Publisher(self.img_inner_pick_topic, Image, latch=True, queue_size=10)
self.current_img_w_goal = Image()
self.current_img_w_blob = Image()
#for gazebo
# self.cameraMatK = np.array([[554.3827128226441, 0.0, 320.5],
# [0.0, 554.3827128226441, 240.5],
# [0.0, 0.0, 1.0]])
#for ID Realsense on robot ID61*41 width 640 height 360
self.cameraMatK = np.array([[461.605774, 0.0, 318.471497],
[0.0, 461.605804, 180.336258],
[0.0, 0.0, 1.0]])
#For phoxi in omron
self.cameraPhoxiMatK = np.array([[2226.52477235, 0.0, 978.075053258],
[0.0, 2226.52477235, 775.748572147],
[0.0, 0.0, 1.0]])
self.initial_setup()
rospy.sleep(.5)
# Initialize debug monitor
self.start_task_timer()
self.log_to_debug_monitor(text="Init", category="task")
self.log_to_debug_monitor(text="Init", category="subtask")
self.log_to_debug_monitor(text="Init", category="operation")
rospy.loginfo("Kitting class started up!")
def update_motorPosition(self, msg):
self._motorPos = msg.data
def initial_setup(self):
### First, set up internal parameters
### Then, read order file and create the list to iterate through
# Used for validating grasp poses. This measures only the inside borders of the bin.
self.bin_1_width = .11
self.bin_1_length = .11
self.bin_2_width = .16
self.bin_2_length = .09
self.bin_3_width = .20
self.bin_3_length = .16
self.initial_phoxi_image_recorded = False
self.max_candidates_from_phoxi = 3
# Used to prepare the suction place poses (because the UR linear driver goes through a singularity sometimes)
self.joints_above_set_1_tray_2 = [0.6957670450210571, -1.5090416113482874, 1.9396471977233887, -0.4243395964251917, 0.7138931751251221, -3.1503987948047083]
self.joints_above_set_2_tray_2 = [1.195457935333252, -1.6689851919757288, 2.0958428382873535, -0.4254062811480921, 1.2131953239440918, -3.146900002156393]
self.joints_above_set_3_tray_2 = [0.550778865814209, -1.4439471403705042, 1.867344856262207, -0.42732316652406865, -1.0016759077655237, -3.134343926106588]
self.joints_above_set_1_tray_1 = [1.333075761795044, -1.8985555807696741, 2.2680954933166504, -0.3765481154071253, 2.572127342224121, -3.1496201197253626]
self.grasp_strategy = {
"part_4" : "suction",
"part_5" : "suction",
"part_6" : "robotiq_gripper",
"part_7" : "suction",
"part_8" : "suction",
"part_9" : "precision_gripper_from_inside",
"part_10": "precision_gripper_from_inside",
"part_11": "suction", # Can be one of the grippers
"part_12": "suction", # Can be precision_gripper_from_outside in inclined bin
"part_13": "suction", # Should be precision_gripper_from_inside
"part_14": "precision_gripper_from_outside",
"part_15": "precision_gripper_from_inside",
"part_16": "precision_gripper_from_inside",
"part_17": "precision_gripper_from_outside",
"part_18": "precision_gripper_from_outside"}
# How high the end effector should hover over the tray when delivering the item
self.dropoff_heights = {
"part_4" : 0.03,
"part_5" : 0.02,
"part_6" : 0.01,
"part_7" : 0.04,
"part_8" : 0.01,
"part_9" : 0.005,
"part_10": 0.005,
"part_11": 0.01,
"part_12": 0.01,
"part_13": 0.01,
"part_14": 0.005,
"part_15": 0.005,
"part_16": 0.005,
"part_17": 0.005,
"part_18": 0.005}
# NEEDS MANUAL CALIBRATION
self.precision_gripper_pick_heights = {
"part_9" : 0.00,
"part_10": 0.00,
"part_14": 0.00,
"part_15": 0.00,
"part_16": 0.00,
"part_17": 0.00,
"part_18": 0.00}
# How high the end effector should insert the bin when pick up the item.
self.insert_offsets = {
"part_4" : 0.000,
"part_5" : 0.000,
"part_6" : 0.002,
"part_7" : 0.000,
"part_8" : 0.000,
"part_9" : 0.003,
"part_10": 0.002,
"part_11": 0.000,
"part_12": 0.000,
"part_13": 0.000,
"part_14": 0.000,
"part_15": 0.002,
"part_16": 0.0005,
"part_17": 0.0035,
"part_18": 0.0025
}
self.grasp_candidates = {
4 : {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
5 : {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
6 : {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
7 : {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
8 : {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
9 : {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
10: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
11: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
12: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
13: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
14: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
15: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
16: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
17: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
},
18: {
"pick_was_successful": False,
"vision_was_attempted": False,
"positions": []
}
}
# self.part_bin_list = {
# "part_4" : "bin2_1",
# "part_5" : "bin2_1",
# "part_6" : "bin3_1",
# "part_8" : "bin2_2",
# "part_9" : "bin1_1",
# "part_10" : "bin1_1",
# "part_11" : "bin2_3",
# "part_12" : "bin1_2",
# "part_13" : "bin2_4",
# "part_14" : "bin1_1",
# "part_15" : "bin1_2",
# "part_16" : "bin1_3",
# "part_17" : "bin1_4",
# "part_18" : "bin1_5"}
self.part_bin_list = rospy.get_param("part_bin_list")
self.part_position_in_tray = {
"part_4" : "tray_1_partition_4",
"part_5" : "tray_2_partition_6",
"part_6" : "tray_1_partition_3",
"part_7" : "tray_1_partition_2",
"part_8" : "tray_2_partition_1",
"part_9" : "tray_2_partition_4",
"part_10": "tray_2_partition_7",
"part_11": "tray_1_partition_1",
"part_12": "tray_2_partition_3",
"part_13": "tray_1_partition_5",
"part_14": "tray_2_partition_2",
"part_15": "tray_2_partition_5",
"part_16": "tray_2_partition_8",
"part_17": "tray_2_this_is_a_screw_so_should_be_ignored",
"part_18": "tray_2_this_is_a_screw_so_should_be_ignored" }
# This can be copied from kitting_part_bin_list_auto.yaml
# Possible values: "left", "right"
# "left" means the right side of the bin is higher than the left. It leans to the left.
self.bin_for_this_part_is_inclined = {
"part_4" : False, # motor
"part_5" : False, # small pulley
"part_6" : False, # belt
"part_7" : False, # bearing
"part_8" : False, # shaft
"part_9" : False, # end cap
"part_10" : False, # output spacer
"part_11" : False, # output pulley
"part_12" : False, # idler spacer
"part_13" : False, # idler pulley/bearing
"part_14" : False, # idler pin
"part_15" : False, # m6 nut
"part_16" : False, # m6 washer
"part_17" : False, # m4 screw
"part_18" : False} # m3 screw
# The "from_behind" orientation is slightly turned to avoid the robot locking up
self.suction_orientation_from_behind = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, -pi*10/180))
self.suction_orientation_left_bins = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, -pi/4))
self.suction_orientation_right_bins = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, pi/4))
self.suction_orientation_from_45 = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, -pi/4))
self.suction_orientation_from_side = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, -pi/2))
self.downward_orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, 0))
self.downward_orientation_2 = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, pi))
### Create the item list
self.order_list_raw, self.ordered_items = self.read_order_file()
rospy.loginfo("Received order list:")
rospy.loginfo(self.order_list_raw)
### Sort by grasp strategy
self.screw_items = []
self.screws = dict()
self.screws["m3"] = []
self.screws["m4"] = []
self.suction_items = []
self.robotiq_gripper_items = []
self.precision_gripper_items = []
for order_item in self.ordered_items:
if order_item.part_id in [17,18]:
rospy.loginfo("Appended item nr." + str(order_item.number_in_set) + " from set " + str(order_item.set_number) + " (part ID:" + str(order_item.part_id) + ") to list of screw items")
self.screw_items.append(order_item)
if order_item.part_id == 17:
self.screws["m4"].append(order_item)
elif order_item.part_id == 18:
self.screws["m3"].append(order_item)
elif order_item.ee_to_use == "suction":
rospy.loginfo("Appended item nr." + str(order_item.number_in_set) + " from set " + str(order_item.set_number) + " (part ID:" + str(order_item.part_id) + ") to list of suction items")
self.suction_items.append(order_item)
elif order_item.ee_to_use == "robotiq_gripper":
rospy.loginfo("Appended item nr." + str(order_item.number_in_set) + " from set " + str(order_item.set_number) + " (part ID:" + str(order_item.part_id) + ") to list of robotiq_gripper items")
self.robotiq_gripper_items.append(order_item)
elif "precision_gripper" in order_item.ee_to_use:
rospy.loginfo("Appended item nr." + str(order_item.number_in_set) + " from set " + str(order_item.set_number) + " (part ID:" + str(order_item.part_id) + ") to list of precision gripper items")
self.precision_gripper_items.append(order_item)
def read_order_file(self):
"""Read in the order file, return kitting_list and order_entry_list.
kitting_list is a list of lists with only the part IDs that are ordered.
order_entry_list is a list of kitting_entry_item objects."""
order_entry_list = []
kitting_list = []
kitting_list.append([])
kitting_list.append([])
kitting_list.append([])
with open(os.path.join(rp.get_path("o2as_scene_description"), "config", "kitting_order_file.csv"), 'r') as f:
reader = csv.reader(f)
header = next(reader)
# [0, 1, 2, 3, 4] = ["Set", "No.", "ID", "Name", "Note"]
for data in reader:
kitting_list[int(data[0])-1].append(int(data[2]))
order_entry_list.append(kitting_order_entry(part_id=int(data[2]), set_number=int(data[0]),
number_in_set=int(data[1]),
bin_name=self.part_bin_list["part_" + data[2]],
target_frame="set_" + data[0] + "_" + self.part_position_in_tray["part_" + data[2]],
ee_to_use=self.grasp_strategy["part_" + data[2]],
item_name=data[4],
dropoff_height=self.dropoff_heights["part_" + data[2]],
bin_is_inclined=self.bin_for_this_part_is_inclined["part_" + data[2]]))
return kitting_list, order_entry_list
################ ----- Routines
################
################
def pick(self, robot_name, object_pose, grasp_height, speed_fast, speed_slow, gripper_command, approach_height = 0.05, special_pick = False):
# If the pick uses suction, pass it to the local function. Otherwise to the parent class.
if gripper_command == "suction":
object_pose.pose.position.z += approach_height
self.move_lin(robot_name, object_pose, speed_fast, end_effector_link="b_bot_suction_tool_tip_link")
object_pose.pose.position.z -= approach_height
picked = self.pick_using_dual_suction_gripper(robot_name, object_pose, speed_slow, end_effector_link="b_bot_suction_tool_tip_link")
object_pose.pose.position.z += approach_height
self.move_lin(robot_name, object_pose, speed_slow, end_effector_link="b_bot_suction_tool_tip_link")
object_pose.pose.position.z -= approach_height
if self._suctioned:
object_pose.pose.position.z += approach_height + .05
self.move_lin(robot_name, object_pose, speed_slow, end_effector_link="b_bot_suction_tool_tip_link")
object_pose.pose.position.z -= approach_height + .05
return self._suctioned
else:
return super(KittingClass, self).pick(robot_name, object_pose, grasp_height, speed_fast, speed_slow, gripper_command, approach_height, special_pick)
def place(self, robot_name, object_pose, grasp_height, speed_fast, speed_slow, gripper_command, approach_height = 0.05, lift_up_after_place = True):
# If the place uses suction, pass it to the local function. Otherwise to the parent class.
if gripper_command == "suction":
above_place_pose = copy.deepcopy(object_pose)
place_pose = copy.deepcopy(object_pose)
above_place_pose.pose.position.z += approach_height + grasp_height
place_pose.pose.position.z += grasp_height + .03
# rospy.loginfo("Going above tray.")
# self.move_lin(robot_name, above_place_pose, speed_slow, end_effector_link="b_bot_suction_tool_tip_link")
rospy.loginfo("Placing in tray.")
self.move_lin(robot_name, place_pose, speed_slow, end_effector_link="b_bot_suction_tool_tip_link")
self.suck(turn_suction_on=False, eject=True)
rospy.sleep(2.0)
self.suck(turn_suction_on=False, eject=False)
self.move_lin(robot_name, above_place_pose, speed_fast, end_effector_link="b_bot_suction_tool_tip_link")
return True
else:
return super(KittingClass, self).place(robot_name, object_pose, grasp_height, speed_fast, speed_slow, gripper_command, approach_height, lift_up_after_place)
def set_feeder_power(self, turn_on=True):
if not self.use_real_robot:
return True
req = o2as_msgs.srv.SetPowerRequest()
req.port = 2
req.on = turn_on
res = self._feeder_srv.call(req)
return res.success
def _suction_state_callback(self, msg):
self._suctioned = msg.data
def suck(self, turn_suction_on=False, eject=False):
# Judge success or fail using pressure status.
if not self.use_real_robot:
return True
goal = SuctionControlGoal()
goal.fastening_tool_name = "suction_tool"
goal.turn_suction_on = turn_suction_on
goal.eject_screw = False
self._suction.send_goal(goal)
self._suction.wait_for_result(rospy.Duration(2.0))
if not turn_suction_on:
goal.eject_screw = True
self._suction.send_goal(goal)
self._suction.wait_for_result(rospy.Duration(2.0))
goal.eject_screw = False
self._suction.send_goal(goal)
self._suction.wait_for_result(rospy.Duration(2.0))
return self._suction.get_result()
def pick_using_dual_suction_gripper(self, group_name, pose_goal_stamped, speed, end_effector_link="b_bot_suction_tool_tip_link"):
rospy.loginfo("Try picking up by suction.")
res = self.suck(True)
if not res:
return False
rospy.loginfo("Pushing into the bin.")
if self.use_real_robot:
self.do_linear_push("b_bot", force=5.0, wait=True, direction="Y+", max_approach_distance=.092, forward_speed=.04)
self.confirm_to_proceed("Went to the target. Press enter")
# The max_approach_distance parameter affects how far the robot goes into the bin
res = True
else:
res = self.move_lin(group_name, pose_goal_stamped, speed, end_effector_link=end_effector_link)
return res
def naive_pick(self, group_name, bin_id, speed_fast = 1.0, speed_slow = 1.0, approach_height = 0.05, bin_eff_height = 0.07, bin_eff_xoff = 0, bin_eff_yoff = 0, bin_eff_deg_angle = 0,end_effector_link = ""):
#Place gripper above bin
goal_pose_above = geometry_msgs.msg.PoseStamped()
goal_pose_above.header.frame_id = bin_id
goal_pose_above.pose.position.x = bin_eff_xoff
goal_pose_above.pose.position.y = bin_eff_yoff
goal_pose_above.pose.position.z = bin_eff_height
goal_pose_above.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(-pi/2, pi/2 , 0))
res = self.move_lin(group_name, goal_pose_above, speed=speed_fast, end_effector_link=end_effector_link)
if not res:
rospy.loginfo("Couldn't go to the target.")
return False
#Open the gripper
self.send_gripper_command(gripper= "precision_gripper_inner", command="close")
self.precision_gripper_inner_open()
rospy.sleep(1)
#Descend
rospy.loginfo("Descend on target.")
goal_pose_descend = copy.deepcopy(goal_pose_above)
goal_pose_descend.pose.position.z = goal_pose_descend.pose.position.z - approach_height
res = self.move_lin(group_name, goal_pose_descend, speed=speed_slow, end_effector_link=end_effector_link)
if not res:
rospy.loginfo("Couldn't go to above the target bin.")
return False
#Close the gripper
self.send_gripper_command(gripper= "precision_gripper_inner", command="open")
self.precision_gripper_inner_close()
rospy.sleep(1)
#Ascend
rospy.loginfo("Ascend with target.")
goal_pose_ascend = copy.deepcopy(goal_pose_descend)
goal_pose_ascend.pose.position.z = goal_pose_ascend.pose.position.z + approach_height
res = self.move_lin(group_name, goal_pose_ascend, speed=speed_slow, end_effector_link=end_effector_link)
if not res:
rospy.loginfo("Couldn't go to above the target bin.")
return False
def pick_screw_with_precision_gripper(self, bin_id, screw_size, speed_fast = 1.0, speed_slow = .1, approach_height = 0.05, bin_eff_height = 0.07, bin_eff_deg_angle = 0,end_effector_link = ""):
success_pick = False
#Close the gripper and save the motor position
self.send_gripper_command(gripper= "precision_gripper_inner", command="open")
rospy.sleep(0.1)
close_pos = rospy.get_param("/precision_gripper_server/inner_close_motor_position", 2222)
posx = 0
posy = 0
posz = 0.08
while (not success_pick):
pick_pose = geometry_msgs.msg.PoseStamped()
pick_pose.header.frame_id = bin_id
pick_pose.pose.orientation = self.downward_orientation
gripper_command = "inner_gripper_from_outside"
self.pick("a_bot", pick_pose, 0.0, speed_fast = 1.0, speed_slow = 0.15,
gripper_command=gripper_command, approach_height = 0.05)
#Check posture of the screw
rospy.loginfo("Begin check motion")
over_bin_3_joint_pose = [0.5639523868982476, -1.2023834734104668, 2.084380077110544, -4.115980903386012, -1.350262946004677, 1.5910085738144437]
self.move_joints("a_bot", over_bin_3_joint_pose, speed=.5, force_ur_script=self.use_real_robot)
over_bin_3_inclined_joint_pose = [0.5646427393623301, -1.202333924982511, 2.040723585395901, -4.197616886811121, -1.3550737620026068, 1.6180429123653095]
self.move_joints("a_bot", over_bin_3_inclined_joint_pose, speed=.5, force_ur_script=self.use_real_robot)
#Open just a bit the gripper
if(screw_size == 4):
open_range = 80
elif(screw_size == 3):
open_range = 60
else:
rospy.logerror("Screw size is wrong")
open_range = 0
rospy.loginfo("begin inner open slightly")
self.precision_gripper_inner_open_slightly(open_range)
rospy.loginfo("ending inner open slightly")
rospy.sleep(1.0)
#Close the gripper fully
self.send_gripper_command(gripper= "precision_gripper_inner", command="close")
rospy.sleep(1.0)
#Check the motor position
success_pick = True
if(abs(self._motorPos - close_pos) > 25 ):
rospy.loginfo("Screw was picked successfully. self._motorPos = " + str(self._motorPos))
success_pick = True
else:
rospy.loginfo("Did not pick screw")
return False
if not self.use_real_robot:
rospy.loginfo("Assume success for the simulation")
success_pick = True
above_handover_joint_pose = [1.3983707427978516, -1.343994442616598, 2.048433780670166, -4.056087795888082, -1.9765618483172815, 1.4695862531661987]
self.move_joints("a_bot", above_handover_joint_pose, speed=.3, force_ur_script=self.use_real_robot)
self.go_to_named_pose("screw_handover", "a_bot", force_ur_script=self.use_real_robot)
self.precision_gripper_inner_open_slightly(open_range)
return True
def mask_bin(self, group_name, bin_id):
mask_margin = 0.0
point_top1 = geometry_msgs.msg.PointStamped()
point_top1.header.frame_id = str(bin_id)+"_bottom_front_right_corner"
point_top1.point = geometry_msgs.msg.Point(-mask_margin, -mask_margin, 0.0)
point_top2 = geometry_msgs.msg.PointStamped()
point_top2.header.frame_id = str(bin_id)+"_bottom_back_right_corner"
point_top2.point = geometry_msgs.msg.Point(mask_margin, -mask_margin, 0.0)
point_top3 = geometry_msgs.msg.PointStamped()
point_top3.header.frame_id = str(bin_id)+"_bottom_back_left_corner"
point_top3.point = geometry_msgs.msg.Point(mask_margin, mask_margin, 0.0)
point_top4 = geometry_msgs.msg.PointStamped()
point_top4.header.frame_id = str(bin_id)+"_bottom_front_left_corner"
point_top4.point = geometry_msgs.msg.Point(-mask_margin, mask_margin, 0.0)
#TODO change the fisheye from to the depth frame in casse of offset. but fisheye should e ok since the two images are aligned (depth and rgb) after the real sense node
point_top1_cam = self.listener.transformPoint("a_phoxi_m_sensor", point_top1).point
point_top2_cam = self.listener.transformPoint("a_phoxi_m_sensor", point_top2).point
point_top3_cam = self.listener.transformPoint("a_phoxi_m_sensor", point_top3).point
point_top4_cam = self.listener.transformPoint("a_phoxi_m_sensor", point_top4).point
#print("point_top1_cam")
#print(point_top1_cam)
#print("point_top2_cam")
#print(point_top2_cam)
#print("point_top3_cam")
#print(point_top3_cam)
#print("point_top4_cam")
#print(point_top4_cam)
#point_test_center_cam = geometry_msgs.msg.Point(0, 0, 0.4)
#print(point_test_center_cam)
#TODO project the 4 points in the depth plane (which projection matrix to use from the camera)
#projection matrix
#554.3827128226441, 0.0, 320.5, 0.0, 554.3827128226441, 240.5, 0.0, 0.0, 1.0
#
#P: [554.3827128226441, 0.0, 320.5, -38.80678989758509, 0.0, 554.3827128226441, 240.5, 0.0, 0.0, 0.0, 1.0, 0.0]
#TODO take the parameters from the /camera_info topic instead
point_top1_cam_np = np.array([point_top1_cam.x, point_top1_cam.y, point_top1_cam.z])
point_top2_cam_np = np.array([point_top2_cam.x, point_top2_cam.y, point_top2_cam.z])
point_top3_cam_np = np.array([point_top3_cam.x, point_top3_cam.y, point_top3_cam.z])
point_top4_cam_np = np.array([point_top4_cam.x, point_top4_cam.y, point_top4_cam.z])
#used to test the projection
#point_test_center_cam_np = np.array([point_test_center_cam.x, point_test_center_cam.y, point_test_center_cam.z])
#need the camera parameter of the phoxy
point_top1_img_np = self.cameraPhoxiMatK.dot(point_top1_cam_np)
point_top2_img_np = self.cameraPhoxiMatK.dot(point_top2_cam_np)
point_top3_img_np = self.cameraPhoxiMatK.dot(point_top3_cam_np)
point_top4_img_np = self.cameraPhoxiMatK.dot(point_top4_cam_np)
#point_test_center_img_np = self.cameraMatK.dot(point_test_center_cam_np)
#print(point_top1_img_np)
#print(point_top2_img_np)
#print(point_top3_img_np)
#print(point_top4_img_np)
#print(point_test_center_img_np)
in_polygon = Polygon()
in_polygon.points = [Point32(point_top1_img_np[0]/point_top1_img_np[2],point_top1_img_np[1]/point_top1_img_np[2],0),
Point32(point_top2_img_np[0]/point_top2_img_np[2],point_top2_img_np[1]/point_top2_img_np[2],0),
Point32(point_top3_img_np[0]/point_top3_img_np[2],point_top3_img_np[1]/point_top3_img_np[2],0),
Point32(point_top4_img_np[0]/point_top4_img_np[2],point_top4_img_np[1]/point_top4_img_np[2],0)]
polygon = [ (in_polygon.points[0].x,in_polygon.points[0].y),
(in_polygon.points[1].x,in_polygon.points[1].y),
(in_polygon.points[2].x,in_polygon.points[2].y),
(in_polygon.points[3].x,in_polygon.points[3].y)]
mask_img = ImagePIL.new('L', (2064,1544), 0)
ImageDrawPIL.Draw(mask_img).polygon(polygon, outline = 1, fill = 255)
mask_image_np = np.array(mask_img)
namefile = "mask_phoxi_"+str(bin_id)+".png"
mask_img.save(namefile,'PNG')
def view_bin(self, group_name, bin_id, part_id, speed_fast = 1.0, speed_slow = 1.0, bin_eff_height = 0.2, bin_eff_xoff = 0, bin_eff_deg_angle = 20,end_effector_link = ""):
# TODO: adjust the x,z and end effector orientatio for optimal view of the bin to use with the \search_grasp service
goal_pose = geometry_msgs.msg.PoseStamped()
goal_pose.header.frame_id = bin_id
goal_pose.pose.position.x = bin_eff_xoff - .1
goal_pose.pose.position.y = -.05
goal_pose.pose.position.z = bin_eff_height - .1
goal_pose.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(-pi/2, pi/2, 0))
res = self.move_lin(group_name, goal_pose, speed_slow, end_effector_link="")
if not res:
rospy.loginfo("Couldn't go to the target.")
#TODO Problem with gazebo controller while controlling the robot with movelin
return False
#TODO Ensure that the the motion is finished before generating the mask.
#TODO not sure if the sleep is necessary is move_lin wait for the motion to be finished?
rospy.sleep(2)
mask_margin = 0.0
point_top1 = geometry_msgs.msg.PointStamped()
point_top1.header.frame_id = str(bin_id)+"_bottom_front_right_corner"
point_top1.point = geometry_msgs.msg.Point(-mask_margin, -mask_margin, 0.0)
point_top2 = geometry_msgs.msg.PointStamped()
point_top2.header.frame_id = str(bin_id)+"_bottom_back_right_corner"
point_top2.point = geometry_msgs.msg.Point(mask_margin, -mask_margin, 0.0)
point_top3 = geometry_msgs.msg.PointStamped()
point_top3.header.frame_id = str(bin_id)+"_bottom_back_left_corner"
point_top3.point = geometry_msgs.msg.Point(mask_margin, mask_margin, 0.0)
point_top4 = geometry_msgs.msg.PointStamped()
point_top4.header.frame_id = str(bin_id)+"_bottom_front_left_corner"
point_top4.point = geometry_msgs.msg.Point(-mask_margin, mask_margin, 0.0)
#TODO change the fisheye from to the depth frame in casse of offset. but fisheye should e ok since the two images are aligned (depth and rgb) after the real sense node
point_top1_cam = self.listener.transformPoint("a_bot_camera_calibrated_frame_link", point_top1).point
point_top2_cam = self.listener.transformPoint("a_bot_camera_calibrated_frame_link", point_top2).point
point_top3_cam = self.listener.transformPoint("a_bot_camera_calibrated_frame_link", point_top3).point
point_top4_cam = self.listener.transformPoint("a_bot_camera_calibrated_frame_link", point_top4).point
#point_test_center_cam = geometry_msgs.msg.Point(0, 0, 0.4)
#print(point_test_center_cam)
#TODO project the 4 points in the depth plane (which projection matrix to use from the camera)
#projection matrix
#554.3827128226441, 0.0, 320.5, 0.0, 554.3827128226441, 240.5, 0.0, 0.0, 1.0
#
#P: [554.3827128226441, 0.0, 320.5, -38.80678989758509, 0.0, 554.3827128226441, 240.5, 0.0, 0.0, 0.0, 1.0, 0.0]
#TODO take the parameters from the /camera_info topic instead
point_top1_cam_np = np.array([point_top1_cam.x, point_top1_cam.y, point_top1_cam.z])
point_top2_cam_np = np.array([point_top2_cam.x, point_top2_cam.y, point_top2_cam.z])
point_top3_cam_np = np.array([point_top3_cam.x, point_top3_cam.y, point_top3_cam.z])
point_top4_cam_np = np.array([point_top4_cam.x, point_top4_cam.y, point_top4_cam.z])
#used to test the projection
#point_test_center_cam_np = np.array([point_test_center_cam.x, point_test_center_cam.y, point_test_center_cam.z])
point_top1_img_np = self.cameraMatK.dot(point_top1_cam_np)
point_top2_img_np = self.cameraMatK.dot(point_top2_cam_np)
point_top3_img_np = self.cameraMatK.dot(point_top3_cam_np)
point_top4_img_np = self.cameraMatK.dot(point_top4_cam_np)
#point_test_center_img_np = self.cameraMatK.dot(point_test_center_cam_np)
mask_polygon = Polygon()
mask_polygon.points = [Point32(point_top1_img_np[0]/point_top1_img_np[2],point_top1_img_np[1]/point_top1_img_np[2],0),
Point32(point_top2_img_np[0]/point_top2_img_np[2],point_top2_img_np[1]/point_top2_img_np[2],0),
Point32(point_top3_img_np[0]/point_top3_img_np[2],point_top3_img_np[1]/point_top3_img_np[2],0),
Point32(point_top4_img_np[0]/point_top4_img_np[2],point_top4_img_np[1]/point_top4_img_np[2],0)]
goal = o2as_msgs.msg.blobDetectionGoal()
goal.maskCorner = mask_polygon
goal.param_part_id = "part_" + str(part_id)
self.blob_detection_client.send_goal(goal)
self.blob_detection_client.wait_for_result()
result = self.blob_detection_client.get_result()
#rospy.loginfo(result)
#TODO select which poses to choose in the array
if result:
poseArrayRes = geometry_msgs.msg.PoseArray()
#TODO Sort pose in the midle of the bin
#min x min y in the bin frame
if(result.success):
poseArrayRes = result.posesDetected
distanceToBinCenter = []
for i in range(len(poseArrayRes.poses)):
pointCam = geometry_msgs.msg.PointStamped()
#simulation only
poseArrayRes.header.frame_id = "a_bot_camera_calibrated_frame_link"
pointCam.header = poseArrayRes.header
pointCam.point = poseArrayRes.poses[i].position
pointBin = self.listener.transformPoint(bin_id, pointCam).point
distanceToBinCenter.append(math.sqrt(pointBin.x*pointBin.x + pointBin.y*pointBin.y))
minPoseIndex = np.argmin(distanceToBinCenter)
rospy.loginfo("point closest to the bin center in the xy plane")
rospy.loginfo(poseArrayRes.poses[minPoseIndex])
#Transform point from camera reference to bin reference
pointPartCam = geometry_msgs.msg.PointStamped()
pointPartCam.header = poseArrayRes.header
pointPartCam.point = poseArrayRes.poses[minPoseIndex].position
pointPartBin = self.listener.transformPoint(bin_id, pointPartCam)
rospy.loginfo("Pose in bin")
rospy.loginfo(pointPartBin)
#Transform point from camera reference to bin reference
goal_part = geometry_msgs.msg.PoseStamped()
goal_part.header.frame_id = pointPartBin.header.frame_id
goal_part.pose.position.x = pointPartBin.point.x
goal_part.pose.position.y = pointPartBin.point.y
goal_part.pose.position.z = pointPartBin.point.z
goal_part.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(-pi/2, pi/2 , 0))
self.current_img_w_blob = copy.deepcopy(result.blobImage)
self.draw_point3D_after_view_bin(pointPartCam)
return goal_part
else:
rospy.loginfo("no pose detected")
#TODO if nothing is detected move the camera a bit to try to detect somethin
return False
def draw_point3D_after_view_bin(self, pointPartCam):
### Project the goal on the image plane using the camera matrix like for the mask
#Transform Point in camera reference
point3D_to_draw = geometry_msgs.msg.PointStamped()
point3D_to_draw = self.listener.transformPoint("a_bot_camera_calibrated_frame_link", pointPartCam)
#Copy the results
# Project the point to the camera plane
pointPart_cam_np = np.array([point3D_to_draw.point.x, point3D_to_draw.point.y, point3D_to_draw.point.z])
pointPart_img_np = self.cameraMatK.dot(pointPart_cam_np)
#Transfom into pixel coordinate
pointPart_pix= pointCam = geometry_msgs.msg.Point(pointPart_img_np[0]/pointPart_img_np[2],pointPart_img_np[1]/pointPart_img_np[2],0)
img_blob_cv = self.bridge.imgmsg_to_cv2(self.current_img_w_blob , desired_encoding="passthrough")
#img_blob_cv_np = np.asarray(img_blob_cv)[:, :, ::-1]
#Draw the circle in orange for the propose pose
cv2.circle(img_blob_cv,(int(pointPart_pix.x),int(pointPart_pix.y)), 3, (0,255,0), 4)
self.current_img_w_goal = self.bridge.cv2_to_imgmsg(img_blob_cv, "rgb8")
#publish the results
try:
print("publish")
self.img_inner_pick_pub.publish(self.current_img_w_goal)
except CvBridgeError as e:
print(e)
def place_screw_in_tray(self, screw_size, set_number, hole_number):
"""
Places a screw in a tray. A screw needs to be carried by the screw tool!
"""
# Use this command to equip the screw tool: do_change_tool_action(self, "c_bot", equip=True, screw_size = 4)
if not screw_size==3 and not screw_size==4:
rospy.logerr("Screw size needs to be 3 or 4!")
return False
# Turn to the right to face the feeders
self.go_to_named_pose("feeder_pick_ready", "c_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
pose_tray = geometry_msgs.msg.PoseStamped()
pose_tray.header.frame_id = "set_" + str(set_number) + "_tray_2_screw_m" + str(screw_size) + "_" + str(hole_number)
if set_number == 1:
pose_tray.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(pi/2, 0, 0))
pose_tray.pose.position.x = -.01
elif set_number == 2:
pose_tray.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(pi/4, 0, 0))
pose_tray.pose.position.x = -.005
elif set_number == 3:
pose_tray.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, 0, 0))
pose_tray.pose.position.x = -.005
if screw_size == 3:
pose_tray.pose.position.x += .005
success = self.do_place_action("c_bot", pose_tray, tool_name = "screw_tool", screw_size=screw_size)
if not success:
return False
self.go_to_named_pose("feeder_pick_ready", "c_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
return True
################ ----- Demos
################
################
def pick_screw_from_bin_and_put_into_feeder(self, item, max_attempts = 5):
robot_name = "a_bot"
end_effector_link = "a_bot_precision_gripper_tip_link"
if item.part_id == 17:
screw_size = 4
elif item.part_id == 18:
screw_size = 3
attempts = 0
while attempts < max_attempts:
attempts += 1
item.attempts += 1
rospy.loginfo("Attempting to pick screw. Item nr." + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + "). Attempt nr. " + str(item.attempts))
# Attempt to pick the item
pick_pose = self.get_random_pose_in_bin(item)
if not item.bin_is_inclined:
pick_pose.pose.orientation = self.downward_orientation_2
if item.part_id == 18: #M3
pick_pose.pose.position.z = .005 # MAGIC NUMBER! Depends on the amount of screws in the bin!
if item.part_id == 17: #M4
pick_pose.pose.position.z = .00 # MAGIC NUMBER! Depends on the amount of screws in the bin!
gripper_command = "inner_gripper_from_outside"
self.pick(robot_name, pick_pose, 0.0, speed_fast = 1.0, speed_slow = 0.3,
gripper_command=gripper_command, approach_height = 0.04)
screw_picked = self.check_pick(item.part_id)
if not screw_picked and self.use_real_robot:
rospy.logerr("Failed an attempt to pick item nr." + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + "). Reattempting. Current attempts: " + str(attempts))
continue
self.put_screw_in_feeder(screw_size)
item.in_feeder = True
rospy.loginfo("Delivered screw m" + str(screw_size) + " to feeder (item nr." + str(item.number_in_set) + " from set " + str(item.set_number))
return True
return False
def get_random_pose_in_bin(self, item):
pick_pose = geometry_msgs.msg.PoseStamped()
pick_pose.header.frame_id = item.bin_name
if "bin1" in item.bin_name:
bin_length = self.bin_1_width
bin_width = self.bin_1_length
elif "bin2" in item.bin_name:
bin_length = self.bin_2_width
bin_width = self.bin_2_length
elif "bin3" in item.bin_name:
bin_length = self.bin_3_width
bin_width = self.bin_3_length
pick_pose.pose.position.x += -bin_length/2 + random.random()*bin_length
pick_pose.pose.orientation = self.downward_orientation_2
if item.bin_is_inclined:
rospy.loginfo("Applying position for inclined bin")
if "bin1" in item.bin_name:
if item.bin_is_inclined == "left":
pick_pose.pose.position.y = -.035
elif item.bin_is_inclined == "right":
pick_pose.pose.position.y = .035
else: # Does not work because the width values are not strictly true (but safe for the regular random pick)
pick_pose.pose.position.y = bin_width/2-.01
pick_pose.pose.position.z = .01
if "precision_gripper" in item.ee_to_use:
pick_pose.pose.position.z = self.precision_gripper_pick_heights["part_"+str(item.part_id)]
if item.part_id in [9, 16, 17,18]:
pick_pose.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, pi/2))
if item.part_id in [16, 17,18]:
pick_pose.pose.position.z = 0.0
if item.part_id in [9]:
pick_pose.pose.position.y += .005*random.random()
pick_pose.pose.position.z = 0.005
rospy.loginfo(pick_pose.pose)
else:
pick_pose.pose.position.y += -bin_width/2 + random.random()*bin_width
return pick_pose
def get_grasp_candidates_from_phoxi(self, item, take_new_image=False):
"""This requests a list of grasp positions and takes a new image with the phoxi if take_new_image is True."""
goal = o2as_msgs.msg.SearchGraspPhoxiGoal()
goal.part_id = item.part_id
goal.bin_name = item.bin_name
goal.gripper_type = item.ee_to_use
goal.update_image = take_new_image
try:
self.search_grasp_client.send_goal(goal)
self.search_grasp_client.wait_for_result(rospy.Duration(7.0))
resp_search_grasp = self.search_grasp_client.get_result()
except:
rospy.logerr("Could not get grasp from Phoxi")
return False
if resp_search_grasp:
if resp_search_grasp.success:
poses_in_bin = list()
pose0 = geometry_msgs.msg.PointStamped()
pose0.header.frame_id = "a_phoxi_m_sensor"
number_of_pose_candidates = min(self.max_candidates_from_phoxi, resp_search_grasp.result_num)
for i in range(number_of_pose_candidates):
object_position = copy.deepcopy(pose0)
object_position.point = geometry_msgs.msg.Point(
resp_search_grasp.pos3D[i].x,
resp_search_grasp.pos3D[i].y,
resp_search_grasp.pos3D[i].z)
# TODO We should talk about how to use rotiqz which the two_finger approaches.
rospy.logdebug("\nGrasp point in %s: (x, y, z) = (%f, %f, %f)",
object_position.header.frame_id,
object_position.point.x,
object_position.point.y,
object_position.point.z)
obj_pose_in_camera = geometry_msgs.msg.PoseStamped()
obj_pose_in_camera.header = object_position.header
obj_pose_in_camera.pose.position = object_position.point
obj_pose_in_camera.pose.orientation.w = 1.0
# pose_in_bin = geometry_msgs.msg.PoseStamped()
# pose_in_bin.header.frame_id = item.bin_name
pose_in_bin = self.listener.transformPose(item.bin_name, obj_pose_in_camera)
pose_in_bin.pose.orientation = self.downward_orientation
if item.ee_to_use in ["precision_gripper_from_outside", "robotiq_gripper"]:
pose_in_bin.pose.orientation = geometry_msgs.msg.Quaternion(
*tf_conversions.transformations.quaternion_from_euler(0, pi/2, -resp_search_grasp.rotipz[i]))
poses_in_bin.append(pose_in_bin)
self.publish_marker(pose_in_bin, "aist_vision_result")
rospy.loginfo("Calculated " + str(number_of_pose_candidates) + " candidates for item nr. " + str(item.part_id) + " in bin " + str(item.bin_name))
rospy.logdebug(poses_in_bin)
return poses_in_bin
else:
rospy.loginfo("Could not find a pose via phoxi.")
return False
def treat_screws_in_feeders(self):
""" Picks the screws when they have been in the feeder long enough """
self.screws_in_feeder = dict()
self.screws_done["m4"] = True
self.screws_done["m3"] = True
self.screws_in_feeder["m3"] = False
self.screws_in_feeder["m4"] = False
for item in self.ordered_items:
if not item.fulfilled:
if item.part_id == 17:
screw_size = 4
elif item.part_id == 18:
screw_size = 3
else:
continue
rospy.loginfo("Found an undelivered screw in the order: item nr. " + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + ")")
self.screws_done["m"+str(screw_size)] = False
if item.in_feeder:
self.screws_in_feeder["m"+str(screw_size)] = True
if (not self.screws_done["m4"] and self.screws_in_feeder["m4"]) or (not self.screws_done["m3"] and self.screws_in_feeder["m3"]):
if not self.screws_in_feeder["m4"] and not self.screws_in_feeder["m3"]:
rospy.loginfo("No screws are in the feeders. Skipping.")
return
if (rospy.Time.now() - self.screw_delivery_time) > rospy.Duration(1): #180
self.go_to_named_pose("back", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.go_to_named_pose("suction_ready_back", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
for screw_size in [4,3]:
if rospy.is_shutdown():
return
if not self.screws_done["m"+str(screw_size)]:
rospy.loginfo("=== Picking m" + str(screw_size) + " screws from feeder")
self.go_to_named_pose("tool_pick_ready", "c_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.do_change_tool_action("c_bot", equip=True, screw_size=screw_size)
for item in self.screws["m"+str(screw_size)]:
if rospy.is_shutdown():
return
if item.in_feeder:
if self.pick_screw_from_feeder(screw_size, attempts=2):
self.place_screw_in_tray(screw_size, item.set_number, self.screws_placed["m"+str(screw_size)][item.set_number]+1)
self.screws_placed["m"+str(screw_size)][item.set_number] += 1
self.fulfilled_items += 1
item.in_feeder = False
item.fulfilled = True
else:
rospy.loginfo("Failed to pick an m" + str(screw_size) + " screw from the feeder")
break
if rospy.is_shutdown():
return
self.go_to_named_pose("tool_pick_ready", "c_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.do_change_tool_action("c_bot", equip=False, screw_size=screw_size)
self.go_to_named_pose("back", "c_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
if self.screws_done["m4"] and self.screws_done["m3"]:
self.set_feeder_power(False)
return
def make_pose_safe_for_bin(self, pick_pose, item):
""" This makes sure that the pick_pose is not outside the bin or would cause a collision."""
if "bin1" in item.bin_name:
bin_length = self.bin_1_width
bin_width = self.bin_1_length
elif "bin2" in item.bin_name:
bin_length = self.bin_2_width
bin_width = self.bin_2_length
elif "bin3" in item.bin_name:
bin_length = self.bin_3_width
bin_width = self.bin_3_length
safe_pose = copy.deepcopy(pick_pose)
safe_pose.pose.position.x = clamp(pick_pose.pose.position.x, -bin_length/2 - .02, bin_length/2 - .02)
safe_pose.pose.position.y = clamp(pick_pose.pose.position.y, -bin_width/2 - .02, bin_width/2 - .02)
safe_pose.pose.position.z = clamp(pick_pose.pose.position.z, 0, 0.1)
if safe_pose.pose.position.x != pick_pose.pose.position.x or safe_pose.pose.position.y != pick_pose.pose.position.y:
rospy.loginfo("Pose was adjusted in make_pose_safe_for_bin. Before: " +
str(pick_pose.pose.position.x) + ", " +
str(pick_pose.pose.position.y) + ", " +
str(pick_pose.pose.position.z) + ". After: " +
str(safe_pose.pose.position.x) + ", " +
str(safe_pose.pose.position.y) + ", " +
str(safe_pose.pose.position.z) + ".")
#TODO: Adjust the gripper orientation when close to the border
return safe_pose
def attempt_item(self, item, max_attempts = 5):
"""This function attempts to pick an item.
It increases the item.attempts counter each time it does,
and sets item.fulfilled to True if item is delivered."""
if "precision_gripper" in item.ee_to_use:
robot_name = "a_bot"
elif "robotiq_gripper" in item.ee_to_use:
robot_name = "b_bot"
elif item.ee_to_use == "suction":
robot_name = "b_bot"
if item.fulfilled:
rospy.logerr("This item is already fulfilled. Something is going wrong.")
return False
take_new_image = False
if not self.initial_phoxi_image_recorded:
self.initial_phoxi_image_recorded = True
take_new_image = True
### Vision is skipped
# if item.ee_to_use == "suction" or item.ee_to_use == "robotiq_gripper":
# if self.grasp_candidates[item.part_id]["pick_was_successful"]:
# # If the pick was successful for an item, the scene has changed, so a new image needs to be taken
# rospy.loginfo("Resetting grasp candidates for item " + str(item.part_id))
# self.grasp_candidates[item.part_id]["pick_was_successful"] = False
# self.grasp_candidates[item.part_id]["vision_was_attempted"] = False
# self.grasp_candidates[item.part_id]["positions"] = []
# take_new_image = True
# if item.ee_to_use == "suction" or item.ee_to_use == "robotiq_gripper":
# self.go_to_named_pose("suction_ready_back", "b_bot")
# elif "precision_gripper" in item.ee_to_use:
# self.go_to_named_pose("taskboard_intermediate_pose", "a_bot")
# if not self.grasp_candidates[item.part_id]["vision_was_attempted"]:
# # Vision is only attempted once, unless it succeeds in picking
# phoxi_res = self.get_grasp_candidates_from_phoxi(item, take_new_image)
# # self.grasp_candidates[item.part_id]["vision_was_attempted"] = True
# #### Line above is uncommented to force new vision result every time
# take_new_image = False
# if item.ee_to_use == "suction" or item.ee_to_use == "robotiq_gripper":
# self.go_to_named_pose("suction_pick_ready", "b_bot")
# elif "precision_gripper" in item.ee_to_use:
# self.go_to_named_pose("kitting_pick_ready", "a_bot")
# if phoxi_res:
# self.grasp_candidates[item.part_id]["positions"].extend(phoxi_res)
# rospy.loginfo("self.grasp_candidates: ")
# rospy.loginfo(self.grasp_candidates[item.part_id]["positions"][0])
# Go to preparatory pose
if item.ee_to_use == "suction":
rospy.loginfo("Going to preparatory pose before picking from bins")
bin_center = geometry_msgs.msg.PoseStamped()
bin_center.header.frame_id = item.bin_name
bin_center.pose.orientation.w = 1.0
bin_center_on_table = self.listener.transformPose("workspace_center", bin_center).pose.position
if bin_center_on_table.y > .1:
self.go_to_named_pose("suction_ready_right_bins", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
else:
self.go_to_named_pose("suction_ready_left_bins", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
elif "precision_gripper" in item.ee_to_use:
self.go_to_named_pose("kitting_pick_ready", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
elif "robotiq_gripper" in item.ee_to_use:
self.go_to_named_pose("home", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
attempts = 0
grasp_candidate_came_from_realsense = False
grasp_candidate_from_vision = False
while attempts < max_attempts and not rospy.is_shutdown():
attempts += 1
item.attempts += 1
rospy.loginfo("=== Attempting item nr." + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + "). Attempt nr. " + str(item.attempts))
# Get the pick_pose for the item, either random or from vision
pick_pose = self.get_random_pose_in_bin(item)
grasp_candidate_from_vision = False
### Realsense vision result is skipped
if item.ee_to_use == "precision_gripper_from_inside" and not item.bin_is_inclined and not item.part_id in [17, 18]:
pick_pose.pose.position.z = self.precision_gripper_pick_heights["part_" + str(item.part_id)]
rospy.loginfo("Assigned pick height: " + str(pick_pose.pose.position.z))
# res_view_bin = self.view_bin(robot_name, item.bin_name, item.part_id)
# grasp_candidate_came_from_realsense = True
# if res_view_bin:
# pick_pose = res_view_bin
# pick_pose.pose.position.z -= .025 # MAGIC NUMBER (to compensate for the Realsense calibration)
if item.ee_to_use == "suction" or item.ee_to_use == "robotiq_gripper":
# for test run: if grasp_candidates is 0, item picking is skipped.
while self.grasp_candidates[item.part_id]["positions"]:
pick_pose = self.grasp_candidates[item.part_id]["positions"].pop(0)
rospy.logwarn("ADDING A MAGIC ADJUSTMENT TO THE PHOXI RESULT")
pick_pose.pose.position.y += -.002
if pick_pose.pose.position.z <= 0.005 and item.ee_to_use == "suction":
rospy.loginfo("Discarded a grasp candidate:")
rospy.loginfo(pick_pose.pose.position)
pick_pose = self.get_random_pose_in_bin(item) # Reset to a random pose if the grasp candidate was bad
continue
# pick_pose.pose.position.z -= self.insert_offsets["part_"+str(item.part_id)]
rospy.loginfo("Got pose from phoxi grasp candidates:")
rospy.loginfo(pick_pose.pose.position)
grasp_candidate_from_vision = True
if item.ee_to_use == "robotiq_gripper":
self.go_to_named_pose("home", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
if item.ee_to_use == "suction":
# Orientation needs to be adjusted for suction tool
bin_center = geometry_msgs.msg.PoseStamped()
bin_center.header.frame_id = item.bin_name
bin_center.pose.orientation.w = 1.0
bin_center_on_table = self.listener.transformPose("workspace_center", bin_center).pose.position
if bin_center_on_table.y > .1:
pick_pose.pose.orientation = self.suction_orientation_right_bins
else:
pick_pose.pose.orientation = self.suction_orientation_left_bins
else: # Precision_gripper, robotiq_gripper
if not item.bin_is_inclined:
pick_pose.pose.orientation = self.downward_orientation_2
if item.part_id == 6: # Belt
pick_pose.pose.orientation = geometry_msgs.msg.Quaternion(*tf_conversions.transformations.quaternion_from_euler(0, pi/2, pi/2))
approach_height = 0.1
speed_slow = 0.1
speed_fast = 1.0
if item.ee_to_use == "precision_gripper_from_inside":
gripper_command = "inner_gripper_from_inside"
approach_height = .05
elif item.ee_to_use == "precision_gripper_from_outside":
gripper_command = "inner_gripper_from_outside"
approach_height = .05
elif item.ee_to_use == "suction":
gripper_command = "suction"
approach_height = 0.1 - pick_pose.pose.position.z
speed_slow = 0.05
speed_fast = 1.0
elif item.ee_to_use == "robotiq_gripper":
approach_height = .15
speed_slow = .2
gripper_command = ""
else:
gripper_command = ""
pick_pose = self.make_pose_safe_for_bin(pick_pose, item)
if grasp_candidate_from_vision:
self.log_to_debug_monitor("Picking pose result from vision", "subtask")
elif grasp_candidate_came_from_realsense:
self.log_to_debug_monitor("Picking pose result from realsense", "subtask")
else:
self.log_to_debug_monitor("Picking random pose", "subtask")
if "precision_gripper" in item.ee_to_use:
pose_above_bin = copy.deepcopy(pick_pose)
pose_above_bin.pose.position.z += .15
self.go_to_pose_goal("a_bot", pose_above_bin, speed=speed_fast, move_lin=True)
item_picked = self.pick(robot_name, pick_pose, 0.0, speed_fast = speed_fast, speed_slow = .05,
gripper_command=gripper_command, approach_height = approach_height)
if not self.use_real_robot:
item_picked = True
if item_picked and grasp_candidate_from_vision:
self.grasp_candidates[item.part_id]["pick_was_successful"] = True
# TODO: Check grasp success via grasp width for robotiq gripper and vision for precision gripper
if "precision_gripper" in item.ee_to_use:
item_picked = self.check_pick(item.part_id)
# Suction is checked inside the pick function
if not item_picked:
rospy.logerr("Failed an attempt to pick item nr." + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + "). Reattempting. Current attempts: " + str(attempts))
if item.ee_to_use == "suction":
self.suck(False)
continue
# Attempt to place the item
place_pose = geometry_msgs.msg.PoseStamped()
place_pose.header.frame_id = item.target_frame
required_intermediate_pose = []
if item.ee_to_use == "suction":
# This is inconvenient to set up because the trays are rotated. tray_2s are rotated 180 degrees relative to set_1_tray_1
# SUCTION_PREP_POSES
place_pose.pose.orientation, required_intermediate_pose = self.get_tray_placement_orientation_for_suction_in_kitting(
set_number=item.set_number,
tray_number=int(place_pose.header.frame_id[11]))
if not place_pose.pose.orientation.w and not place_pose.pose.orientation.x and not place_pose.pose.orientation.y:
rospy.logerr("SOMETHING WENT WRONG, ORIENTATION IS NOT ASSIGNED")
else: # Precision_gripper, robotiq_gripper
place_pose.pose.orientation = self.downward_orientation
approach_height = .05
if "precision_gripper" in item.ee_to_use:
self.go_to_named_pose("taskboard_intermediate_pose", "a_bot", speed=1.5, acceleration=1.0, force_ur_script=self.use_real_robot)
approach_height = .03
elif item.ee_to_use == "suction":
if required_intermediate_pose:
rospy.loginfo("Going to intermediate pose")
self.go_to_named_pose(required_intermediate_pose, "b_bot", speed=1.5, acceleration=1.0, force_ur_script=self.use_real_robot)
# Approach the place pose with controllrighacceleration value
rospy.loginfo("Approaching place pose")
if item.set_number in [2,3] and item.target_frame[11] == '1': # Tray 1
self.go_to_named_pose("suction_ready_left_bins", "b_bot", speed=.1)
self.go_to_named_pose("suction_place_intermediate_pose_for_sets_2_and_3", "b_bot", speed=.1)
self.force_moveit_linear_motion = True
place_pose.pose.position.z += .08
self.move_lin(robot_name, place_pose, speed = 0.3, acceleration = 0.08, end_effector_link = "b_bot_suction_tool_tip_link")
place_pose.pose.position.z -= .08
if item.part_id == 6:
if pick_pose.pose.position.x > 0:
place_pose.pose.position.y = -0.06
else:
place_pose.pose.position.y = 0.06
self.place(robot_name, place_pose,grasp_height=item.dropoff_height,
speed_fast = 0.5, speed_slow = 0.02, gripper_command=gripper_command, approach_height = approach_height)
if item.ee_to_use == "suction":
self.force_moveit_linear_motion = False
# If successful
self.fulfilled_items += 1
item.fulfilled = True
rospy.loginfo("Delivered item nr." + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + ")! Total items delivered: " + str(self.fulfilled_items))
return True
rospy.logerr("Was not able to pick item nr." + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + ")! Total attempts: " + str(item.attempts))
# TODO: Move up safely if not successful
# self.move_lin(robot_name, place_pose, speed = 0.3, acceleration = 0.08, end_effector_link = "b_bot_suction_tool_tip_link")
return False
def kitting_task(self):
# Strategy:
# - Start with suction tool + m4 tool equipped
# - Pick all the screws in the current set and put them in the feeders, so they will be ready to be picked
# - Go through all items that require suction, so the tool is equipped only once does not have to be re-equipped
# - Go through items that are picked by the a_bot or b_bot grippers
# - When the screws are ready, pick and place them
# - Try to pick and return any excess screws
# Ideally, we can fit all the trays into the scene.
self.go_to_named_pose("back", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.go_to_named_pose("back", "c_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.go_to_named_pose("suction_ready_back", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
start_time = rospy.Time.now()
self.start_task_timer()
self.log_to_debug_monitor(text="Kitting", category="task")
time_limit = rospy.Duration(1140) # 19 minutes
self.fulfilled_items = 0
self.screws_done = dict()
self.screws_placed = dict()
self.screws_done["m4"] = (len(self.screws["m4"]) == 0)
self.screws_done["m3"] = (len(self.screws["m3"]) == 0)
self.screws_placed["m4"] = {1:0, 2:0, 3:0}
self.screws_placed["m3"] = {1:0, 2:0, 3:0}
# ==== 1. First, do an initial attempt on picking all items, ordered by the tool that they are picked with (screws, suction, precision_gripper, robotiq)
# self.go_to_named_pose("kitting_pick_ready", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
# for item in self.screw_items:
# self.log_to_debug_monitor("Pick screw no. " + str(item.part_id) + " and put into feeder", "subtask")
# if rospy.is_shutdown():
# break
# # item.in_feeder = True # Used to skip the screws and enable the feeder pickup
# self.pick_screw_from_bin_and_put_into_feeder(item, 10)
# self.go_to_named_pose("kitting_pick_ready", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
# self.go_to_named_pose("back", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
# rospy.loginfo("==== Done with screw pickup pass")
self.screw_delivery_time = rospy.Time.now()
# rospy.sleep(2)
self.treat_screws_in_feeders()
for item in self.suction_items:
self.log_to_debug_monitor("Pick and place item no. " + str(item.part_id), "subtask")
if rospy.is_shutdown():
break
self.treat_screws_in_feeders()
self.attempt_item(item, 3)
# self.do_change_tool_action("b_bot", equip=False, screw_size=50) # 50 = suction tool
self.go_to_named_pose("suction_ready_back", "b_bot")
rospy.loginfo("==== Done with first suction pass")
for item in self.precision_gripper_items:
self.log_to_debug_monitor("Pick and place item no. " + str(item.part_id), "subtask")
if rospy.is_shutdown():
break
self.go_to_named_pose("taskboard_intermediate_pose", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.attempt_item(item, 3)
self.go_to_named_pose("back", "a_bot")
rospy.loginfo("==== Done with first precision gripper pass")
self.treat_screws_in_feeders()
self.treat_screws_in_feeders()
# for item in self.robotiq_gripper_items:
# self.log_to_debug_monitor("Pick and place item no. " + str(item.part_id), "subtask")
# self.go_to_named_pose("home", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
# if rospy.is_shutdown():
# break
# self.attempt_item(item, 3)
# self.go_to_named_pose("back", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.treat_screws_in_feeders()
# ==== 2. Second, loop through all the items that were not successfully picked on first try, and place the screws when they are assumed to be ready.
all_done = False
# while False:
while not all_done and not rospy.is_shutdown():
rospy.loginfo("Entering the loop to recover failed items and pick screws")
# Check all items, find which groups are done, then reattempt those that are unfinished
all_done = True
suction_done = True
precision_gripper_done = True
robotiq_gripper_done = True
self.screws_done["m4"] = True
self.screws_done["m3"] = True
for item in self.ordered_items:
if not item.fulfilled:
rospy.loginfo("Found an undelivered item in the order: item nr. " + str(item.number_in_set) + " from set " + str(item.set_number) + " (part ID:" + str(item.part_id) + ")")
all_done = False
if "precision_gripper" in item.ee_to_use:
precision_gripper_done = False
elif "robotiq_gripper" in item.ee_to_use:
robotiq_gripper_done = False
elif item.ee_to_use == "suction":
suction_done = False
if item.part_id == 17:
self.screws_done["m4"] = False
elif item.part_id == 18:
self.screws_done["m3"] = False
self.treat_screws_in_feeders()
if not precision_gripper_done:
rospy.loginfo("Reattempting the remaining precision gripper items")
self.go_to_named_pose("taskboard_intermediate_pose", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
for item in self.precision_gripper_items:
self.log_to_debug_monitor("Pick and place item no. " + str(item.part_id), "subtask")
if rospy.is_shutdown():
break
self.attempt_item(item)
self.go_to_named_pose("back", "a_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.treat_screws_in_feeders()
# if not robotiq_gripper_done:
# rospy.loginfo("Reattempting the remaining robotiq gripper items")
# self.go_to_named_pose("home", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
# for item in self.robotiq_gripper_items:
# self.log_to_debug_monitor("Pick and place item no. " + str(item.part_id), "subtask")
# if rospy.is_shutdown():
# break
# self.attempt_item(item)
# self.go_to_named_pose("back", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.treat_screws_in_feeders()
if not suction_done:
self.reset_grasp_candidates()
rospy.loginfo("Reattempting the remaining suction items")
# self.do_change_tool_action("b_bot", equip=True, screw_size=50) # 50 = suction tool
for item in self.suction_items:
self.log_to_debug_monitor("Pick and place item no. " + str(item.part_id), "subtask")
if rospy.is_shutdown():
break
if not item.fulfilled:
self.go_to_named_pose("suction_pick_ready", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
self.attempt_item(item, 5)
# self.do_change_tool_action("b_bot", equip=False, screw_size=50) # 50 = suction tool
self.go_to_named_pose("back", "b_bot", speed=2.0, acceleration=2.0, force_ur_script=self.use_real_robot)
if (rospy.Time.now()-start_time) > time_limit:
rospy.logerr("Time limit reached! Breaking out of the loop.")
break
if all_done:
rospy.loginfo("Completed the task.")
else:
rospy.loginfo("STOPPED THE TASK")
return
if __name__ == '__main__':
try:
kit = KittingClass()
i = 1
while i:
rospy.loginfo("Enter 1 to equip suction tool.")
rospy.loginfo("Enter 11 to unequip suction tool.")
rospy.loginfo("Enter 2 to move the robots home to starting positions.")
rospy.loginfo("Enter 3 to suction attachment test with b_bot using suction tool.")
rospy.loginfo("Enter 60 to pick screw from bin with a_bot.")
rospy.loginfo("Enter 61 to hand over screw from a_bot to c_bot.")
rospy.loginfo("Enter 62 to move robots back.")
rospy.loginfo("Enter 71, 72... to test phoxi on item 1, 2...")
rospy.loginfo("Enter 81, 82... to move b_bot suction to trays...")
rospy.loginfo("Enter 90 to move a_bot to kitting_pick_ready.")
rospy.loginfo("Enter 91, 92... to do view_bin on bin1_1, bin1_2...")
rospy.loginfo("Enter START to start the task.")
rospy.loginfo("Enter x to exit.")
i = raw_input()
if i == '1':
kit.do_change_tool_action("b_bot", equip=True, screw_size=50) # 50 = suction tool
if i == '11':
kit.do_change_tool_action("b_bot", equip=False, screw_size=50) # 50 = suction tool
if i == '2':
kit.go_to_named_pose("back", "a_bot", force_ur_script=kit.use_real_robot)
kit.go_to_named_pose("back", "c_bot", force_ur_script=kit.use_real_robot)
kit.go_to_named_pose("suction_ready_back", "b_bot", force_ur_script=kit.use_real_robot)
elif i == 'START' or i == 'start' or i == '5000':
kit.kitting_task()
elif i == "60":
kit.go_to_named_pose("home", "a_bot", force_ur_script=kit.use_real_robot)
kit.pick_screw_with_precision_gripper(kit.part_bin_list["part_17"], screw_size= 4)
elif i == "61":
kit.pick_screw_from_precision_gripper(screw_size=4)
elif i == "62":
kit.go_to_named_pose("screw_ready", "c_bot", force_ur_script=kit.use_real_robot)
kit.go_to_named_pose("back", "a_bot", force_ur_script=kit.use_real_robot)
elif i in ["71", "72", "73", "74", "75", "76", "77", "78", "79"]:
item = kit.ordered_items[int(i)-71]
rospy.loginfo("Checking for item id " + str(item.part_id) + " in " + item.bin_name)
obj_pose = kit.get_grasp_candidates_from_phoxi(item, True)
elif i == "80":
kit.go_to_named_pose("suction_pick_ready", "b_bot", force_ur_script=kit.use_real_robot)
elif i in ["81", "82", "83", "84"]:
place_pose = geometry_msgs.msg.PoseStamped()
if i == "81":
place_pose.header.frame_id = "set_1_tray_2_partition_4"
elif i == "82":
place_pose.header.frame_id = "set_2_tray_2_partition_4"
elif i == "83":
place_pose.header.frame_id = "set_3_tray_2_partition_4"
elif i == "84":
place_pose.header.frame_id = "set_1_tray_1_partition_3"
# SUCTION_PREP_POSES
place_pose.pose.orientation = kit.get_tray_placement_orientation_for_suction_in_kitting(
set_number=int(place_pose.header.frame_id[4]),
tray_number=int(place_pose.header.frame_id[11]))
kit.go_to_named_pose("back", "c_bot")
kit.go_to_named_pose("back", "b_bot")
kit.go_to_named_pose("screw_ready", robot_name)
place_pose.pose.position.z = .08
kit.move_lin("b_bot", place_pose, .1, end_effector_link="b_bot_suction_tool_tip_link")
elif i == "90":
kit.go_to_named_pose("kitting_pick_ready", "a_bot", force_ur_script=kit.use_real_robot)
elif i in ["91", "92", "93", "94", "95"]:
if i == "91":
part_id = 16
elif i == "92":
part_id = 9
elif i == "93":
part_id = 15
elif i == "94":
part_id = 17
elif i == "95":
part_id = 18
kit.view_bin("a_bot", "bin1_" + i[1], part_id)
elif i == "x":
break
print "============ Done!"
except rospy.ROSInterruptException:
pass
| [
1,
18787,
4855,
29914,
2109,
29914,
6272,
3017,
13,
13,
5215,
10876,
13,
5215,
3509,
13,
5215,
696,
1028,
29891,
13,
5215,
16303,
29918,
1516,
3174,
29889,
7645,
13,
5215,
15886,
29918,
535,
26100,
13,
5215,
15886,
13,
3166,
5844,
1053,
2930,
13,
5215,
12655,
408,
7442,
13,
3166,
16250,
1053,
4257,
23583,
13,
13,
3166,
288,
29906,
294,
29918,
1516,
3174,
29889,
29879,
15291,
1053,
334,
13,
5215,
3158,
1982,
13,
3166,
288,
29906,
294,
29918,
1516,
3174,
29889,
7645,
1053,
334,
13,
29937,
515,
288,
29906,
294,
29918,
28685,
29918,
2674,
388,
29889,
29879,
15291,
1053,
334,
13,
3166,
25274,
3097,
29918,
342,
7715,
29889,
29879,
15291,
1053,
334,
13,
29937,
515,
288,
29906,
294,
29918,
629,
4692,
3097,
29918,
342,
7715,
29889,
29879,
15291,
1053,
334,
13,
3166,
3659,
29918,
1516,
3174,
29889,
7645,
1053,
18912,
13,
13,
3166,
288,
29906,
294,
29918,
14608,
1475,
29889,
3188,
1053,
438,
29906,
29909,
1744,
559,
24254,
1475,
13,
13,
5215,
696,
1028,
9415,
13,
19080,
353,
696,
1028,
9415,
29889,
29934,
359,
16638,
580,
13,
5215,
11799,
13,
5215,
2897,
13,
5215,
4036,
13,
13,
13,
5215,
5844,
13,
3166,
16303,
29918,
1516,
3174,
29889,
7645,
1053,
2043,
17125,
29892,
8984,
29941,
29906,
13,
3166,
349,
6227,
1053,
7084,
408,
7084,
2227,
29931,
13,
3166,
349,
6227,
1053,
7084,
8537,
408,
7084,
8537,
2227,
29931,
13,
13,
3166,
23530,
29918,
1516,
3174,
29889,
7645,
1053,
7084,
13,
3166,
13850,
29918,
18419,
1053,
315,
29894,
29933,
8605,
29892,
315,
29894,
29933,
8605,
2392,
13,
5215,
13850,
29906,
13,
13,
14480,
29918,
1307,
29963,
6670,
353,
1480,
29918,
5563,
353,
696,
1028,
29891,
29889,
18525,
13,
29937,
25401,
29918,
1307,
29963,
6670,
353,
1480,
29918,
5563,
353,
696,
1028,
29891,
29889,
11690,
13,
13,
29907,
307,
2986,
13799,
353,
4257,
23583,
703,
29907,
307,
2986,
13799,
613,
6796,
1195,
29918,
798,
613,
376,
3317,
29918,
798,
613,
376,
1195,
29918,
1054,
613,
376,
3317,
29918,
1054,
20068,
13,
13,
1990,
413,
5367,
29918,
2098,
29918,
8269,
7295,
13,
29871,
9995,
13,
29871,
4669,
393,
16257,
565,
967,
1797,
471,
6095,
26940,
29892,
322,
278,
1353,
310,
14734,
10398,
373,
372,
29889,
13,
29871,
9995,
13,
29871,
822,
4770,
2344,
12035,
1311,
29892,
760,
29918,
333,
29892,
731,
29918,
4537,
29892,
1353,
29918,
262,
29918,
842,
29892,
9016,
29918,
978,
29892,
3646,
29918,
2557,
29892,
321,
29872,
29918,
517,
29918,
1509,
29892,
2944,
29918,
978,
29892,
4441,
1129,
600,
29918,
3545,
29892,
9016,
29918,
275,
29918,
262,
695,
1312,
1125,
13,
1678,
1583,
29889,
1595,
29918,
333,
353,
760,
29918,
333,
259,
396,
450,
760,
1178,
13,
1678,
1583,
29889,
842,
29918,
4537,
353,
731,
29918,
4537,
13,
1678,
1583,
29889,
4537,
29918,
262,
29918,
842,
353,
1353,
29918,
262,
29918,
842,
13,
1678,
1583,
29889,
2109,
29918,
978,
353,
9016,
29918,
978,
13,
1678,
1583,
29889,
5182,
29918,
2557,
353,
3646,
29918,
2557,
13,
1678,
1583,
29889,
3905,
29918,
517,
29918,
1509,
353,
321,
29872,
29918,
517,
29918,
1509,
13,
1678,
1583,
29889,
667,
29918,
978,
353,
2944,
29918,
978,
13,
1678,
1583,
29889,
26419,
1129,
600,
29918,
3545,
353,
4441,
1129,
600,
29918,
3545,
13,
1678,
1583,
29889,
2109,
29918,
275,
29918,
262,
695,
1312,
353,
9016,
29918,
275,
29918,
262,
695,
1312,
13,
13,
1678,
1583,
29889,
1131,
3456,
29879,
353,
29871,
29900,
13,
1678,
1583,
29889,
1319,
26940,
353,
7700,
13,
1678,
1583,
29889,
262,
29918,
1725,
2447,
353,
7700,
13,
13,
1753,
1067,
1160,
29898,
29876,
29892,
1375,
29876,
29892,
4236,
29876,
1125,
13,
29871,
9995,
14131,
262,
263,
1353,
302,
304,
278,
7292,
518,
1195,
29876,
29892,
4236,
29876,
29962,
15945,
29908,
13,
29871,
736,
1375,
29898,
3317,
29898,
29876,
29892,
1375,
29876,
511,
4236,
29876,
29897,
13,
13,
1990,
476,
5367,
2385,
29898,
29949,
29906,
29909,
1744,
559,
24254,
1475,
1125,
13,
29871,
9995,
13,
29871,
910,
3743,
278,
26529,
1304,
304,
1065,
278,
413,
5367,
3414,
29889,
2823,
2967,
29889,
2272,
363,
7258,
29703,
3168,
29889,
13,
29871,
9995,
13,
29871,
822,
4770,
2344,
12035,
1311,
1125,
13,
1678,
2428,
29898,
29968,
5367,
2385,
29892,
1583,
467,
1649,
2344,
1649,
580,
13,
1678,
396,
19496,
304,
330,
374,
2496,
2602,
13,
1678,
1583,
3032,
3993,
29918,
29887,
374,
2496,
29918,
1066,
29918,
1491,
353,
696,
1028,
29891,
29889,
4035,
7588,
495,
703,
29877,
29906,
294,
29918,
17990,
2459,
29918,
29887,
374,
2496,
29914,
3993,
29918,
29887,
374,
2496,
29918,
14817,
272,
29918,
1066,
613,
3659,
29918,
1516,
3174,
29889,
7645,
29889,
2928,
29941,
29906,
29892,
1583,
29889,
5504,
29918,
14817,
272,
8003,
29897,
13,
1678,
1583,
3032,
14817,
272,
9135,
353,
448,
29896,
13,
13,
1678,
396,
5786,
13,
1678,
1583,
3032,
1725,
2447,
29918,
29879,
15291,
353,
696,
1028,
29891,
29889,
3170,
14048,
703,
29877,
29906,
294,
29918,
28685,
29918,
2674,
388,
29914,
842,
29918,
13519,
613,
288,
29906,
294,
29918,
1516,
3174,
29889,
29879,
15291,
29889,
2697,
21472,
29897,
13,
1678,
1583,
3032,
2146,
428,
353,
3158,
1982,
29889,
15427,
4276,
4032,
877,
29877,
29906,
294,
29918,
11255,
8333,
29918,
8504,
29914,
2146,
428,
29918,
6451,
742,
2166,
428,
4809,
4276,
29897,
13,
1678,
1583,
3032,
2146,
428,
287,
353,
7700,
13,
1678,
1583,
3032,
2146,
428,
29918,
3859,
353,
696,
1028,
29891,
29889,
4035,
7588,
495,
703,
2146,
428,
29918,
10154,
29914,
29879,
1037,
29893,
29918,
2146,
428,
287,
613,
18912,
29892,
1583,
3032,
2146,
428,
29918,
3859,
29918,
14035,
29897,
13,
1678,
396,
1583,
3032,
2146,
428,
29889,
10685,
29918,
1454,
29918,
2974,
580,
13,
1678,
1583,
3032,
4478,
29918,
629,
4692,
353,
696,
1028,
29891,
29889,
3170,
14048,
703,
4478,
29918,
629,
4692,
613,
11856,
3338,
4692,
29897,
13,
1678,
1583,
29889,
4478,
29918,
629,
4692,
29918,
4645,
353,
3158,
1982,
29889,
15427,
4276,
4032,
703,
4478,
29918,
629,
4692,
29918,
561,
2251,
29875,
613,
288,
29906,
294,
29918,
1516,
3174,
29889,
7645,
29889,
7974,
3338,
4692,
29925,
1251,
5389,
4276,
29897,
13,
1678,
396,
3158,
13,
1678,
1583,
29889,
10054,
29918,
29881,
2650,
428,
29918,
4645,
353,
3158,
1982,
29889,
15427,
4276,
4032,
877,
10054,
29918,
29881,
2650,
428,
29918,
2467,
742,
288,
29906,
294,
29918,
1516,
3174,
29889,
7645,
29889,
10054,
29928,
2650,
428,
4276,
29897,
13,
13,
1678,
396,
7084,
3323,
7588,
495,
363,
29652,
268,
13,
1678,
1583,
29889,
2492,
29918,
10054,
29918,
13010,
353,
376,
29877,
29906,
294,
29918,
10054,
29918,
29881,
2650,
428,
29914,
2492,
29918,
29893,
29918,
10054,
29908,
268,
13,
1678,
396,
1311,
29889,
2492,
29918,
10054,
29918,
1491,
353,
29871,
696,
1028,
29891,
29889,
4035,
7588,
495,
29898,
1311,
29889,
2492,
29918,
10054,
29918,
13010,
29892,
7084,
29892,
1583,
29889,
3027,
29918,
10054,
29918,
14035,
29897,
13,
13,
1678,
396,
7084,
12904,
261,
363,
29652,
268,
13,
1678,
1583,
29889,
18419,
353,
315,
29894,
29933,
8605,
580,
13,
13,
1678,
1583,
29889,
2492,
29918,
3993,
29918,
23945,
29918,
13010,
353,
376,
29877,
29906,
294,
29918,
3712,
2105,
29914,
4924,
29918,
690,
29908,
29871,
13,
1678,
1583,
29889,
2492,
29918,
3993,
29918,
23945,
29918,
5467,
353,
696,
1028,
29891,
29889,
21076,
1674,
261,
29898,
1311,
29889,
2492,
29918,
3993,
29918,
23945,
29918,
13010,
29892,
7084,
29892,
301,
905,
29922,
5574,
29892,
9521,
29918,
2311,
29922,
29896,
29900,
29897,
13,
1678,
1583,
29889,
3784,
29918,
2492,
29918,
29893,
29918,
28111,
353,
7084,
580,
13,
1678,
1583,
29889,
3784,
29918,
2492,
29918,
29893,
29918,
10054,
353,
7084,
580,
13,
13,
1678,
396,
1454,
12642,
774,
29877,
13,
1678,
396,
1678,
1583,
29889,
26065,
9782,
29968,
353,
7442,
29889,
2378,
4197,
29961,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29941,
29906,
29900,
29889,
29945,
1402,
13,
1678,
396,
462,
965,
518,
29900,
29889,
29900,
29892,
29871,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29906,
29946,
29900,
29889,
29945,
1402,
13,
1678,
396,
462,
965,
518,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
24960,
13,
13,
1678,
396,
1454,
3553,
830,
1338,
1947,
373,
19964,
3553,
29953,
29896,
29930,
29946,
29896,
259,
2920,
29871,
29953,
29946,
29900,
3171,
29871,
29941,
29953,
29900,
13,
1678,
1583,
29889,
26065,
9782,
29968,
353,
7442,
29889,
2378,
4197,
29961,
29946,
29953,
29896,
29889,
29953,
29900,
29945,
29955,
29955,
29946,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29941,
29896,
29947,
29889,
29946,
29955,
29896,
29946,
29929,
29955,
1402,
13,
462,
965,
518,
29900,
29889,
29900,
29892,
29871,
29946,
29953,
29896,
29889,
29953,
29900,
29945,
29947,
29900,
29946,
29892,
29871,
29896,
29947,
29900,
29889,
29941,
29941,
29953,
29906,
29945,
29947,
1402,
13,
462,
965,
518,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
24960,
13,
1678,
396,
2831,
282,
1251,
5389,
297,
2703,
1617,
13,
1678,
1583,
29889,
26065,
29925,
1251,
5389,
9782,
29968,
353,
7442,
29889,
2378,
4197,
29961,
29906,
29906,
29906,
29953,
29889,
29945,
29906,
29946,
29955,
29955,
29906,
29941,
29945,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29929,
29955,
29947,
29889,
29900,
29955,
29945,
29900,
29945,
29941,
29906,
29945,
29947,
1402,
13,
462,
965,
518,
29900,
29889,
29900,
29892,
29871,
29906,
29906,
29906,
29953,
29889,
29945,
29906,
29946,
29955,
29955,
29906,
29941,
29945,
29892,
29871,
29955,
29955,
29945,
29889,
29955,
29946,
29947,
29945,
29955,
29906,
29896,
29946,
29955,
1402,
13,
462,
965,
518,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
24960,
13,
13,
1678,
1583,
29889,
11228,
29918,
14669,
580,
13,
1678,
696,
1028,
29891,
29889,
17059,
11891,
29945,
29897,
13,
1678,
396,
25455,
4744,
11819,
13,
1678,
1583,
29889,
2962,
29918,
7662,
29918,
20404,
580,
13,
1678,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
29898,
726,
543,
6644,
613,
7663,
543,
7662,
1159,
13,
1678,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
29898,
726,
543,
6644,
613,
7663,
543,
1491,
7662,
1159,
13,
1678,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
29898,
726,
543,
6644,
613,
7663,
543,
16453,
1159,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
29968,
5367,
770,
4687,
701,
29991,
1159,
13,
13,
29871,
822,
2767,
29918,
14817,
272,
8003,
29898,
1311,
29892,
10191,
1125,
13,
1678,
1583,
3032,
14817,
272,
9135,
353,
10191,
29889,
1272,
13,
13,
29871,
822,
2847,
29918,
14669,
29898,
1311,
1125,
13,
1678,
835,
3824,
29892,
731,
701,
7463,
4128,
13,
1678,
835,
1987,
29892,
1303,
1797,
934,
322,
1653,
278,
1051,
304,
13649,
1549,
13,
13,
1678,
396,
501,
8485,
363,
2854,
1218,
25274,
926,
267,
29889,
910,
15366,
871,
278,
2768,
28199,
310,
278,
9016,
29889,
13,
1678,
1583,
29889,
2109,
29918,
29896,
29918,
2103,
353,
869,
29896,
29896,
13,
1678,
1583,
29889,
2109,
29918,
29896,
29918,
2848,
353,
869,
29896,
29896,
13,
1678,
1583,
29889,
2109,
29918,
29906,
29918,
2103,
353,
869,
29896,
29953,
13,
1678,
1583,
29889,
2109,
29918,
29906,
29918,
2848,
353,
869,
29900,
29929,
13,
1678,
1583,
29889,
2109,
29918,
29941,
29918,
2103,
353,
869,
29906,
29900,
13,
1678,
1583,
29889,
2109,
29918,
29941,
29918,
2848,
353,
869,
29896,
29953,
13,
268,
13,
1678,
1583,
29889,
11228,
29918,
561,
2251,
29875,
29918,
3027,
29918,
11651,
287,
353,
7700,
13,
1678,
1583,
29889,
3317,
29918,
29883,
5380,
1078,
29918,
3166,
29918,
561,
2251,
29875,
353,
29871,
29941,
13,
13,
1678,
396,
501,
8485,
304,
19012,
278,
480,
428,
2058,
926,
267,
313,
18103,
278,
501,
29934,
5608,
7156,
5771,
1549,
263,
13512,
537,
6041,
29897,
13,
1678,
1583,
29889,
2212,
9466,
29918,
27215,
29918,
842,
29918,
29896,
29918,
29873,
764,
29918,
29906,
353,
518,
29900,
29889,
29953,
29929,
29945,
29955,
29953,
29955,
29900,
29946,
29945,
29900,
29906,
29896,
29900,
29945,
29955,
29896,
29892,
448,
29896,
29889,
29945,
29900,
29929,
29900,
29946,
29896,
29953,
29896,
29896,
29941,
29946,
29947,
29906,
29947,
29955,
29946,
29892,
29871,
29896,
29889,
29929,
29941,
29929,
29953,
29946,
29955,
29896,
29929,
29955,
29955,
29906,
29941,
29941,
29947,
29947,
29955,
29892,
448,
29900,
29889,
29946,
29906,
29946,
29941,
29941,
29929,
29945,
29929,
29953,
29946,
29906,
29945,
29896,
29929,
29896,
29955,
29892,
29871,
29900,
29889,
29955,
29896,
29941,
29947,
29929,
29941,
29896,
29955,
29945,
29896,
29906,
29945,
29896,
29906,
29906,
29896,
29892,
448,
29941,
29889,
29896,
29945,
29900,
29941,
29929,
29947,
29955,
29929,
29946,
29947,
29900,
29946,
29955,
29900,
29947,
29941,
29962,
13,
1678,
1583,
29889,
2212,
9466,
29918,
27215,
29918,
842,
29918,
29906,
29918,
29873,
764,
29918,
29906,
353,
518,
29896,
29889,
29896,
29929,
29945,
29946,
29945,
29955,
29929,
29941,
29945,
29941,
29941,
29941,
29906,
29945,
29906,
29892,
448,
29896,
29889,
29953,
29953,
29947,
29929,
29947,
29945,
29896,
29929,
29896,
29929,
29955,
29945,
29955,
29906,
29947,
29947,
29892,
29871,
29906,
29889,
29900,
29929,
29945,
29947,
29946,
29906,
29947,
29941,
29947,
29906,
29947,
29955,
29941,
29945,
29941,
29945,
29892,
448,
29900,
29889,
29946,
29906,
29945,
29946,
29900,
29953,
29906,
29947,
29896,
29896,
29946,
29947,
29900,
29929,
29906,
29896,
29892,
29871,
29896,
29889,
29906,
29896,
29941,
29896,
29929,
29945,
29941,
29906,
29941,
29929,
29946,
29946,
29900,
29929,
29896,
29947,
29892,
448,
29941,
29889,
29896,
29946,
29953,
29929,
29900,
29900,
29900,
29900,
29906,
29896,
29945,
29953,
29941,
29929,
29941,
29962,
13,
1678,
1583,
29889,
2212,
9466,
29918,
27215,
29918,
842,
29918,
29941,
29918,
29873,
764,
29918,
29906,
353,
518,
29900,
29889,
29945,
29945,
29900,
29955,
29955,
29947,
29947,
29953,
29945,
29947,
29896,
29946,
29906,
29900,
29929,
29892,
448,
29896,
29889,
29946,
29946,
29941,
29929,
29946,
29955,
29896,
29946,
29900,
29941,
29955,
29900,
29945,
29900,
29946,
29906,
29892,
29871,
29896,
29889,
29947,
29953,
29955,
29941,
29946,
29946,
29947,
29945,
29953,
29906,
29953,
29906,
29906,
29900,
29955,
29892,
448,
29900,
29889,
29946,
29906,
29955,
29941,
29906,
29941,
29896,
29953,
29953,
29945,
29906,
29946,
29900,
29953,
29947,
29953,
29945,
29892,
448,
29896,
29889,
29900,
29900,
29896,
29953,
29955,
29945,
29929,
29900,
29955,
29955,
29953,
29945,
29945,
29906,
29941,
29955,
29892,
448,
29941,
29889,
29896,
29941,
29946,
29941,
29946,
29941,
29929,
29906,
29953,
29896,
29900,
29953,
29945,
29947,
29947,
29962,
13,
1678,
1583,
29889,
2212,
9466,
29918,
27215,
29918,
842,
29918,
29896,
29918,
29873,
764,
29918,
29896,
353,
518,
29896,
29889,
29941,
29941,
29941,
29900,
29955,
29945,
29955,
29953,
29896,
29955,
29929,
29945,
29900,
29946,
29946,
29892,
448,
29896,
29889,
29947,
29929,
29947,
29945,
29945,
29945,
29945,
29947,
29900,
29955,
29953,
29929,
29953,
29955,
29946,
29896,
29892,
29871,
29906,
29889,
29906,
29953,
29947,
29900,
29929,
29945,
29946,
29929,
29941,
29941,
29896,
29953,
29953,
29945,
29900,
29946,
29892,
448,
29900,
29889,
29941,
29955,
29953,
29945,
29946,
29947,
29896,
29896,
29945,
29946,
29900,
29955,
29896,
29906,
29945,
29941,
29892,
29871,
29906,
29889,
29945,
29955,
29906,
29896,
29906,
29955,
29941,
29946,
29906,
29906,
29906,
29946,
29896,
29906,
29896,
29892,
448,
29941,
29889,
29896,
29946,
29929,
29953,
29906,
29900,
29896,
29896,
29929,
29955,
29906,
29945,
29941,
29953,
29906,
29953,
29962,
13,
13,
1678,
1583,
29889,
629,
4692,
29918,
710,
8963,
353,
426,
13,
4706,
376,
1595,
29918,
29946,
29908,
584,
376,
2146,
428,
613,
29871,
13,
4706,
376,
1595,
29918,
29945,
29908,
584,
376,
2146,
428,
613,
29871,
13,
4706,
376,
1595,
29918,
29953,
29908,
584,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
613,
29871,
13,
4706,
376,
1595,
29918,
29955,
29908,
584,
376,
2146,
428,
613,
13,
4706,
376,
1595,
29918,
29947,
29908,
584,
376,
2146,
428,
613,
29871,
13,
4706,
376,
1595,
29918,
29929,
29908,
584,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
613,
29871,
13,
4706,
376,
1595,
29918,
29896,
29900,
1115,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
613,
29871,
13,
4706,
376,
1595,
29918,
29896,
29896,
1115,
376,
2146,
428,
613,
29871,
396,
1815,
367,
697,
310,
278,
330,
374,
22437,
13,
4706,
376,
1595,
29918,
29896,
29906,
1115,
376,
2146,
428,
613,
29871,
396,
1815,
367,
16716,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
297,
1343,
1312,
9016,
13,
4706,
376,
1595,
29918,
29896,
29941,
1115,
376,
2146,
428,
613,
29871,
396,
10575,
367,
16716,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
13,
4706,
376,
1595,
29918,
29896,
29946,
1115,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
613,
29871,
13,
4706,
376,
1595,
29918,
29896,
29945,
1115,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
613,
29871,
13,
4706,
376,
1595,
29918,
29896,
29953,
1115,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
613,
29871,
13,
4706,
376,
1595,
29918,
29896,
29955,
1115,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
613,
29871,
13,
4706,
376,
1595,
29918,
29896,
29947,
1115,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
9092,
13,
539,
13,
1678,
396,
1128,
1880,
278,
1095,
2779,
272,
881,
16758,
975,
278,
260,
764,
746,
12021,
292,
278,
2944,
13,
1678,
1583,
29889,
26419,
1129,
600,
29918,
3545,
29879,
353,
426,
13,
4706,
376,
1595,
29918,
29946,
29908,
584,
29871,
29900,
29889,
29900,
29941,
29892,
29871,
13,
4706,
376,
1595,
29918,
29945,
29908,
584,
29871,
29900,
29889,
29900,
29906,
29892,
29871,
13,
4706,
376,
1595,
29918,
29953,
29908,
584,
29871,
29900,
29889,
29900,
29896,
29892,
29871,
13,
4706,
376,
1595,
29918,
29955,
29908,
584,
29871,
29900,
29889,
29900,
29946,
29892,
13,
4706,
376,
1595,
29918,
29947,
29908,
584,
29871,
29900,
29889,
29900,
29896,
29892,
29871,
13,
4706,
376,
1595,
29918,
29929,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29900,
1115,
29871,
29900,
29889,
29900,
29900,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29896,
1115,
29871,
29900,
29889,
29900,
29896,
29892,
13,
4706,
376,
1595,
29918,
29896,
29906,
1115,
29871,
29900,
29889,
29900,
29896,
29892,
13,
4706,
376,
1595,
29918,
29896,
29941,
1115,
29871,
29900,
29889,
29900,
29896,
29892,
13,
4706,
376,
1595,
29918,
29896,
29946,
1115,
29871,
29900,
29889,
29900,
29900,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29945,
1115,
29871,
29900,
29889,
29900,
29900,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29953,
1115,
29871,
29900,
29889,
29900,
29900,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29955,
1115,
29871,
29900,
29889,
29900,
29900,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29947,
1115,
29871,
29900,
29889,
29900,
29900,
29945,
29913,
13,
13,
1678,
396,
14693,
3352,
29903,
341,
2190,
29965,
1964,
315,
1964,
8979,
29934,
8098,
13,
1678,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
23945,
29918,
3545,
29879,
353,
426,
13,
4706,
376,
1595,
29918,
29929,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29900,
1115,
29871,
29900,
29889,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29946,
1115,
29871,
29900,
29889,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29945,
1115,
29871,
29900,
29889,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29953,
1115,
29871,
29900,
29889,
29900,
29900,
29892,
13,
4706,
376,
1595,
29918,
29896,
29955,
1115,
29871,
29900,
29889,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29947,
1115,
29871,
29900,
29889,
29900,
29900,
29913,
13,
268,
13,
1678,
396,
1128,
1880,
278,
1095,
2779,
272,
881,
4635,
278,
9016,
746,
5839,
701,
278,
2944,
29889,
13,
1678,
1583,
29889,
7851,
29918,
2696,
7224,
353,
426,
13,
4706,
376,
1595,
29918,
29946,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29945,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29953,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29906,
29892,
29871,
13,
4706,
376,
1595,
29918,
29955,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
13,
4706,
376,
1595,
29918,
29947,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29929,
29908,
584,
29871,
29900,
29889,
29900,
29900,
29941,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29900,
1115,
29871,
29900,
29889,
29900,
29900,
29906,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29896,
1115,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
13,
4706,
376,
1595,
29918,
29896,
29906,
1115,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
13,
4706,
376,
1595,
29918,
29896,
29941,
1115,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
13,
4706,
376,
1595,
29918,
29896,
29946,
1115,
29871,
29900,
29889,
29900,
29900,
29900,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29945,
1115,
29871,
29900,
29889,
29900,
29900,
29906,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29953,
1115,
29871,
29900,
29889,
29900,
29900,
29900,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29955,
1115,
29871,
29900,
29889,
29900,
29900,
29941,
29945,
29892,
29871,
13,
4706,
376,
1595,
29918,
29896,
29947,
1115,
29871,
29900,
29889,
29900,
29900,
29906,
29945,
13,
1678,
500,
13,
13,
1678,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
353,
426,
13,
308,
29946,
584,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
13,
308,
29945,
584,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29953,
584,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29955,
584,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
13,
308,
29947,
584,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29929,
584,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29896,
29900,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29896,
29896,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
13,
308,
29896,
29906,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
13,
308,
29896,
29941,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
13,
308,
29896,
29946,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29896,
29945,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29896,
29953,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29896,
29955,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
2981,
29871,
13,
308,
29896,
29947,
29901,
426,
13,
3986,
376,
23945,
29918,
11102,
29918,
8698,
1319,
1115,
7700,
29892,
13,
3986,
376,
4924,
29918,
11102,
29918,
1131,
3456,
287,
1115,
7700,
29892,
13,
3986,
376,
1066,
2187,
1115,
5159,
13,
4706,
500,
13,
1678,
500,
13,
13,
1678,
396,
1583,
29889,
1595,
29918,
2109,
29918,
1761,
353,
426,
13,
1678,
396,
259,
376,
1595,
29918,
29946,
29908,
584,
376,
2109,
29906,
29918,
29896,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29945,
29908,
584,
376,
2109,
29906,
29918,
29896,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29953,
29908,
584,
376,
2109,
29941,
29918,
29896,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29947,
29908,
584,
376,
2109,
29906,
29918,
29906,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29929,
29908,
584,
376,
2109,
29896,
29918,
29896,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29900,
29908,
584,
376,
2109,
29896,
29918,
29896,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29896,
29908,
584,
376,
2109,
29906,
29918,
29941,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29906,
29908,
584,
376,
2109,
29896,
29918,
29906,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29941,
29908,
584,
376,
2109,
29906,
29918,
29946,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29946,
29908,
584,
376,
2109,
29896,
29918,
29896,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29945,
29908,
584,
376,
2109,
29896,
29918,
29906,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29953,
29908,
584,
376,
2109,
29896,
29918,
29941,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29955,
29908,
584,
376,
2109,
29896,
29918,
29946,
613,
13,
1678,
396,
259,
376,
1595,
29918,
29896,
29947,
29908,
584,
376,
2109,
29896,
29918,
29945,
9092,
13,
1678,
1583,
29889,
1595,
29918,
2109,
29918,
1761,
353,
696,
1028,
29891,
29889,
657,
29918,
3207,
703,
1595,
29918,
2109,
29918,
1761,
1159,
13,
13,
1678,
1583,
29889,
1595,
29918,
3283,
29918,
262,
29918,
29873,
764,
353,
426,
13,
418,
376,
1595,
29918,
29946,
29908,
584,
376,
29873,
764,
29918,
29896,
29918,
16707,
29918,
29946,
613,
13,
418,
376,
1595,
29918,
29945,
29908,
584,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29953,
613,
13,
418,
376,
1595,
29918,
29953,
29908,
584,
376,
29873,
764,
29918,
29896,
29918,
16707,
29918,
29941,
613,
13,
418,
376,
1595,
29918,
29955,
29908,
584,
376,
29873,
764,
29918,
29896,
29918,
16707,
29918,
29906,
613,
13,
418,
376,
1595,
29918,
29947,
29908,
584,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29896,
613,
13,
418,
376,
1595,
29918,
29929,
29908,
584,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29946,
613,
13,
418,
376,
1595,
29918,
29896,
29900,
1115,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29955,
613,
13,
418,
376,
1595,
29918,
29896,
29896,
1115,
376,
29873,
764,
29918,
29896,
29918,
16707,
29918,
29896,
613,
13,
418,
376,
1595,
29918,
29896,
29906,
1115,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29941,
613,
13,
418,
376,
1595,
29918,
29896,
29941,
1115,
376,
29873,
764,
29918,
29896,
29918,
16707,
29918,
29945,
613,
13,
418,
376,
1595,
29918,
29896,
29946,
1115,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29906,
613,
13,
418,
376,
1595,
29918,
29896,
29945,
1115,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29945,
613,
13,
418,
376,
1595,
29918,
29896,
29953,
1115,
376,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29947,
613,
13,
418,
376,
1595,
29918,
29896,
29955,
1115,
376,
29873,
764,
29918,
29906,
29918,
1366,
29918,
275,
29918,
29874,
29918,
29879,
1037,
29893,
29918,
578,
29918,
9344,
29918,
915,
29918,
647,
4395,
613,
13,
418,
376,
1595,
29918,
29896,
29947,
1115,
376,
29873,
764,
29918,
29906,
29918,
1366,
29918,
275,
29918,
29874,
29918,
29879,
1037,
29893,
29918,
578,
29918,
9344,
29918,
915,
29918,
647,
4395,
29908,
500,
13,
13,
1678,
396,
910,
508,
367,
13746,
515,
413,
5367,
29918,
1595,
29918,
2109,
29918,
1761,
29918,
6921,
29889,
25162,
13,
1678,
396,
20049,
1819,
29901,
376,
1563,
613,
376,
1266,
29908,
13,
1678,
396,
376,
1563,
29908,
2794,
278,
1492,
2625,
310,
278,
9016,
338,
6133,
1135,
278,
2175,
29889,
739,
454,
550,
304,
278,
2175,
29889,
13,
1678,
1583,
29889,
2109,
29918,
1454,
29918,
1366,
29918,
1595,
29918,
275,
29918,
262,
695,
1312,
353,
426,
13,
418,
376,
1595,
29918,
29946,
29908,
584,
7700,
29892,
29871,
396,
10992,
13,
418,
376,
1595,
29918,
29945,
29908,
584,
7700,
29892,
29871,
396,
2319,
9505,
2330,
13,
418,
376,
1595,
29918,
29953,
29908,
584,
7700,
29892,
29871,
396,
1339,
29873,
13,
418,
376,
1595,
29918,
29955,
29908,
584,
7700,
29892,
29871,
396,
24638,
13,
418,
376,
1595,
29918,
29947,
29908,
584,
7700,
29892,
29871,
396,
528,
2051,
13,
418,
376,
1595,
29918,
29929,
29908,
584,
7700,
29892,
29871,
396,
1095,
2117,
13,
418,
376,
1595,
29918,
29896,
29900,
29908,
584,
7700,
29892,
396,
1962,
26325,
261,
13,
418,
376,
1595,
29918,
29896,
29896,
29908,
584,
7700,
29892,
396,
1962,
9505,
2330,
13,
418,
376,
1595,
29918,
29896,
29906,
29908,
584,
7700,
29892,
396,
1178,
1358,
26325,
261,
13,
418,
376,
1595,
29918,
29896,
29941,
29908,
584,
7700,
29892,
396,
1178,
1358,
9505,
2330,
29914,
29890,
799,
292,
13,
418,
376,
1595,
29918,
29896,
29946,
29908,
584,
7700,
29892,
396,
1178,
1358,
12534,
13,
418,
376,
1595,
29918,
29896,
29945,
29908,
584,
7700,
29892,
396,
286,
29953,
18254,
13,
418,
376,
1595,
29918,
29896,
29953,
29908,
584,
7700,
29892,
396,
286,
29953,
471,
2276,
13,
418,
376,
1595,
29918,
29896,
29955,
29908,
584,
7700,
29892,
396,
286,
29946,
885,
3973,
13,
418,
376,
1595,
29918,
29896,
29947,
29908,
584,
7700,
29913,
396,
286,
29941,
885,
3973,
13,
13,
1678,
396,
450,
376,
3166,
29918,
915,
16887,
29908,
19843,
338,
10029,
6077,
304,
4772,
278,
19964,
7714,
292,
701,
13,
1678,
1583,
29889,
2146,
428,
29918,
20659,
29918,
3166,
29918,
915,
16887,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
448,
1631,
29930,
29896,
29900,
29914,
29896,
29947,
29900,
876,
13,
1678,
1583,
29889,
2146,
428,
29918,
20659,
29918,
1563,
29918,
29890,
1144,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
448,
1631,
29914,
29946,
876,
13,
1678,
1583,
29889,
2146,
428,
29918,
20659,
29918,
1266,
29918,
29890,
1144,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
2930,
29914,
29946,
876,
13,
1678,
1583,
29889,
2146,
428,
29918,
20659,
29918,
3166,
29918,
29946,
29945,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
448,
1631,
29914,
29946,
876,
13,
1678,
1583,
29889,
2146,
428,
29918,
20659,
29918,
3166,
29918,
2975,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
448,
1631,
29914,
29906,
876,
13,
1678,
1583,
29889,
3204,
1328,
29918,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
29871,
29900,
876,
13,
1678,
1583,
29889,
3204,
1328,
29918,
20659,
29918,
29906,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
2930,
876,
13,
13,
1678,
835,
6204,
278,
2944,
1051,
13,
1678,
1583,
29889,
2098,
29918,
1761,
29918,
1610,
29892,
1583,
29889,
21693,
29918,
7076,
353,
1583,
29889,
949,
29918,
2098,
29918,
1445,
580,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
29816,
1797,
1051,
29901,
1159,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
29898,
1311,
29889,
2098,
29918,
1761,
29918,
1610,
29897,
13,
13,
1678,
835,
20025,
491,
25274,
13705,
13,
1678,
1583,
29889,
29879,
1037,
29893,
29918,
7076,
353,
5159,
13,
1678,
1583,
29889,
29879,
1037,
5652,
353,
9657,
580,
13,
1678,
1583,
29889,
29879,
1037,
5652,
3366,
29885,
29941,
3108,
353,
5159,
13,
1678,
1583,
29889,
29879,
1037,
5652,
3366,
29885,
29946,
3108,
353,
5159,
13,
1678,
1583,
29889,
2146,
428,
29918,
7076,
353,
5159,
13,
1678,
1583,
29889,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
29918,
7076,
353,
5159,
13,
1678,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
7076,
353,
5159,
13,
1678,
363,
1797,
29918,
667,
297,
1583,
29889,
21693,
29918,
7076,
29901,
13,
418,
565,
1797,
29918,
667,
29889,
1595,
29918,
333,
297,
518,
29896,
29955,
29892,
29896,
29947,
5387,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
2052,
2760,
2944,
17114,
1213,
718,
851,
29898,
2098,
29918,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
2098,
29918,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
2098,
29918,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
304,
1051,
310,
885,
3973,
4452,
1159,
13,
4706,
1583,
29889,
29879,
1037,
29893,
29918,
7076,
29889,
4397,
29898,
2098,
29918,
667,
29897,
13,
4706,
565,
1797,
29918,
667,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29955,
29901,
13,
3986,
1583,
29889,
29879,
1037,
5652,
3366,
29885,
29946,
16862,
4397,
29898,
2098,
29918,
667,
29897,
13,
4706,
25342,
1797,
29918,
667,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29947,
29901,
13,
3986,
1583,
29889,
29879,
1037,
5652,
3366,
29885,
29941,
16862,
4397,
29898,
2098,
29918,
667,
29897,
13,
418,
25342,
1797,
29918,
667,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
2052,
2760,
2944,
17114,
1213,
718,
851,
29898,
2098,
29918,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
2098,
29918,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
2098,
29918,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
304,
1051,
310,
480,
428,
4452,
1159,
13,
4706,
1583,
29889,
2146,
428,
29918,
7076,
29889,
4397,
29898,
2098,
29918,
667,
29897,
13,
418,
25342,
1797,
29918,
667,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
1115,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
2052,
2760,
2944,
17114,
1213,
718,
851,
29898,
2098,
29918,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
2098,
29918,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
2098,
29918,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
304,
1051,
310,
19964,
29875,
29939,
29918,
29887,
374,
2496,
4452,
1159,
13,
4706,
1583,
29889,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
29918,
7076,
29889,
4397,
29898,
2098,
29918,
667,
29897,
13,
418,
25342,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
1797,
29918,
667,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
2052,
2760,
2944,
17114,
1213,
718,
851,
29898,
2098,
29918,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
2098,
29918,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
2098,
29918,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
304,
1051,
310,
16716,
330,
374,
2496,
4452,
1159,
13,
4706,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
7076,
29889,
4397,
29898,
2098,
29918,
667,
29897,
13,
268,
13,
13,
29871,
822,
1303,
29918,
2098,
29918,
1445,
29898,
1311,
1125,
13,
1678,
9995,
6359,
297,
278,
1797,
934,
29892,
736,
413,
5367,
29918,
1761,
322,
1797,
29918,
8269,
29918,
1761,
29889,
13,
539,
413,
5367,
29918,
1761,
338,
263,
1051,
310,
8857,
411,
871,
278,
760,
23481,
393,
526,
10372,
29889,
29871,
13,
539,
1797,
29918,
8269,
29918,
1761,
338,
263,
1051,
310,
413,
5367,
29918,
8269,
29918,
667,
3618,
1213,
15945,
13,
13,
1678,
1797,
29918,
8269,
29918,
1761,
353,
5159,
13,
1678,
413,
5367,
29918,
1761,
353,
5159,
13,
1678,
413,
5367,
29918,
1761,
29889,
4397,
4197,
2314,
13,
1678,
413,
5367,
29918,
1761,
29889,
4397,
4197,
2314,
13,
1678,
413,
5367,
29918,
1761,
29889,
4397,
4197,
2314,
13,
268,
13,
1678,
411,
1722,
29898,
359,
29889,
2084,
29889,
7122,
29898,
19080,
29889,
657,
29918,
2084,
703,
29877,
29906,
294,
29918,
24645,
29918,
8216,
4968,
376,
2917,
613,
376,
29895,
5367,
29918,
2098,
29918,
1445,
29889,
7638,
4968,
525,
29878,
1495,
408,
285,
29901,
13,
418,
9591,
353,
11799,
29889,
16950,
29898,
29888,
29897,
13,
418,
4839,
353,
2446,
29898,
16950,
29897,
13,
418,
396,
518,
29900,
29892,
29871,
29896,
29892,
29871,
29906,
29892,
29871,
29941,
29892,
29871,
29946,
29962,
353,
6796,
2697,
613,
376,
3782,
19602,
376,
1367,
613,
376,
1170,
613,
376,
9842,
3108,
13,
418,
363,
848,
297,
9591,
29901,
13,
4706,
413,
5367,
29918,
1761,
29961,
524,
29898,
1272,
29961,
29900,
2314,
29899,
29896,
1822,
4397,
29898,
524,
29898,
1272,
29961,
29906,
12622,
13,
4706,
1797,
29918,
8269,
29918,
1761,
29889,
4397,
29898,
29895,
5367,
29918,
2098,
29918,
8269,
29898,
1595,
29918,
333,
29922,
524,
29898,
1272,
29961,
29906,
11724,
731,
29918,
4537,
29922,
524,
29898,
1272,
29961,
29900,
11724,
29871,
13,
462,
795,
1353,
29918,
262,
29918,
842,
29922,
524,
29898,
1272,
29961,
29896,
11724,
13,
462,
795,
9016,
29918,
978,
29922,
1311,
29889,
1595,
29918,
2109,
29918,
1761,
3366,
1595,
27508,
718,
848,
29961,
29906,
20526,
13,
462,
795,
3646,
29918,
2557,
543,
842,
27508,
718,
848,
29961,
29900,
29962,
718,
11119,
29908,
718,
1583,
29889,
1595,
29918,
3283,
29918,
262,
29918,
29873,
764,
3366,
1595,
27508,
718,
848,
29961,
29906,
20526,
29871,
13,
462,
795,
321,
29872,
29918,
517,
29918,
1509,
29922,
1311,
29889,
629,
4692,
29918,
710,
8963,
3366,
1595,
27508,
718,
848,
29961,
29906,
20526,
13,
462,
795,
2944,
29918,
978,
29922,
1272,
29961,
29946,
1402,
13,
462,
795,
4441,
1129,
600,
29918,
3545,
29922,
1311,
29889,
26419,
1129,
600,
29918,
3545,
29879,
3366,
1595,
27508,
718,
848,
29961,
29906,
20526,
13,
462,
795,
9016,
29918,
275,
29918,
262,
695,
1312,
29922,
1311,
29889,
2109,
29918,
1454,
29918,
1366,
29918,
1595,
29918,
275,
29918,
262,
695,
1312,
3366,
1595,
27508,
718,
848,
29961,
29906,
5262,
876,
13,
1678,
736,
413,
5367,
29918,
1761,
29892,
1797,
29918,
8269,
29918,
1761,
13,
13,
268,
13,
13,
29871,
835,
7346,
4136,
29937,
448,
807,
20829,
1475,
259,
13,
29871,
835,
7346,
4136,
29937,
29871,
13,
29871,
835,
7346,
4136,
29937,
13,
13,
29871,
822,
5839,
29898,
1311,
29892,
19964,
29918,
978,
29892,
1203,
29918,
4220,
29892,
25274,
29918,
3545,
29892,
6210,
29918,
11255,
29892,
6210,
29918,
28544,
29892,
330,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29945,
29892,
4266,
29918,
23945,
353,
7700,
1125,
13,
1678,
396,
960,
278,
5839,
3913,
480,
428,
29892,
1209,
372,
304,
278,
1887,
740,
29889,
13466,
304,
278,
3847,
770,
29889,
13,
1678,
565,
330,
374,
2496,
29918,
6519,
1275,
376,
2146,
428,
1115,
13,
418,
1203,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
4619,
2948,
29918,
3545,
13,
418,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
1203,
29918,
4220,
29892,
6210,
29918,
11255,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
418,
1203,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
22361,
2948,
29918,
3545,
13,
418,
18691,
353,
1583,
29889,
23945,
29918,
4746,
29918,
700,
284,
29918,
2146,
428,
29918,
29887,
374,
2496,
29898,
307,
7451,
29918,
978,
29892,
1203,
29918,
4220,
29892,
6210,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
418,
1203,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
4619,
2948,
29918,
3545,
13,
418,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
1203,
29918,
4220,
29892,
6210,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
418,
1203,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
22361,
2948,
29918,
3545,
13,
418,
565,
1583,
3032,
2146,
428,
287,
29901,
13,
4706,
1203,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
4619,
2948,
29918,
3545,
718,
869,
29900,
29945,
13,
4706,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
1203,
29918,
4220,
29892,
6210,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
4706,
1203,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
22361,
2948,
29918,
3545,
718,
869,
29900,
29945,
13,
418,
736,
1583,
3032,
2146,
428,
287,
13,
1678,
1683,
29901,
13,
418,
736,
2428,
29898,
29968,
5367,
2385,
29892,
1583,
467,
23945,
29898,
307,
7451,
29918,
978,
29892,
1203,
29918,
4220,
29892,
25274,
29918,
3545,
29892,
6210,
29918,
11255,
29892,
6210,
29918,
28544,
29892,
330,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
29892,
4266,
29918,
23945,
29897,
13,
13,
29871,
822,
2058,
29898,
1311,
29892,
19964,
29918,
978,
29892,
1203,
29918,
4220,
29892,
25274,
29918,
3545,
29892,
6210,
29918,
11255,
29892,
6210,
29918,
28544,
29892,
330,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29945,
29892,
13777,
29918,
786,
29918,
7045,
29918,
6689,
353,
5852,
1125,
13,
1678,
396,
960,
278,
2058,
3913,
480,
428,
29892,
1209,
372,
304,
278,
1887,
740,
29889,
13466,
304,
278,
3847,
770,
29889,
13,
1678,
565,
330,
374,
2496,
29918,
6519,
1275,
376,
2146,
428,
1115,
13,
418,
2038,
29918,
6689,
29918,
4220,
353,
3509,
29889,
24535,
8552,
29898,
3318,
29918,
4220,
29897,
13,
418,
2058,
29918,
4220,
353,
3509,
29889,
24535,
8552,
29898,
3318,
29918,
4220,
29897,
13,
418,
2038,
29918,
6689,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
4619,
2948,
29918,
3545,
718,
25274,
29918,
3545,
13,
418,
2058,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
4619,
25274,
29918,
3545,
718,
869,
29900,
29941,
13,
539,
13,
418,
396,
696,
1028,
29891,
29889,
1188,
3888,
703,
8120,
292,
2038,
260,
764,
23157,
13,
418,
396,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
2038,
29918,
6689,
29918,
4220,
29892,
6210,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
29925,
433,
3277,
297,
260,
764,
23157,
13,
418,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
2058,
29918,
4220,
29892,
6210,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
418,
1583,
29889,
2146,
384,
29898,
685,
29918,
2146,
428,
29918,
265,
29922,
8824,
29892,
321,
622,
29922,
5574,
29897,
13,
418,
696,
1028,
29891,
29889,
17059,
29898,
29906,
29889,
29900,
29897,
13,
418,
1583,
29889,
2146,
384,
29898,
685,
29918,
2146,
428,
29918,
265,
29922,
8824,
29892,
321,
622,
29922,
8824,
29897,
13,
418,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
2038,
29918,
6689,
29918,
4220,
29892,
6210,
29918,
11255,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
418,
736,
5852,
13,
1678,
1683,
29901,
13,
418,
736,
2428,
29898,
29968,
5367,
2385,
29892,
1583,
467,
6689,
29898,
307,
7451,
29918,
978,
29892,
1203,
29918,
4220,
29892,
25274,
29918,
3545,
29892,
6210,
29918,
11255,
29892,
6210,
29918,
28544,
29892,
330,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
29892,
13777,
29918,
786,
29918,
7045,
29918,
6689,
29897,
13,
268,
13,
29871,
822,
731,
29918,
1725,
2447,
29918,
13519,
29898,
1311,
29892,
2507,
29918,
265,
29922,
5574,
1125,
13,
1678,
565,
451,
1583,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29901,
13,
418,
736,
5852,
13,
1678,
12428,
353,
288,
29906,
294,
29918,
1516,
3174,
29889,
29879,
15291,
29889,
2697,
21472,
3089,
580,
13,
1678,
12428,
29889,
637,
353,
29871,
29906,
13,
1678,
12428,
29889,
265,
353,
2507,
29918,
265,
13,
1678,
620,
353,
1583,
3032,
1725,
2447,
29918,
29879,
15291,
29889,
4804,
29898,
7971,
29897,
13,
1678,
736,
620,
29889,
8698,
13,
13,
29871,
822,
903,
2146,
428,
29918,
3859,
29918,
14035,
29898,
1311,
29892,
10191,
1125,
13,
1678,
1583,
3032,
2146,
428,
287,
353,
10191,
29889,
1272,
13,
13,
29871,
822,
480,
384,
29898,
1311,
29892,
2507,
29918,
2146,
428,
29918,
265,
29922,
8824,
29892,
321,
622,
29922,
8824,
1125,
13,
1678,
396,
26817,
2551,
470,
4418,
773,
12959,
4660,
29889,
13,
1678,
565,
451,
1583,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29901,
13,
418,
736,
5852,
13,
268,
13,
1678,
7306,
353,
2166,
428,
4809,
8120,
284,
580,
13,
1678,
7306,
29889,
11255,
8333,
29918,
10154,
29918,
978,
353,
376,
2146,
428,
29918,
10154,
29908,
13,
1678,
7306,
29889,
685,
29918,
2146,
428,
29918,
265,
353,
2507,
29918,
2146,
428,
29918,
265,
13,
1678,
7306,
29889,
29872,
622,
29918,
29879,
1037,
29893,
353,
7700,
13,
1678,
1583,
3032,
2146,
428,
29889,
6717,
29918,
28111,
29898,
28111,
29897,
13,
1678,
1583,
3032,
2146,
428,
29889,
10685,
29918,
1454,
29918,
2914,
29898,
307,
1028,
29891,
29889,
18984,
29898,
29906,
29889,
29900,
876,
13,
1678,
565,
451,
2507,
29918,
2146,
428,
29918,
265,
29901,
13,
418,
7306,
29889,
29872,
622,
29918,
29879,
1037,
29893,
353,
5852,
13,
418,
1583,
3032,
2146,
428,
29889,
6717,
29918,
28111,
29898,
28111,
29897,
13,
418,
1583,
3032,
2146,
428,
29889,
10685,
29918,
1454,
29918,
2914,
29898,
307,
1028,
29891,
29889,
18984,
29898,
29906,
29889,
29900,
876,
13,
418,
7306,
29889,
29872,
622,
29918,
29879,
1037,
29893,
353,
7700,
13,
418,
1583,
3032,
2146,
428,
29889,
6717,
29918,
28111,
29898,
28111,
29897,
13,
418,
1583,
3032,
2146,
428,
29889,
10685,
29918,
1454,
29918,
2914,
29898,
307,
1028,
29891,
29889,
18984,
29898,
29906,
29889,
29900,
876,
13,
1678,
736,
1583,
3032,
2146,
428,
29889,
657,
29918,
2914,
580,
13,
13,
29871,
822,
5839,
29918,
4746,
29918,
700,
284,
29918,
2146,
428,
29918,
29887,
374,
2496,
29898,
1311,
29892,
2318,
29918,
978,
29892,
18593,
29918,
28111,
29918,
303,
1160,
287,
29892,
6210,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
29908,
1125,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
15870,
5839,
292,
701,
491,
480,
428,
23157,
13,
1678,
620,
353,
1583,
29889,
2146,
384,
29898,
5574,
29897,
13,
1678,
565,
451,
620,
29901,
13,
418,
736,
7700,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
29925,
21616,
964,
278,
9016,
23157,
13,
1678,
565,
1583,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29901,
13,
418,
1583,
29889,
1867,
29918,
10660,
29918,
5910,
703,
29890,
29918,
7451,
613,
4889,
29922,
29945,
29889,
29900,
29892,
4480,
29922,
5574,
29892,
5305,
543,
29979,
29974,
613,
4236,
29918,
9961,
496,
29918,
19244,
21098,
29900,
29929,
29906,
29892,
6375,
29918,
19322,
21098,
29900,
29946,
29897,
13,
418,
1583,
29889,
26897,
29918,
517,
29918,
771,
3947,
703,
29956,
296,
304,
278,
3646,
29889,
5254,
3896,
1159,
13,
418,
396,
450,
4236,
29918,
9961,
496,
29918,
19244,
3443,
6602,
29879,
920,
2215,
278,
19964,
5771,
964,
278,
9016,
13,
418,
620,
353,
5852,
13,
1678,
1683,
29901,
13,
418,
620,
353,
1583,
29889,
11631,
29918,
1915,
29898,
2972,
29918,
978,
29892,
18593,
29918,
28111,
29918,
303,
1160,
287,
29892,
6210,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
29922,
355,
29918,
12352,
3019,
29918,
2324,
29897,
13,
1678,
736,
620,
13,
13,
29871,
822,
1055,
573,
29918,
23945,
29898,
1311,
29892,
2318,
29918,
978,
29892,
9016,
29918,
333,
29892,
6210,
29918,
11255,
353,
29871,
29896,
29889,
29900,
29892,
6210,
29918,
28544,
353,
29871,
29896,
29889,
29900,
29892,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29945,
29892,
9016,
29918,
12352,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29955,
29892,
9016,
29918,
12352,
29918,
29916,
2696,
353,
29871,
29900,
29892,
9016,
29918,
12352,
29918,
29891,
2696,
353,
29871,
29900,
29892,
9016,
29918,
12352,
29918,
12163,
29918,
2521,
353,
29871,
29900,
29892,
355,
29918,
12352,
3019,
29918,
2324,
353,
5124,
1125,
13,
1678,
396,
22150,
330,
374,
2496,
2038,
9016,
13,
1678,
7306,
29918,
4220,
29918,
27215,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
1678,
7306,
29918,
4220,
29918,
27215,
29889,
6672,
29889,
2557,
29918,
333,
353,
9016,
29918,
333,
13,
1678,
7306,
29918,
4220,
29918,
27215,
29889,
4220,
29889,
3283,
29889,
29916,
353,
9016,
29918,
12352,
29918,
29916,
2696,
13,
1678,
7306,
29918,
4220,
29918,
27215,
29889,
4220,
29889,
3283,
29889,
29891,
353,
9016,
29918,
12352,
29918,
29891,
2696,
13,
1678,
7306,
29918,
4220,
29918,
27215,
29889,
4220,
29889,
3283,
29889,
29920,
353,
9016,
29918,
12352,
29918,
3545,
13,
1678,
7306,
29918,
4220,
29918,
27215,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
6278,
1631,
29914,
29906,
29892,
2930,
29914,
29906,
1919,
29871,
29900,
876,
13,
1678,
620,
353,
1583,
29889,
11631,
29918,
1915,
29898,
2972,
29918,
978,
29892,
7306,
29918,
4220,
29918,
27215,
29892,
6210,
29922,
19322,
29918,
11255,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
29922,
355,
29918,
12352,
3019,
29918,
2324,
29897,
13,
1678,
565,
451,
620,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
23323,
29876,
29915,
29873,
748,
304,
278,
3646,
23157,
13,
418,
736,
7700,
13,
13,
1678,
396,
6585,
278,
330,
374,
2496,
29871,
13,
1678,
1583,
29889,
6717,
29918,
29887,
374,
2496,
29918,
6519,
29898,
29887,
374,
2496,
29922,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
613,
1899,
543,
5358,
1159,
13,
1678,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
29918,
3150,
580,
13,
1678,
696,
1028,
29891,
29889,
17059,
29898,
29896,
29897,
13,
13,
1678,
396,
19617,
355,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
19617,
355,
373,
3646,
23157,
13,
1678,
7306,
29918,
4220,
29918,
14273,
355,
353,
3509,
29889,
24535,
8552,
29898,
28111,
29918,
4220,
29918,
27215,
29897,
13,
1678,
7306,
29918,
4220,
29918,
14273,
355,
29889,
4220,
29889,
3283,
29889,
29920,
353,
7306,
29918,
4220,
29918,
14273,
355,
29889,
4220,
29889,
3283,
29889,
29920,
448,
2948,
29918,
3545,
13,
1678,
620,
29871,
353,
1583,
29889,
11631,
29918,
1915,
29898,
2972,
29918,
978,
29892,
7306,
29918,
4220,
29918,
14273,
355,
29892,
6210,
29922,
19322,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
29922,
355,
29918,
12352,
3019,
29918,
2324,
29897,
13,
1678,
565,
451,
620,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
23323,
29876,
29915,
29873,
748,
304,
2038,
278,
3646,
9016,
23157,
13,
418,
736,
7700,
13,
13,
1678,
396,
11123,
278,
330,
374,
2496,
29871,
13,
1678,
1583,
29889,
6717,
29918,
29887,
374,
2496,
29918,
6519,
29898,
29887,
374,
2496,
29922,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
613,
1899,
543,
3150,
1159,
13,
1678,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
29918,
5358,
580,
13,
1678,
696,
1028,
29891,
29889,
17059,
29898,
29896,
29897,
13,
13,
1678,
396,
29909,
1557,
355,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
29909,
1557,
355,
411,
3646,
23157,
13,
1678,
7306,
29918,
4220,
29918,
6151,
355,
353,
3509,
29889,
24535,
8552,
29898,
28111,
29918,
4220,
29918,
14273,
355,
29897,
13,
1678,
7306,
29918,
4220,
29918,
6151,
355,
29889,
4220,
29889,
3283,
29889,
29920,
353,
7306,
29918,
4220,
29918,
6151,
355,
29889,
4220,
29889,
3283,
29889,
29920,
718,
2948,
29918,
3545,
13,
1678,
620,
29871,
353,
1583,
29889,
11631,
29918,
1915,
29898,
2972,
29918,
978,
29892,
7306,
29918,
4220,
29918,
6151,
355,
29892,
6210,
29922,
19322,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
29922,
355,
29918,
12352,
3019,
29918,
2324,
29897,
13,
1678,
565,
451,
620,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
23323,
29876,
29915,
29873,
748,
304,
2038,
278,
3646,
9016,
23157,
13,
418,
736,
7700,
13,
13,
29871,
822,
5839,
29918,
29879,
1037,
29893,
29918,
2541,
29918,
17990,
2459,
29918,
29887,
374,
2496,
29898,
1311,
29892,
9016,
29918,
333,
29892,
885,
3973,
29918,
2311,
29892,
6210,
29918,
11255,
353,
29871,
29896,
29889,
29900,
29892,
6210,
29918,
28544,
353,
869,
29896,
29892,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29945,
29892,
9016,
29918,
12352,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29955,
29892,
9016,
29918,
12352,
29918,
12163,
29918,
2521,
353,
29871,
29900,
29892,
355,
29918,
12352,
3019,
29918,
2324,
353,
5124,
1125,
13,
1678,
2551,
29918,
23945,
353,
7700,
13,
1678,
396,
11123,
278,
330,
374,
2496,
322,
4078,
278,
10992,
2602,
13,
1678,
1583,
29889,
6717,
29918,
29887,
374,
2496,
29918,
6519,
29898,
29887,
374,
2496,
29922,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
613,
1899,
543,
3150,
1159,
13,
1678,
696,
1028,
29891,
29889,
17059,
29898,
29900,
29889,
29896,
29897,
13,
1678,
3802,
29918,
1066,
353,
696,
1028,
29891,
29889,
657,
29918,
3207,
11974,
17990,
2459,
29918,
29887,
374,
2496,
29918,
2974,
29914,
3993,
29918,
5358,
29918,
14817,
272,
29918,
3283,
613,
29871,
29906,
29906,
29906,
29906,
29897,
13,
13,
1678,
926,
29916,
353,
29871,
29900,
13,
1678,
926,
29891,
353,
29871,
29900,
13,
1678,
926,
29920,
353,
29871,
29900,
29889,
29900,
29947,
13,
13,
1678,
1550,
313,
1333,
2551,
29918,
23945,
1125,
13,
418,
5839,
29918,
4220,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
418,
5839,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
9016,
29918,
333,
13,
418,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
1583,
29889,
3204,
1328,
29918,
20659,
13,
418,
330,
374,
2496,
29918,
6519,
353,
376,
3993,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
29908,
13,
418,
1583,
29889,
23945,
703,
29874,
29918,
7451,
613,
5839,
29918,
4220,
29892,
29871,
29900,
29889,
29900,
29892,
6210,
29918,
11255,
353,
29871,
29896,
29889,
29900,
29892,
6210,
29918,
28544,
353,
29871,
29900,
29889,
29896,
29945,
29892,
29871,
13,
462,
4706,
330,
374,
2496,
29918,
6519,
29922,
29887,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29945,
29897,
13,
13,
418,
396,
5596,
1400,
545,
310,
278,
885,
3973,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
17946,
1423,
10884,
1159,
13,
418,
975,
29918,
2109,
29918,
29941,
29918,
12090,
29918,
4220,
353,
518,
29900,
29889,
29945,
29953,
29941,
29929,
29945,
29906,
29941,
29947,
29953,
29947,
29929,
29947,
29906,
29946,
29955,
29953,
29892,
448,
29896,
29889,
29906,
29900,
29906,
29941,
29947,
29941,
29946,
29955,
29941,
29946,
29896,
29900,
29946,
29953,
29953,
29947,
29892,
29871,
29906,
29889,
29900,
29947,
29946,
29941,
29947,
29900,
29900,
29955,
29955,
29896,
29896,
29900,
29945,
29946,
29946,
29892,
448,
29946,
29889,
29896,
29896,
29945,
29929,
29947,
29900,
29929,
29900,
29941,
29941,
29947,
29953,
29900,
29896,
29906,
29892,
448,
29896,
29889,
29941,
29945,
29900,
29906,
29953,
29906,
29929,
29946,
29953,
29900,
29900,
29946,
29953,
29955,
29955,
29892,
29871,
29896,
29889,
29945,
29929,
29896,
29900,
29900,
29947,
29945,
29955,
29941,
29947,
29896,
29946,
29946,
29946,
29941,
29955,
29962,
13,
418,
1583,
29889,
11631,
29918,
2212,
9466,
703,
29874,
29918,
7451,
613,
975,
29918,
2109,
29918,
29941,
29918,
12090,
29918,
4220,
29892,
6210,
21098,
29945,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
13,
418,
975,
29918,
2109,
29918,
29941,
29918,
262,
695,
1312,
29918,
12090,
29918,
4220,
353,
518,
29900,
29889,
29945,
29953,
29946,
29953,
29946,
29906,
29955,
29941,
29929,
29941,
29953,
29906,
29941,
29941,
29900,
29896,
29892,
448,
29896,
29889,
29906,
29900,
29906,
29941,
29941,
29941,
29929,
29906,
29946,
29929,
29947,
29906,
29945,
29896,
29896,
29892,
29871,
29906,
29889,
29900,
29946,
29900,
29955,
29906,
29941,
29945,
29947,
29945,
29941,
29929,
29945,
29929,
29900,
29896,
29892,
448,
29946,
29889,
29896,
29929,
29955,
29953,
29896,
29953,
29947,
29947,
29953,
29947,
29896,
29896,
29896,
29906,
29896,
29892,
448,
29896,
29889,
29941,
29945,
29945,
29900,
29955,
29941,
29955,
29953,
29906,
29900,
29900,
29906,
29953,
29900,
29953,
29947,
29892,
29871,
29896,
29889,
29953,
29896,
29947,
29900,
29946,
29906,
29929,
29896,
29906,
29941,
29953,
29945,
29941,
29900,
29929,
29945,
29962,
13,
418,
1583,
29889,
11631,
29918,
2212,
9466,
703,
29874,
29918,
7451,
613,
975,
29918,
2109,
29918,
29941,
29918,
262,
695,
1312,
29918,
12090,
29918,
4220,
29892,
6210,
21098,
29945,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
539,
13,
418,
396,
6585,
925,
263,
2586,
278,
330,
374,
2496,
13,
418,
565,
29898,
29879,
1037,
29893,
29918,
2311,
1275,
29871,
29946,
1125,
13,
4706,
1722,
29918,
3881,
353,
29871,
29947,
29900,
13,
418,
25342,
29898,
29879,
1037,
29893,
29918,
2311,
1275,
29871,
29941,
1125,
13,
4706,
1722,
29918,
3881,
353,
29871,
29953,
29900,
13,
418,
1683,
29901,
13,
4706,
696,
1028,
29891,
29889,
417,
914,
729,
703,
29903,
1037,
29893,
2159,
338,
2743,
1159,
13,
4706,
1722,
29918,
3881,
353,
29871,
29900,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
463,
6426,
1722,
10029,
1159,
13,
418,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
29918,
3150,
29918,
2536,
523,
368,
29898,
3150,
29918,
3881,
29897,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
2548,
6426,
1722,
10029,
1159,
13,
418,
696,
1028,
29891,
29889,
17059,
29898,
29896,
29889,
29900,
29897,
13,
418,
396,
11123,
278,
330,
374,
2496,
8072,
13,
418,
1583,
29889,
6717,
29918,
29887,
374,
2496,
29918,
6519,
29898,
29887,
374,
2496,
29922,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
613,
1899,
543,
5358,
1159,
13,
418,
696,
1028,
29891,
29889,
17059,
29898,
29896,
29889,
29900,
29897,
13,
418,
396,
5596,
278,
10992,
2602,
29871,
13,
418,
2551,
29918,
23945,
353,
5852,
13,
418,
565,
29898,
6897,
29898,
1311,
3032,
14817,
272,
9135,
448,
3802,
29918,
1066,
29897,
1405,
29871,
29906,
29945,
29871,
1125,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
29903,
1037,
29893,
471,
18691,
8472,
29889,
1583,
3032,
14817,
272,
9135,
353,
376,
718,
851,
29898,
1311,
3032,
14817,
272,
9135,
876,
13,
4706,
2551,
29918,
23945,
353,
5852,
13,
418,
1683,
29901,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
9260,
451,
5839,
885,
3973,
1159,
13,
4706,
736,
7700,
13,
418,
565,
451,
1583,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29901,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
7900,
2017,
2551,
363,
278,
17402,
1159,
13,
4706,
2551,
29918,
23945,
353,
5852,
13,
268,
13,
1678,
2038,
29918,
3179,
957,
29918,
12090,
29918,
4220,
353,
518,
29896,
29889,
29941,
29929,
29947,
29941,
29955,
29900,
29955,
29946,
29906,
29955,
29929,
29955,
29947,
29945,
29896,
29953,
29892,
448,
29896,
29889,
29941,
29946,
29941,
29929,
29929,
29946,
29946,
29946,
29906,
29953,
29896,
29953,
29945,
29929,
29947,
29892,
29871,
29906,
29889,
29900,
29946,
29947,
29946,
29941,
29941,
29955,
29947,
29900,
29953,
29955,
29900,
29896,
29953,
29953,
29892,
448,
29946,
29889,
29900,
29945,
29953,
29900,
29947,
29955,
29955,
29929,
29945,
29947,
29947,
29947,
29900,
29947,
29906,
29892,
448,
29896,
29889,
29929,
29955,
29953,
29945,
29953,
29896,
29947,
29946,
29947,
29941,
29896,
29955,
29906,
29947,
29896,
29945,
29892,
29871,
29896,
29889,
29946,
29953,
29929,
29945,
29947,
29953,
29906,
29945,
29941,
29896,
29953,
29953,
29896,
29929,
29947,
29955,
29962,
13,
1678,
1583,
29889,
11631,
29918,
2212,
9466,
703,
29874,
29918,
7451,
613,
2038,
29918,
3179,
957,
29918,
12090,
29918,
4220,
29892,
6210,
21098,
29941,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29879,
1037,
29893,
29918,
3179,
957,
613,
376,
29874,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3993,
29918,
3150,
29918,
2536,
523,
368,
29898,
3150,
29918,
3881,
29897,
13,
1678,
736,
5852,
13,
13,
29871,
822,
11105,
29918,
2109,
29898,
1311,
29892,
2318,
29918,
978,
29892,
9016,
29918,
333,
1125,
13,
1678,
11105,
29918,
9264,
353,
29871,
29900,
29889,
29900,
13,
1678,
1298,
29918,
3332,
29896,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29896,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
8862,
29918,
1266,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29896,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
6278,
13168,
29918,
9264,
29892,
448,
13168,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
1298,
29918,
3332,
29906,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29906,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
1627,
29918,
1266,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29906,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
13168,
29918,
9264,
29892,
448,
13168,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
1298,
29918,
3332,
29941,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29941,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
1627,
29918,
1563,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29941,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
13168,
29918,
9264,
29892,
11105,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
1298,
29918,
3332,
29946,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29946,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
8862,
29918,
1563,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29946,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
6278,
13168,
29918,
9264,
29892,
11105,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
396,
4986,
3970,
1735,
278,
16436,
354,
4099,
515,
304,
278,
10809,
3515,
297,
3209,
344,
310,
9210,
29889,
541,
16436,
354,
4099,
881,
321,
3431,
1951,
278,
1023,
4558,
526,
26118,
313,
19488,
322,
15552,
29890,
29897,
1156,
278,
1855,
4060,
2943,
13,
1678,
1298,
29918,
3332,
29896,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
561,
2251,
29875,
29918,
29885,
29918,
29879,
6073,
613,
1298,
29918,
3332,
29896,
467,
3149,
13,
1678,
1298,
29918,
3332,
29906,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
561,
2251,
29875,
29918,
29885,
29918,
29879,
6073,
613,
1298,
29918,
3332,
29906,
467,
3149,
13,
1678,
1298,
29918,
3332,
29941,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
561,
2251,
29875,
29918,
29885,
29918,
29879,
6073,
613,
1298,
29918,
3332,
29941,
467,
3149,
13,
1678,
1298,
29918,
3332,
29946,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
561,
2251,
29875,
29918,
29885,
29918,
29879,
6073,
613,
1298,
29918,
3332,
29946,
467,
3149,
13,
13,
13,
1678,
396,
2158,
703,
3149,
29918,
3332,
29896,
29918,
11108,
1159,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29896,
29918,
11108,
29897,
13,
1678,
396,
2158,
703,
3149,
29918,
3332,
29906,
29918,
11108,
1159,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29906,
29918,
11108,
29897,
13,
1678,
396,
2158,
703,
3149,
29918,
3332,
29941,
29918,
11108,
1159,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29941,
29918,
11108,
29897,
13,
1678,
396,
2158,
703,
3149,
29918,
3332,
29946,
29918,
11108,
1159,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29946,
29918,
11108,
29897,
13,
13,
1678,
396,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
29900,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29946,
29897,
13,
1678,
396,
2158,
29898,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29897,
13,
13,
1678,
396,
4986,
3970,
2060,
278,
29871,
29946,
3291,
297,
278,
10809,
10694,
313,
4716,
18246,
4636,
304,
671,
515,
278,
10656,
29897,
13,
1678,
396,
771,
6929,
4636,
13,
1678,
396,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29941,
29906,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29906,
29946,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
268,
13,
1678,
396,
13,
1678,
396,
29925,
29901,
518,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29941,
29906,
29900,
29889,
29945,
29892,
448,
29941,
29947,
29889,
29947,
29900,
29953,
29955,
29947,
29929,
29947,
29929,
29955,
29945,
29947,
29945,
29900,
29929,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29906,
29946,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29962,
13,
1678,
396,
4986,
3970,
2125,
278,
4128,
515,
278,
847,
26065,
29918,
3888,
11261,
2012,
13,
13,
13,
13,
1678,
1298,
29918,
3332,
29896,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29896,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29896,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29896,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
1298,
29918,
3332,
29906,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29906,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29906,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29906,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
1298,
29918,
3332,
29941,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29941,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29941,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29941,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
1298,
29918,
3332,
29946,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29946,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29946,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29946,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
396,
3880,
304,
1243,
278,
18246,
13,
1678,
396,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
1688,
29918,
5064,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
1688,
29918,
5064,
29918,
11108,
29889,
29920,
2314,
1678,
13,
268,
13,
1678,
396,
26180,
278,
10656,
3443,
310,
278,
282,
1251,
3594,
13,
539,
13,
1678,
1298,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
29925,
1251,
5389,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29896,
29918,
11108,
29918,
9302,
29897,
13,
1678,
1298,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
29925,
1251,
5389,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29906,
29918,
11108,
29918,
9302,
29897,
13,
1678,
1298,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
29925,
1251,
5389,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29941,
29918,
11108,
29918,
9302,
29897,
13,
1678,
1298,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
29925,
1251,
5389,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29946,
29918,
11108,
29918,
9302,
29897,
13,
1678,
396,
3149,
29918,
1688,
29918,
5064,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29918,
9302,
29897,
29871,
13,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29897,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29897,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29897,
13,
1678,
396,
2158,
29898,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29897,
13,
1678,
396,
2158,
29898,
3149,
29918,
1688,
29918,
5064,
29918,
2492,
29918,
9302,
29897,
13,
13,
1678,
297,
29918,
3733,
17125,
353,
2043,
17125,
580,
13,
1678,
297,
29918,
3733,
17125,
29889,
9748,
353,
518,
5228,
29941,
29906,
29898,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
511,
13,
462,
1678,
8984,
29941,
29906,
29898,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
511,
13,
462,
1678,
8984,
29941,
29906,
29898,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
511,
13,
462,
1678,
8984,
29941,
29906,
29898,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
4638,
13,
13,
1678,
29807,
353,
518,
313,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29900,
1822,
29916,
29892,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29900,
1822,
29891,
511,
13,
462,
1678,
313,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29896,
1822,
29916,
29892,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29896,
1822,
29891,
511,
13,
462,
1678,
313,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29906,
1822,
29916,
29892,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29906,
1822,
29891,
511,
13,
462,
1678,
313,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29941,
1822,
29916,
29892,
262,
29918,
3733,
17125,
29889,
9748,
29961,
29941,
1822,
29891,
4638,
13,
13,
13,
1678,
11105,
29918,
2492,
353,
7084,
2227,
29931,
29889,
1482,
877,
29931,
742,
313,
29906,
29900,
29953,
29946,
29892,
29896,
29945,
29946,
29946,
511,
29871,
29900,
29897,
13,
1678,
7084,
8537,
2227,
29931,
29889,
8537,
29898,
13168,
29918,
2492,
467,
3733,
17125,
29898,
3733,
17125,
29892,
27887,
353,
29871,
29896,
29892,
5445,
353,
29871,
29906,
29945,
29945,
29897,
13,
1678,
11105,
29918,
3027,
29918,
9302,
353,
7442,
29889,
2378,
29898,
13168,
29918,
2492,
29897,
13,
1678,
1024,
1445,
353,
376,
13168,
29918,
561,
2251,
29875,
29918,
17969,
710,
29898,
2109,
29918,
333,
7240,
1642,
2732,
29908,
13,
1678,
11105,
29918,
2492,
29889,
7620,
29898,
978,
1445,
5501,
29925,
9312,
1495,
13,
13,
13,
29871,
822,
1776,
29918,
2109,
29898,
1311,
29892,
2318,
29918,
978,
29892,
9016,
29918,
333,
29892,
760,
29918,
333,
29892,
6210,
29918,
11255,
353,
29871,
29896,
29889,
29900,
29892,
6210,
29918,
28544,
353,
29871,
29896,
29889,
29900,
29892,
9016,
29918,
12352,
29918,
3545,
353,
29871,
29900,
29889,
29906,
29892,
9016,
29918,
12352,
29918,
29916,
2696,
353,
29871,
29900,
29892,
9016,
29918,
12352,
29918,
12163,
29918,
2521,
353,
29871,
29906,
29900,
29892,
355,
29918,
12352,
3019,
29918,
2324,
353,
5124,
1125,
13,
1678,
396,
14402,
29901,
10365,
278,
921,
29892,
29920,
322,
1095,
2779,
272,
7769,
20819,
363,
14413,
1776,
310,
278,
9016,
304,
671,
411,
278,
29871,
320,
4478,
29918,
629,
4692,
2669,
13,
1678,
7306,
29918,
4220,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
1678,
7306,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
9016,
29918,
333,
13,
1678,
7306,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
353,
9016,
29918,
12352,
29918,
29916,
2696,
448,
869,
29896,
13,
1678,
7306,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
353,
448,
29889,
29900,
29945,
13,
1678,
7306,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
9016,
29918,
12352,
29918,
3545,
448,
869,
29896,
13,
13,
1678,
7306,
29918,
4220,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
6278,
1631,
29914,
29906,
29892,
2930,
29914,
29906,
29892,
29871,
29900,
876,
13,
1678,
620,
353,
1583,
29889,
11631,
29918,
1915,
29898,
2972,
29918,
978,
29892,
7306,
29918,
4220,
29892,
6210,
29918,
28544,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
1159,
13,
1678,
565,
451,
620,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
23323,
29876,
29915,
29873,
748,
304,
278,
3646,
23157,
13,
1678,
396,
4986,
3970,
11583,
411,
12642,
774,
29877,
4701,
1550,
640,
22155,
278,
19964,
411,
2351,
24446,
13,
418,
736,
7700,
29871,
13,
29871,
13,
1678,
396,
4986,
3970,
22521,
545,
393,
278,
278,
10884,
338,
7743,
1434,
14655,
278,
11105,
29889,
13,
13,
1678,
396,
4986,
3970,
451,
1854,
565,
278,
8709,
338,
5181,
338,
4337,
29918,
1915,
4480,
363,
278,
10884,
304,
367,
7743,
29973,
13,
1678,
696,
1028,
29891,
29889,
17059,
29898,
29906,
29897,
13,
13,
1678,
11105,
29918,
9264,
353,
29871,
29900,
29889,
29900,
13,
1678,
1298,
29918,
3332,
29896,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29896,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
8862,
29918,
1266,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29896,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
6278,
13168,
29918,
9264,
29892,
448,
13168,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
1298,
29918,
3332,
29906,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29906,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
1627,
29918,
1266,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29906,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
13168,
29918,
9264,
29892,
448,
13168,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
1298,
29918,
3332,
29941,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29941,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
1627,
29918,
1563,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29941,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
13168,
29918,
9264,
29892,
11105,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
1298,
29918,
3332,
29946,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
1678,
1298,
29918,
3332,
29946,
29889,
6672,
29889,
2557,
29918,
333,
353,
851,
29898,
2109,
29918,
333,
7240,
29908,
29918,
8968,
29918,
8862,
29918,
1563,
29918,
2616,
1089,
29908,
13,
1678,
1298,
29918,
3332,
29946,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
6278,
13168,
29918,
9264,
29892,
11105,
29918,
9264,
29892,
29871,
29900,
29889,
29900,
29897,
13,
13,
1678,
396,
4986,
3970,
1735,
278,
16436,
354,
4099,
515,
304,
278,
10809,
3515,
297,
3209,
344,
310,
9210,
29889,
541,
16436,
354,
4099,
881,
321,
3431,
1951,
278,
1023,
4558,
526,
26118,
313,
19488,
322,
15552,
29890,
29897,
1156,
278,
1855,
4060,
2943,
13,
1678,
1298,
29918,
3332,
29896,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
7451,
29918,
26065,
29918,
1052,
4626,
630,
29918,
2557,
29918,
2324,
613,
1298,
29918,
3332,
29896,
467,
3149,
13,
1678,
1298,
29918,
3332,
29906,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
7451,
29918,
26065,
29918,
1052,
4626,
630,
29918,
2557,
29918,
2324,
613,
1298,
29918,
3332,
29906,
467,
3149,
13,
1678,
1298,
29918,
3332,
29941,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
7451,
29918,
26065,
29918,
1052,
4626,
630,
29918,
2557,
29918,
2324,
613,
1298,
29918,
3332,
29941,
467,
3149,
13,
1678,
1298,
29918,
3332,
29946,
29918,
11108,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
7451,
29918,
26065,
29918,
1052,
4626,
630,
29918,
2557,
29918,
2324,
613,
1298,
29918,
3332,
29946,
467,
3149,
13,
13,
13,
1678,
396,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
29900,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29946,
29897,
13,
1678,
396,
2158,
29898,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29897,
13,
13,
1678,
396,
4986,
3970,
2060,
278,
29871,
29946,
3291,
297,
278,
10809,
10694,
313,
4716,
18246,
4636,
304,
671,
515,
278,
10656,
29897,
13,
1678,
396,
771,
6929,
4636,
13,
1678,
396,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29941,
29906,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29906,
29946,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
268,
13,
1678,
396,
13,
1678,
396,
29925,
29901,
518,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29941,
29906,
29900,
29889,
29945,
29892,
448,
29941,
29947,
29889,
29947,
29900,
29953,
29955,
29947,
29929,
29947,
29929,
29955,
29945,
29947,
29945,
29900,
29929,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29945,
29945,
29946,
29889,
29941,
29947,
29906,
29955,
29896,
29906,
29947,
29906,
29906,
29953,
29946,
29946,
29896,
29892,
29871,
29906,
29946,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29962,
13,
1678,
396,
4986,
3970,
2125,
278,
4128,
515,
278,
847,
26065,
29918,
3888,
11261,
2012,
13,
13,
13,
1678,
1298,
29918,
3332,
29896,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29896,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29896,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29896,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
1298,
29918,
3332,
29906,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29906,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29906,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29906,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
1298,
29918,
3332,
29941,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29941,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29941,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29941,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
1298,
29918,
3332,
29946,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
3332,
29946,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
3332,
29946,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
3332,
29946,
29918,
11108,
29889,
29920,
2314,
1678,
13,
1678,
396,
3880,
304,
1243,
278,
18246,
13,
1678,
396,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29889,
29916,
29892,
1298,
29918,
1688,
29918,
5064,
29918,
11108,
29889,
29891,
29892,
1298,
29918,
1688,
29918,
5064,
29918,
11108,
29889,
29920,
2314,
1678,
13,
539,
13,
1678,
1298,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29896,
29918,
11108,
29918,
9302,
29897,
13,
1678,
1298,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29906,
29918,
11108,
29918,
9302,
29897,
13,
1678,
1298,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29941,
29918,
11108,
29918,
9302,
29897,
13,
1678,
1298,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
3332,
29946,
29918,
11108,
29918,
9302,
29897,
13,
1678,
396,
3149,
29918,
1688,
29918,
5064,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
9782,
29968,
29889,
6333,
29898,
3149,
29918,
1688,
29918,
5064,
29918,
11108,
29918,
9302,
29897,
29871,
13,
13,
13,
1678,
11105,
29918,
3733,
17125,
353,
2043,
17125,
580,
13,
1678,
11105,
29918,
3733,
17125,
29889,
9748,
353,
518,
5228,
29941,
29906,
29898,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29896,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
511,
13,
462,
1678,
8984,
29941,
29906,
29898,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29906,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
511,
13,
462,
1678,
8984,
29941,
29906,
29898,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29941,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
511,
13,
462,
1678,
8984,
29941,
29906,
29898,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
29918,
3332,
29946,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
4638,
13,
13,
1678,
7306,
353,
288,
29906,
294,
29918,
1516,
3174,
29889,
7645,
29889,
10054,
29928,
2650,
428,
8120,
284,
580,
13,
1678,
7306,
29889,
13168,
12521,
1089,
353,
11105,
29918,
3733,
17125,
13,
1678,
7306,
29889,
3207,
29918,
1595,
29918,
333,
353,
376,
1595,
27508,
718,
851,
29898,
1595,
29918,
333,
29897,
13,
13,
1678,
1583,
29889,
10054,
29918,
29881,
2650,
428,
29918,
4645,
29889,
6717,
29918,
28111,
29898,
28111,
29897,
13,
1678,
1583,
29889,
10054,
29918,
29881,
2650,
428,
29918,
4645,
29889,
10685,
29918,
1454,
29918,
2914,
580,
13,
1678,
1121,
353,
1583,
29889,
10054,
29918,
29881,
2650,
428,
29918,
4645,
29889,
657,
29918,
2914,
580,
13,
1678,
396,
307,
1028,
29891,
29889,
1188,
3888,
29898,
2914,
29897,
13,
13,
1678,
396,
4986,
3970,
1831,
607,
926,
267,
304,
6755,
297,
278,
1409,
13,
1678,
565,
1121,
29901,
13,
418,
18593,
2588,
1666,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
2588,
580,
13,
13,
418,
396,
4986,
3970,
20025,
18593,
297,
278,
7145,
280,
310,
278,
9016,
13,
418,
396,
1195,
921,
1375,
343,
297,
278,
9016,
3515,
13,
13,
418,
565,
29898,
2914,
29889,
8698,
1125,
29871,
13,
4706,
18593,
2588,
1666,
353,
1121,
29889,
10590,
6362,
26458,
29871,
13,
4706,
5418,
1762,
29933,
262,
13409,
353,
5159,
13,
4706,
363,
474,
297,
3464,
29898,
2435,
29898,
4220,
2588,
1666,
29889,
10590,
22164,
29871,
13,
3986,
1298,
14353,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
3986,
396,
3601,
2785,
871,
13,
3986,
18593,
2588,
1666,
29889,
6672,
29889,
2557,
29918,
333,
353,
376,
29874,
29918,
7451,
29918,
26065,
29918,
1052,
4626,
630,
29918,
2557,
29918,
2324,
29908,
13,
3986,
1298,
14353,
29889,
6672,
353,
18593,
2588,
1666,
29889,
6672,
13,
3986,
1298,
14353,
29889,
3149,
353,
18593,
2588,
1666,
29889,
10590,
29961,
29875,
1822,
3283,
13,
3986,
1298,
29933,
262,
353,
1583,
29889,
25894,
29889,
9067,
5228,
29898,
2109,
29918,
333,
29892,
1298,
14353,
467,
3149,
13,
3986,
5418,
1762,
29933,
262,
13409,
29889,
4397,
29898,
755,
29889,
3676,
29898,
3149,
29933,
262,
29889,
29916,
29930,
3149,
29933,
262,
29889,
29916,
718,
1298,
29933,
262,
29889,
29891,
29930,
3149,
29933,
262,
29889,
29891,
876,
13,
4706,
1375,
29925,
852,
3220,
353,
7442,
29889,
1191,
1195,
29898,
19244,
1762,
29933,
262,
13409,
29897,
13,
3986,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
3149,
21438,
304,
278,
9016,
4818,
297,
278,
921,
29891,
10694,
1159,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
29898,
4220,
2588,
1666,
29889,
10590,
29961,
1195,
29925,
852,
3220,
2314,
13,
13,
4706,
396,
13372,
1298,
515,
10656,
3407,
304,
9016,
3407,
13,
4706,
1298,
7439,
14353,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
4706,
1298,
7439,
14353,
29889,
6672,
353,
18593,
2588,
1666,
29889,
6672,
13,
4706,
1298,
7439,
14353,
29889,
3149,
353,
18593,
2588,
1666,
29889,
10590,
29961,
1195,
29925,
852,
3220,
1822,
3283,
13,
4706,
1298,
7439,
29933,
262,
353,
1583,
29889,
25894,
29889,
9067,
5228,
29898,
2109,
29918,
333,
29892,
1298,
7439,
14353,
29897,
13,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
29925,
852,
297,
9016,
1159,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
29898,
3149,
7439,
29933,
262,
29897,
13,
13,
4706,
396,
13372,
1298,
515,
10656,
3407,
304,
9016,
3407,
13,
4706,
7306,
29918,
1595,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
4706,
7306,
29918,
1595,
29889,
6672,
29889,
2557,
29918,
333,
353,
1298,
7439,
29933,
262,
29889,
6672,
29889,
2557,
29918,
333,
13,
4706,
7306,
29918,
1595,
29889,
4220,
29889,
3283,
29889,
29916,
353,
1298,
7439,
29933,
262,
29889,
3149,
29889,
29916,
13,
4706,
7306,
29918,
1595,
29889,
4220,
29889,
3283,
29889,
29891,
353,
1298,
7439,
29933,
262,
29889,
3149,
29889,
29891,
13,
4706,
7306,
29918,
1595,
29889,
4220,
29889,
3283,
29889,
29920,
353,
1298,
7439,
29933,
262,
29889,
3149,
29889,
29920,
13,
4706,
7306,
29918,
1595,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
6278,
1631,
29914,
29906,
29892,
2930,
29914,
29906,
1919,
29871,
29900,
876,
13,
13,
4706,
1583,
29889,
3784,
29918,
2492,
29918,
29893,
29918,
10054,
353,
3509,
29889,
24535,
8552,
29898,
2914,
29889,
10054,
2940,
29897,
13,
4706,
1583,
29889,
4012,
29918,
3149,
29941,
29928,
29918,
7045,
29918,
1493,
29918,
2109,
29898,
3149,
7439,
14353,
29897,
13,
13,
4706,
736,
7306,
29918,
1595,
418,
13,
13,
1678,
1683,
29901,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
1217,
18593,
17809,
1159,
13,
1678,
396,
4986,
3970,
565,
3078,
338,
17809,
4337,
278,
10656,
263,
2586,
304,
1018,
304,
6459,
1047,
621,
262,
13,
4706,
736,
7700,
539,
13,
13,
29871,
822,
4216,
29918,
3149,
29941,
29928,
29918,
7045,
29918,
1493,
29918,
2109,
29898,
1311,
29892,
1298,
7439,
14353,
1125,
13,
4706,
835,
8010,
278,
7306,
373,
278,
1967,
10694,
773,
278,
10656,
4636,
763,
363,
278,
11105,
13,
4706,
396,
13372,
8984,
297,
10656,
3407,
13,
4706,
1298,
29941,
29928,
29918,
517,
29918,
4012,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
4706,
1298,
29941,
29928,
29918,
517,
29918,
4012,
29871,
353,
1583,
29889,
25894,
29889,
9067,
5228,
703,
29874,
29918,
7451,
29918,
26065,
29918,
1052,
4626,
630,
29918,
2557,
29918,
2324,
613,
1298,
7439,
14353,
29897,
13,
4706,
396,
11882,
278,
2582,
13,
13,
4706,
396,
8010,
278,
1298,
304,
278,
10656,
10694,
13,
4706,
1298,
7439,
29918,
11108,
29918,
9302,
353,
7442,
29889,
2378,
4197,
3149,
29941,
29928,
29918,
517,
29918,
4012,
29889,
3149,
29889,
29916,
29892,
1298,
29941,
29928,
29918,
517,
29918,
4012,
29889,
3149,
29889,
29891,
29892,
1298,
29941,
29928,
29918,
517,
29918,
4012,
29889,
3149,
29889,
29920,
2314,
13,
4706,
1298,
7439,
29918,
2492,
29918,
9302,
353,
1583,
29889,
26065,
9782,
29968,
29889,
6333,
29898,
3149,
7439,
29918,
11108,
29918,
9302,
29897,
13,
4706,
396,
4300,
29888,
290,
964,
15526,
14821,
13,
4706,
1298,
7439,
29918,
29886,
861,
29922,
1298,
14353,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
3149,
7439,
29918,
2492,
29918,
9302,
29961,
29900,
16261,
3149,
7439,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
3149,
7439,
29918,
2492,
29918,
9302,
29961,
29896,
16261,
3149,
7439,
29918,
2492,
29918,
9302,
29961,
29906,
1402,
29900,
29897,
13,
4706,
10153,
29918,
10054,
29918,
11023,
353,
1583,
29889,
18419,
29889,
2492,
7645,
29918,
517,
29918,
11023,
29906,
29898,
1311,
29889,
3784,
29918,
2492,
29918,
29893,
29918,
10054,
1919,
7429,
29918,
22331,
543,
18182,
303,
1092,
820,
1159,
13,
4706,
396,
2492,
29918,
10054,
29918,
11023,
29918,
9302,
353,
7442,
29889,
294,
2378,
29898,
2492,
29918,
10054,
29918,
11023,
29897,
7503,
29892,
584,
29892,
4761,
29899,
29896,
29962,
13,
4706,
396,
8537,
278,
8607,
297,
24841,
363,
278,
16193,
18593,
13,
4706,
13850,
29906,
29889,
16622,
29898,
2492,
29918,
10054,
29918,
11023,
22657,
524,
29898,
3149,
7439,
29918,
29886,
861,
29889,
29916,
511,
524,
29898,
3149,
7439,
29918,
29886,
861,
29889,
29891,
8243,
29871,
29941,
29892,
313,
29900,
29892,
29906,
29945,
29945,
29892,
29900,
511,
29871,
29946,
29897,
29871,
13,
13,
4706,
1583,
29889,
3784,
29918,
2492,
29918,
29893,
29918,
28111,
353,
1583,
29889,
18419,
29889,
11023,
29906,
29918,
517,
29918,
2492,
7645,
29898,
2492,
29918,
10054,
29918,
11023,
29892,
376,
23973,
29947,
1159,
13,
13,
4706,
396,
23679,
278,
2582,
13,
4706,
1018,
29901,
13,
3986,
1596,
703,
23679,
1159,
13,
3986,
1583,
29889,
2492,
29918,
3993,
29918,
23945,
29918,
5467,
29889,
23679,
29898,
1311,
29889,
3784,
29918,
2492,
29918,
29893,
29918,
28111,
29897,
13,
4706,
5174,
315,
29894,
29933,
8605,
2392,
408,
321,
29901,
13,
3986,
1596,
29898,
29872,
29897,
13,
965,
13,
29871,
822,
2058,
29918,
29879,
1037,
29893,
29918,
262,
29918,
29873,
764,
29898,
1311,
29892,
885,
3973,
29918,
2311,
29892,
731,
29918,
4537,
29892,
16188,
29918,
4537,
1125,
13,
1678,
9995,
13,
1678,
23178,
263,
885,
3973,
297,
263,
260,
764,
29889,
319,
885,
3973,
4225,
304,
367,
8988,
491,
278,
885,
3973,
5780,
29991,
13,
1678,
9995,
13,
1678,
396,
4803,
445,
1899,
304,
7462,
278,
885,
3973,
5780,
29901,
437,
29918,
3167,
29918,
10154,
29918,
2467,
29898,
1311,
29892,
376,
29883,
29918,
7451,
613,
7462,
29922,
5574,
29892,
885,
3973,
29918,
2311,
353,
29871,
29946,
29897,
13,
268,
13,
1678,
565,
451,
885,
3973,
29918,
2311,
1360,
29941,
322,
451,
885,
3973,
29918,
2311,
1360,
29946,
29901,
13,
418,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
29903,
1037,
29893,
2159,
4225,
304,
367,
29871,
29941,
470,
29871,
29946,
29991,
1159,
13,
418,
736,
7700,
13,
268,
13,
1678,
396,
9603,
304,
278,
1492,
304,
3700,
278,
8343,
414,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1725,
2447,
29918,
23945,
29918,
2040,
613,
376,
29883,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
268,
13,
1678,
18593,
29918,
29873,
764,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
1678,
18593,
29918,
29873,
764,
29889,
6672,
29889,
2557,
29918,
333,
353,
376,
842,
27508,
718,
851,
29898,
842,
29918,
4537,
29897,
718,
11119,
29873,
764,
29918,
29906,
29918,
29879,
1037,
29893,
29918,
29885,
29908,
718,
851,
29898,
29879,
1037,
29893,
29918,
2311,
29897,
718,
11119,
29908,
718,
851,
29898,
29716,
29918,
4537,
29897,
13,
1678,
565,
731,
29918,
4537,
1275,
29871,
29896,
29901,
13,
418,
18593,
29918,
29873,
764,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
1631,
29914,
29906,
29892,
29871,
29900,
29892,
29871,
29900,
876,
13,
418,
18593,
29918,
29873,
764,
29889,
4220,
29889,
3283,
29889,
29916,
353,
448,
29889,
29900,
29896,
13,
1678,
25342,
731,
29918,
4537,
1275,
29871,
29906,
29901,
13,
418,
18593,
29918,
29873,
764,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
1631,
29914,
29946,
29892,
29871,
29900,
29892,
29871,
29900,
876,
13,
418,
18593,
29918,
29873,
764,
29889,
4220,
29889,
3283,
29889,
29916,
353,
448,
29889,
29900,
29900,
29945,
13,
1678,
25342,
731,
29918,
4537,
1275,
29871,
29941,
29901,
13,
418,
18593,
29918,
29873,
764,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
29871,
29900,
29892,
29871,
29900,
876,
13,
418,
18593,
29918,
29873,
764,
29889,
4220,
29889,
3283,
29889,
29916,
353,
448,
29889,
29900,
29900,
29945,
13,
1678,
565,
885,
3973,
29918,
2311,
1275,
29871,
29941,
29901,
13,
418,
18593,
29918,
29873,
764,
29889,
4220,
29889,
3283,
29889,
29916,
4619,
869,
29900,
29900,
29945,
13,
13,
1678,
2551,
353,
1583,
29889,
1867,
29918,
6689,
29918,
2467,
703,
29883,
29918,
7451,
613,
18593,
29918,
29873,
764,
29892,
5780,
29918,
978,
353,
376,
29879,
1037,
29893,
29918,
10154,
613,
885,
3973,
29918,
2311,
29922,
29879,
1037,
29893,
29918,
2311,
29897,
13,
1678,
565,
451,
2551,
29901,
13,
418,
736,
7700,
13,
268,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1725,
2447,
29918,
23945,
29918,
2040,
613,
376,
29883,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
736,
5852,
13,
268,
13,
13,
29871,
835,
7346,
4136,
29937,
448,
807,
4432,
359,
259,
13,
29871,
835,
7346,
4136,
29937,
29871,
13,
29871,
835,
7346,
4136,
29937,
29871,
13,
13,
29871,
822,
5839,
29918,
29879,
1037,
29893,
29918,
3166,
29918,
2109,
29918,
392,
29918,
649,
29918,
8941,
29918,
1725,
2447,
29898,
1311,
29892,
2944,
29892,
4236,
29918,
1131,
3456,
29879,
353,
29871,
29945,
1125,
13,
1678,
19964,
29918,
978,
353,
376,
29874,
29918,
7451,
29908,
13,
1678,
1095,
29918,
12352,
3019,
29918,
2324,
353,
376,
29874,
29918,
7451,
29918,
17990,
2459,
29918,
29887,
374,
2496,
29918,
12632,
29918,
2324,
29908,
13,
1678,
565,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29955,
29901,
13,
418,
885,
3973,
29918,
2311,
353,
29871,
29946,
13,
1678,
25342,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29947,
29901,
13,
418,
885,
3973,
29918,
2311,
353,
29871,
29941,
13,
13,
1678,
14734,
353,
29871,
29900,
13,
1678,
1550,
14734,
529,
4236,
29918,
1131,
3456,
29879,
29901,
13,
418,
14734,
4619,
29871,
29896,
13,
418,
2944,
29889,
1131,
3456,
29879,
4619,
29871,
29896,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
4165,
3456,
292,
304,
5839,
885,
3973,
29889,
10976,
17114,
1213,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
376,
467,
6212,
3456,
17114,
29889,
376,
718,
851,
29898,
667,
29889,
1131,
3456,
29879,
876,
13,
539,
13,
418,
396,
6212,
3456,
304,
5839,
278,
2944,
13,
418,
5839,
29918,
4220,
353,
1583,
29889,
657,
29918,
8172,
29918,
4220,
29918,
262,
29918,
2109,
29898,
667,
29897,
13,
418,
565,
451,
2944,
29889,
2109,
29918,
275,
29918,
262,
695,
1312,
29901,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
1583,
29889,
3204,
1328,
29918,
20659,
29918,
29906,
13,
4706,
565,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29947,
29901,
396,
29924,
29941,
13,
3986,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
869,
29900,
29900,
29945,
259,
396,
341,
10051,
2965,
28019,
13635,
29991,
10034,
1975,
373,
278,
5253,
310,
885,
3973,
29879,
297,
278,
9016,
29991,
13,
4706,
565,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29955,
29901,
396,
29924,
29946,
13,
3986,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
869,
29900,
29900,
259,
396,
341,
10051,
2965,
28019,
13635,
29991,
10034,
1975,
373,
278,
5253,
310,
885,
3973,
29879,
297,
278,
9016,
29991,
13,
418,
330,
374,
2496,
29918,
6519,
353,
376,
3993,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
29908,
13,
13,
418,
1583,
29889,
23945,
29898,
307,
7451,
29918,
978,
29892,
5839,
29918,
4220,
29892,
29871,
29900,
29889,
29900,
29892,
6210,
29918,
11255,
353,
29871,
29896,
29889,
29900,
29892,
6210,
29918,
28544,
353,
29871,
29900,
29889,
29941,
29892,
29871,
13,
462,
4706,
330,
374,
2496,
29918,
6519,
29922,
29887,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29900,
29946,
29897,
13,
13,
418,
885,
3973,
29918,
29886,
17840,
353,
1583,
29889,
3198,
29918,
23945,
29898,
667,
29889,
1595,
29918,
333,
29897,
13,
418,
565,
451,
885,
3973,
29918,
29886,
17840,
322,
1583,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29901,
13,
4706,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
17776,
385,
4218,
304,
5839,
2944,
17114,
1213,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
376,
467,
830,
1131,
3456,
292,
29889,
9626,
14734,
29901,
376,
718,
851,
29898,
1131,
3456,
29879,
876,
13,
4706,
6773,
13,
539,
13,
418,
1583,
29889,
649,
29918,
29879,
1037,
29893,
29918,
262,
29918,
1725,
2447,
29898,
29879,
1037,
29893,
29918,
2311,
29897,
13,
539,
13,
418,
2944,
29889,
262,
29918,
1725,
2447,
353,
5852,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
13157,
2147,
287,
885,
3973,
286,
29908,
718,
851,
29898,
29879,
1037,
29893,
29918,
2311,
29897,
718,
376,
304,
1238,
2447,
313,
667,
17114,
1213,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
876,
13,
418,
736,
5852,
13,
268,
13,
1678,
736,
7700,
13,
268,
13,
29871,
822,
679,
29918,
8172,
29918,
4220,
29918,
262,
29918,
2109,
29898,
1311,
29892,
2944,
1125,
13,
1678,
5839,
29918,
4220,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
1678,
5839,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
2944,
29889,
2109,
29918,
978,
13,
13,
1678,
565,
376,
2109,
29896,
29908,
297,
2944,
29889,
2109,
29918,
978,
29901,
13,
418,
9016,
29918,
2848,
353,
1583,
29889,
2109,
29918,
29896,
29918,
2103,
13,
418,
9016,
29918,
2103,
353,
1583,
29889,
2109,
29918,
29896,
29918,
2848,
13,
1678,
25342,
376,
2109,
29906,
29908,
297,
2944,
29889,
2109,
29918,
978,
29901,
13,
418,
9016,
29918,
2848,
353,
1583,
29889,
2109,
29918,
29906,
29918,
2103,
13,
418,
9016,
29918,
2103,
353,
1583,
29889,
2109,
29918,
29906,
29918,
2848,
13,
1678,
25342,
376,
2109,
29941,
29908,
297,
2944,
29889,
2109,
29918,
978,
29901,
13,
418,
9016,
29918,
2848,
353,
1583,
29889,
2109,
29918,
29941,
29918,
2103,
13,
418,
9016,
29918,
2103,
353,
1583,
29889,
2109,
29918,
29941,
29918,
2848,
13,
13,
1678,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
4619,
448,
2109,
29918,
2848,
29914,
29906,
718,
4036,
29889,
8172,
580,
29930,
2109,
29918,
2848,
13,
1678,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
1583,
29889,
3204,
1328,
29918,
20659,
29918,
29906,
13,
1678,
565,
2944,
29889,
2109,
29918,
275,
29918,
262,
695,
1312,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
2052,
5890,
2602,
363,
1343,
1312,
9016,
1159,
13,
418,
565,
376,
2109,
29896,
29908,
297,
2944,
29889,
2109,
29918,
978,
29901,
13,
4706,
565,
2944,
29889,
2109,
29918,
275,
29918,
262,
695,
1312,
1275,
376,
1563,
1115,
13,
3986,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
353,
448,
29889,
29900,
29941,
29945,
13,
4706,
25342,
2944,
29889,
2109,
29918,
275,
29918,
262,
695,
1312,
1275,
376,
1266,
1115,
13,
3986,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
353,
869,
29900,
29941,
29945,
13,
418,
1683,
29901,
396,
5538,
451,
664,
1363,
278,
2920,
1819,
526,
451,
18719,
1565,
313,
4187,
9109,
363,
278,
4943,
4036,
5839,
29897,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
353,
9016,
29918,
2103,
29914,
29906,
28753,
29900,
29896,
259,
13,
418,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
869,
29900,
29896,
13,
418,
565,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
23945,
29918,
3545,
29879,
3366,
1595,
29918,
17969,
710,
29898,
667,
29889,
1595,
29918,
333,
4638,
13,
418,
565,
2944,
29889,
1595,
29918,
333,
297,
518,
29929,
29892,
29871,
29896,
29953,
29892,
29871,
29896,
29955,
29892,
29896,
29947,
5387,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
2930,
29914,
29906,
876,
13,
418,
565,
2944,
29889,
1595,
29918,
333,
297,
518,
29896,
29953,
29892,
29871,
29896,
29955,
29892,
29896,
29947,
5387,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
29871,
29900,
29889,
29900,
13,
418,
565,
2944,
29889,
1595,
29918,
333,
297,
518,
29929,
5387,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
4619,
869,
29900,
29900,
29945,
29930,
8172,
29889,
8172,
580,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
29871,
29900,
29889,
29900,
29900,
29945,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
29898,
23945,
29918,
4220,
29889,
4220,
29897,
13,
1678,
1683,
29901,
13,
418,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
4619,
448,
2109,
29918,
2103,
29914,
29906,
718,
4036,
29889,
8172,
580,
29930,
2109,
29918,
2103,
13,
1678,
736,
5839,
29918,
4220,
13,
13,
29871,
822,
679,
29918,
629,
4692,
29918,
29883,
5380,
1078,
29918,
3166,
29918,
561,
2251,
29875,
29898,
1311,
29892,
2944,
29892,
2125,
29918,
1482,
29918,
3027,
29922,
8824,
1125,
13,
1678,
9995,
4013,
7274,
263,
1051,
310,
25274,
11909,
322,
4893,
263,
716,
1967,
411,
278,
282,
1251,
5389,
565,
2125,
29918,
1482,
29918,
3027,
338,
5852,
1213,
15945,
13,
1678,
7306,
353,
288,
29906,
294,
29918,
1516,
3174,
29889,
7645,
29889,
7974,
3338,
4692,
29925,
1251,
5389,
8120,
284,
580,
13,
1678,
7306,
29889,
1595,
29918,
333,
353,
2944,
29889,
1595,
29918,
333,
13,
1678,
7306,
29889,
2109,
29918,
978,
353,
2944,
29889,
2109,
29918,
978,
13,
1678,
7306,
29889,
29887,
374,
2496,
29918,
1853,
353,
2944,
29889,
3905,
29918,
517,
29918,
1509,
13,
1678,
7306,
29889,
5504,
29918,
3027,
353,
2125,
29918,
1482,
29918,
3027,
13,
1678,
1018,
29901,
13,
418,
1583,
29889,
4478,
29918,
629,
4692,
29918,
4645,
29889,
6717,
29918,
28111,
29898,
28111,
29897,
13,
418,
1583,
29889,
4478,
29918,
629,
4692,
29918,
4645,
29889,
10685,
29918,
1454,
29918,
2914,
29898,
307,
1028,
29891,
29889,
18984,
29898,
29955,
29889,
29900,
876,
13,
418,
4613,
29918,
4478,
29918,
629,
4692,
353,
1583,
29889,
4478,
29918,
629,
4692,
29918,
4645,
29889,
657,
29918,
2914,
580,
13,
1678,
5174,
29901,
13,
418,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
23323,
451,
679,
25274,
515,
21884,
5389,
1159,
13,
418,
736,
7700,
13,
1678,
565,
4613,
29918,
4478,
29918,
629,
4692,
29901,
13,
418,
565,
4613,
29918,
4478,
29918,
629,
4692,
29889,
8698,
29901,
13,
4706,
926,
267,
29918,
262,
29918,
2109,
353,
1051,
580,
13,
4706,
18593,
29900,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
855,
1160,
287,
580,
13,
4706,
18593,
29900,
29889,
6672,
29889,
2557,
29918,
333,
353,
376,
29874,
29918,
561,
2251,
29875,
29918,
29885,
29918,
29879,
6073,
29908,
13,
4706,
1353,
29918,
974,
29918,
4220,
29918,
29883,
5380,
1078,
353,
1375,
29898,
1311,
29889,
3317,
29918,
29883,
5380,
1078,
29918,
3166,
29918,
561,
2251,
29875,
29892,
4613,
29918,
4478,
29918,
629,
4692,
29889,
2914,
29918,
1949,
29897,
13,
4706,
363,
474,
297,
3464,
29898,
4537,
29918,
974,
29918,
4220,
29918,
29883,
5380,
1078,
1125,
13,
3986,
1203,
29918,
3283,
353,
3509,
29889,
24535,
8552,
29898,
4220,
29900,
29897,
13,
3986,
1203,
29918,
3283,
29889,
3149,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
5228,
29898,
13,
3986,
4613,
29918,
4478,
29918,
629,
4692,
29889,
1066,
29941,
29928,
29961,
29875,
1822,
29916,
29892,
13,
3986,
4613,
29918,
4478,
29918,
629,
4692,
29889,
1066,
29941,
29928,
29961,
29875,
1822,
29891,
29892,
29871,
13,
3986,
4613,
29918,
4478,
29918,
629,
4692,
29889,
1066,
29941,
29928,
29961,
29875,
1822,
29920,
29897,
13,
3986,
396,
14402,
1334,
881,
5193,
1048,
920,
304,
671,
696,
2034,
29939,
29920,
607,
278,
1023,
29918,
29888,
5621,
13501,
29889,
13,
3986,
696,
1028,
29891,
29889,
1188,
8382,
14182,
29876,
3338,
4692,
1298,
297,
1273,
29879,
29901,
313,
29916,
29892,
343,
29892,
503,
29897,
353,
313,
29995,
29888,
29892,
1273,
29888,
29892,
1273,
29888,
19123,
29871,
13,
3986,
1203,
29918,
3283,
29889,
6672,
29889,
2557,
29918,
333,
29892,
29871,
13,
3986,
1203,
29918,
3283,
29889,
3149,
29889,
29916,
29892,
29871,
13,
3986,
1203,
29918,
3283,
29889,
3149,
29889,
29891,
29892,
29871,
13,
3986,
1203,
29918,
3283,
29889,
3149,
29889,
29920,
29897,
13,
3986,
5446,
29918,
4220,
29918,
262,
29918,
26065,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
3986,
5446,
29918,
4220,
29918,
262,
29918,
26065,
29889,
6672,
353,
1203,
29918,
3283,
29889,
6672,
13,
3986,
5446,
29918,
4220,
29918,
262,
29918,
26065,
29889,
4220,
29889,
3283,
353,
1203,
29918,
3283,
29889,
3149,
13,
3986,
5446,
29918,
4220,
29918,
262,
29918,
26065,
29889,
4220,
29889,
20659,
29889,
29893,
353,
29871,
29896,
29889,
29900,
13,
3986,
396,
18593,
29918,
262,
29918,
2109,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
3986,
396,
18593,
29918,
262,
29918,
2109,
29889,
6672,
29889,
2557,
29918,
333,
353,
2944,
29889,
2109,
29918,
978,
13,
3986,
18593,
29918,
262,
29918,
2109,
353,
1583,
29889,
25894,
29889,
9067,
29925,
852,
29898,
667,
29889,
2109,
29918,
978,
29892,
5446,
29918,
4220,
29918,
262,
29918,
26065,
29897,
13,
3986,
18593,
29918,
262,
29918,
2109,
29889,
4220,
29889,
20659,
353,
1583,
29889,
3204,
1328,
29918,
20659,
13,
3986,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
297,
6796,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
613,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
3108,
29901,
13,
9651,
18593,
29918,
262,
29918,
2109,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
29898,
13,
795,
334,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
448,
13713,
29918,
4478,
29918,
629,
4692,
29889,
5450,
666,
29920,
29961,
29875,
12622,
13,
3986,
926,
267,
29918,
262,
29918,
2109,
29889,
4397,
29898,
4220,
29918,
262,
29918,
2109,
29897,
13,
4706,
1583,
29889,
23679,
29918,
22976,
29898,
4220,
29918,
262,
29918,
2109,
29892,
376,
29874,
391,
29918,
4924,
29918,
2914,
1159,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
27065,
630,
376,
718,
851,
29898,
4537,
29918,
974,
29918,
4220,
29918,
29883,
5380,
1078,
29897,
718,
376,
21669,
363,
2944,
17114,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
376,
297,
9016,
376,
718,
851,
29898,
667,
29889,
2109,
29918,
978,
876,
13,
4706,
696,
1028,
29891,
29889,
1188,
8382,
29898,
10590,
29918,
262,
29918,
2109,
29897,
13,
4706,
736,
926,
267,
29918,
262,
29918,
2109,
13,
1678,
1683,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
23323,
451,
1284,
263,
18593,
3025,
282,
1251,
5389,
23157,
13,
418,
736,
7700,
13,
13,
29871,
822,
7539,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
29898,
1311,
1125,
13,
1678,
9995,
349,
7358,
278,
885,
3973,
29879,
746,
896,
505,
1063,
297,
278,
1238,
2447,
1472,
3307,
9995,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
353,
9657,
580,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29946,
3108,
353,
5852,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29941,
3108,
353,
5852,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
3366,
29885,
29941,
3108,
353,
7700,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
3366,
29885,
29946,
3108,
353,
7700,
13,
1678,
363,
2944,
297,
1583,
29889,
21693,
29918,
7076,
29901,
13,
418,
565,
451,
2944,
29889,
1319,
26940,
29901,
13,
4706,
565,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29955,
29901,
13,
3986,
885,
3973,
29918,
2311,
353,
29871,
29946,
13,
4706,
25342,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29947,
29901,
13,
3986,
885,
3973,
29918,
2311,
353,
29871,
29941,
13,
4706,
1683,
29901,
13,
3986,
6773,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
9692,
385,
563,
295,
2147,
287,
885,
3973,
297,
278,
1797,
29901,
2944,
17114,
29889,
376,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
1159,
13,
4706,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
17969,
710,
29898,
29879,
1037,
29893,
29918,
2311,
4638,
353,
7700,
13,
4706,
565,
2944,
29889,
262,
29918,
1725,
2447,
29901,
13,
3986,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
3366,
29885,
17969,
710,
29898,
29879,
1037,
29893,
29918,
2311,
4638,
353,
5852,
13,
1678,
565,
313,
1333,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29946,
3108,
322,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
3366,
29885,
29946,
20068,
470,
313,
1333,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29941,
3108,
322,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
3366,
29885,
29941,
3108,
1125,
13,
418,
565,
451,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
3366,
29885,
29946,
3108,
322,
451,
1583,
29889,
29879,
1037,
5652,
29918,
262,
29918,
1725,
2447,
3366,
29885,
29941,
3108,
29901,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
3782,
885,
3973,
29879,
526,
297,
278,
8343,
414,
29889,
28551,
3262,
23157,
13,
4706,
736,
13,
418,
565,
313,
307,
1028,
29891,
29889,
2481,
29889,
3707,
580,
448,
1583,
29889,
29879,
1037,
29893,
29918,
29881,
27657,
29918,
2230,
29897,
1405,
696,
1028,
29891,
29889,
18984,
29898,
29896,
1125,
29871,
396,
29896,
29947,
29900,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
308,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1627,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
363,
885,
3973,
29918,
2311,
297,
518,
29946,
29892,
29941,
5387,
13,
3986,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
9651,
736,
13,
3986,
565,
451,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
17969,
710,
29898,
29879,
1037,
29893,
29918,
2311,
4638,
29901,
13,
9651,
696,
1028,
29891,
29889,
1188,
3888,
703,
25512,
23868,
292,
286,
29908,
718,
851,
29898,
29879,
1037,
29893,
29918,
2311,
29897,
718,
376,
885,
3973,
29879,
515,
1238,
2447,
1159,
13,
9651,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
10154,
29918,
23945,
29918,
2040,
613,
376,
29883,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
9651,
1583,
29889,
1867,
29918,
3167,
29918,
10154,
29918,
2467,
703,
29883,
29918,
7451,
613,
7462,
29922,
5574,
29892,
885,
3973,
29918,
2311,
29922,
29879,
1037,
29893,
29918,
2311,
29897,
13,
9651,
363,
2944,
297,
1583,
29889,
29879,
1037,
5652,
3366,
29885,
17969,
710,
29898,
29879,
1037,
29893,
29918,
2311,
4638,
29901,
13,
795,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
18884,
736,
13,
795,
565,
2944,
29889,
262,
29918,
1725,
2447,
29901,
13,
18884,
565,
1583,
29889,
23945,
29918,
29879,
1037,
29893,
29918,
3166,
29918,
1725,
2447,
29898,
29879,
1037,
29893,
29918,
2311,
29892,
14734,
29922,
29906,
1125,
13,
462,
29871,
1583,
29889,
6689,
29918,
29879,
1037,
29893,
29918,
262,
29918,
29873,
764,
29898,
29879,
1037,
29893,
29918,
2311,
29892,
2944,
29889,
842,
29918,
4537,
29892,
1583,
29889,
29879,
1037,
5652,
29918,
13974,
1133,
3366,
29885,
17969,
710,
29898,
29879,
1037,
29893,
29918,
2311,
29897,
3816,
667,
29889,
842,
29918,
4537,
10062,
29896,
29897,
13,
462,
29871,
1583,
29889,
29879,
1037,
5652,
29918,
13974,
1133,
3366,
29885,
17969,
710,
29898,
29879,
1037,
29893,
29918,
2311,
29897,
3816,
667,
29889,
842,
29918,
4537,
29962,
4619,
29871,
29896,
13,
462,
29871,
1583,
29889,
1319,
26940,
29918,
7076,
4619,
29871,
29896,
13,
462,
29871,
2944,
29889,
262,
29918,
1725,
2447,
353,
7700,
13,
462,
29871,
2944,
29889,
1319,
26940,
353,
5852,
13,
18884,
1683,
29901,
13,
462,
29871,
696,
1028,
29891,
29889,
1188,
3888,
703,
17776,
304,
5839,
385,
286,
29908,
718,
851,
29898,
29879,
1037,
29893,
29918,
2311,
29897,
718,
376,
885,
3973,
515,
278,
1238,
2447,
1159,
13,
462,
29871,
2867,
13,
9651,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
795,
736,
13,
9651,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
10154,
29918,
23945,
29918,
2040,
613,
376,
29883,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
9651,
1583,
29889,
1867,
29918,
3167,
29918,
10154,
29918,
2467,
703,
29883,
29918,
7451,
613,
7462,
29922,
8824,
29892,
885,
3973,
29918,
2311,
29922,
29879,
1037,
29893,
29918,
2311,
29897,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29883,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
565,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29946,
3108,
322,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29941,
3108,
29901,
13,
418,
1583,
29889,
842,
29918,
1725,
2447,
29918,
13519,
29898,
8824,
29897,
13,
1678,
736,
13,
13,
29871,
822,
1207,
29918,
4220,
29918,
11177,
29918,
1454,
29918,
2109,
29898,
1311,
29892,
5839,
29918,
4220,
29892,
2944,
1125,
13,
1678,
9995,
910,
3732,
1854,
393,
278,
5839,
29918,
4220,
338,
451,
5377,
278,
9016,
470,
723,
4556,
263,
22369,
1213,
15945,
13,
1678,
565,
376,
2109,
29896,
29908,
297,
2944,
29889,
2109,
29918,
978,
29901,
13,
418,
9016,
29918,
2848,
353,
1583,
29889,
2109,
29918,
29896,
29918,
2103,
13,
418,
9016,
29918,
2103,
353,
1583,
29889,
2109,
29918,
29896,
29918,
2848,
13,
1678,
25342,
376,
2109,
29906,
29908,
297,
2944,
29889,
2109,
29918,
978,
29901,
13,
418,
9016,
29918,
2848,
353,
1583,
29889,
2109,
29918,
29906,
29918,
2103,
13,
418,
9016,
29918,
2103,
353,
1583,
29889,
2109,
29918,
29906,
29918,
2848,
13,
1678,
25342,
376,
2109,
29941,
29908,
297,
2944,
29889,
2109,
29918,
978,
29901,
13,
418,
9016,
29918,
2848,
353,
1583,
29889,
2109,
29918,
29941,
29918,
2103,
13,
418,
9016,
29918,
2103,
353,
1583,
29889,
2109,
29918,
29941,
29918,
2848,
13,
13,
1678,
9109,
29918,
4220,
353,
3509,
29889,
24535,
8552,
29898,
23945,
29918,
4220,
29897,
13,
1678,
9109,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
353,
1067,
1160,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
29892,
448,
2109,
29918,
2848,
29914,
29906,
448,
869,
29900,
29906,
29892,
9016,
29918,
2848,
29914,
29906,
448,
869,
29900,
29906,
29897,
13,
1678,
9109,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
353,
1067,
1160,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
29892,
448,
2109,
29918,
2103,
29914,
29906,
448,
869,
29900,
29906,
29892,
9016,
29918,
2103,
29914,
29906,
448,
869,
29900,
29906,
29897,
13,
1678,
9109,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
1067,
1160,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29896,
29897,
13,
13,
1678,
565,
9109,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
2804,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
470,
9109,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
2804,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
29925,
852,
471,
10365,
287,
297,
1207,
29918,
4220,
29918,
11177,
29918,
1454,
29918,
2109,
29889,
10949,
29901,
376,
718,
29871,
13,
462,
1678,
851,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
29897,
718,
9162,
376,
718,
29871,
13,
462,
1678,
851,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
29897,
718,
9162,
376,
718,
29871,
13,
462,
1678,
851,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
29897,
718,
11393,
2860,
29901,
376,
718,
29871,
13,
462,
1678,
851,
29898,
11177,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
29897,
718,
9162,
376,
718,
29871,
13,
462,
1678,
851,
29898,
11177,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
29897,
718,
9162,
376,
718,
29871,
13,
462,
1678,
851,
29898,
11177,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
29897,
718,
11393,
1159,
13,
268,
13,
1678,
396,
4986,
3970,
29901,
2087,
5143,
278,
330,
374,
2496,
19843,
746,
3802,
304,
278,
5139,
13,
1678,
736,
9109,
29918,
4220,
13,
13,
29871,
822,
4218,
29918,
667,
29898,
1311,
29892,
2944,
29892,
4236,
29918,
1131,
3456,
29879,
353,
29871,
29945,
1125,
13,
1678,
9995,
4013,
740,
14734,
304,
5839,
385,
2944,
29889,
13,
539,
739,
16415,
278,
2944,
29889,
1131,
3456,
29879,
6795,
1269,
931,
372,
947,
29892,
29871,
13,
539,
322,
6166,
2944,
29889,
1319,
26940,
304,
5852,
565,
2944,
338,
20115,
1213,
15945,
13,
1678,
565,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
418,
19964,
29918,
978,
353,
376,
29874,
29918,
7451,
29908,
13,
1678,
25342,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
418,
19964,
29918,
978,
353,
376,
29890,
29918,
7451,
29908,
13,
1678,
25342,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
418,
19964,
29918,
978,
353,
376,
29890,
29918,
7451,
29908,
13,
13,
1678,
565,
2944,
29889,
1319,
26940,
29901,
13,
418,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
4013,
2944,
338,
2307,
6095,
26940,
29889,
12538,
338,
2675,
2743,
23157,
13,
418,
736,
7700,
13,
13,
1678,
2125,
29918,
1482,
29918,
3027,
353,
7700,
13,
1678,
565,
451,
1583,
29889,
11228,
29918,
561,
2251,
29875,
29918,
3027,
29918,
11651,
287,
29901,
13,
418,
1583,
29889,
11228,
29918,
561,
2251,
29875,
29918,
3027,
29918,
11651,
287,
353,
5852,
13,
418,
2125,
29918,
1482,
29918,
3027,
353,
5852,
13,
268,
13,
1678,
835,
478,
2459,
338,
14993,
2986,
13,
1678,
396,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
29908,
470,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
1115,
13,
1678,
396,
259,
565,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
23945,
29918,
11102,
29918,
8698,
1319,
3108,
29901,
13,
1678,
396,
268,
396,
960,
278,
5839,
471,
9150,
363,
385,
2944,
29892,
278,
9088,
756,
3939,
29892,
577,
263,
716,
1967,
4225,
304,
367,
4586,
13,
1678,
396,
268,
696,
1028,
29891,
29889,
1188,
3888,
703,
27175,
1259,
25274,
21669,
363,
2944,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
876,
13,
1678,
396,
268,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
23945,
29918,
11102,
29918,
8698,
1319,
3108,
353,
7700,
13,
1678,
396,
268,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
4924,
29918,
11102,
29918,
1131,
3456,
287,
3108,
353,
7700,
13,
1678,
396,
268,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
1066,
2187,
3108,
353,
5159,
13,
1678,
396,
268,
2125,
29918,
1482,
29918,
3027,
353,
5852,
13,
1678,
396,
259,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
29908,
470,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
1115,
268,
13,
1678,
396,
268,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1627,
613,
376,
29890,
29918,
7451,
1159,
13,
1678,
396,
259,
25342,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
1678,
396,
268,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
7662,
3377,
29918,
1639,
13847,
29918,
4220,
613,
376,
29874,
29918,
7451,
1159,
13,
1678,
396,
259,
565,
451,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
4924,
29918,
11102,
29918,
1131,
3456,
287,
3108,
29901,
13,
1678,
396,
268,
396,
478,
2459,
338,
871,
16388,
2748,
29892,
6521,
372,
9269,
29879,
297,
5839,
292,
13,
1678,
396,
268,
282,
1251,
5389,
29918,
690,
353,
1583,
29889,
657,
29918,
629,
4692,
29918,
29883,
5380,
1078,
29918,
3166,
29918,
561,
2251,
29875,
29898,
667,
29892,
2125,
29918,
1482,
29918,
3027,
29897,
13,
1678,
396,
268,
396,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
4924,
29918,
11102,
29918,
1131,
3456,
287,
3108,
353,
5852,
13,
1678,
396,
268,
3191,
7407,
2038,
338,
443,
9342,
287,
304,
4889,
716,
18551,
1121,
1432,
931,
13,
1678,
396,
268,
2125,
29918,
1482,
29918,
3027,
353,
7700,
13,
1678,
396,
268,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
29908,
470,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
1115,
268,
13,
1678,
396,
539,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
23945,
29918,
2040,
613,
376,
29890,
29918,
7451,
1159,
13,
1678,
396,
268,
25342,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
1678,
396,
539,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29895,
5367,
29918,
23945,
29918,
2040,
613,
376,
29874,
29918,
7451,
1159,
13,
1678,
396,
268,
565,
282,
1251,
5389,
29918,
690,
29901,
13,
1678,
396,
539,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
1066,
2187,
16862,
21843,
29898,
561,
2251,
29875,
29918,
690,
29897,
13,
1678,
396,
539,
696,
1028,
29891,
29889,
1188,
3888,
703,
1311,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29901,
16521,
13,
1678,
396,
539,
696,
1028,
29891,
29889,
1188,
3888,
29898,
1311,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
1066,
2187,
3108,
29961,
29900,
2314,
13,
13,
1678,
396,
2921,
304,
10223,
7606,
18593,
13,
1678,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
8120,
292,
304,
10223,
7606,
18593,
1434,
5839,
292,
515,
289,
1144,
1159,
13,
418,
9016,
29918,
5064,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
418,
9016,
29918,
5064,
29889,
6672,
29889,
2557,
29918,
333,
353,
2944,
29889,
2109,
29918,
978,
13,
418,
9016,
29918,
5064,
29889,
4220,
29889,
20659,
29889,
29893,
353,
29871,
29896,
29889,
29900,
13,
418,
9016,
29918,
5064,
29918,
265,
29918,
2371,
353,
1583,
29889,
25894,
29889,
9067,
29925,
852,
703,
1287,
3493,
29918,
5064,
613,
9016,
29918,
5064,
467,
4220,
29889,
3283,
13,
418,
565,
9016,
29918,
5064,
29918,
265,
29918,
2371,
29889,
29891,
1405,
869,
29896,
29901,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1266,
29918,
29890,
1144,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
418,
1683,
29901,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1563,
29918,
29890,
1144,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
25342,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
418,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29895,
5367,
29918,
23945,
29918,
2040,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
25342,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
418,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
5184,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
13,
1678,
14734,
353,
29871,
29900,
13,
1678,
25274,
29918,
29883,
5380,
403,
29918,
29883,
420,
29918,
3166,
29918,
276,
1338,
1947,
353,
7700,
13,
1678,
25274,
29918,
29883,
5380,
403,
29918,
3166,
29918,
4924,
353,
7700,
13,
1678,
1550,
14734,
529,
4236,
29918,
1131,
3456,
29879,
322,
451,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
418,
14734,
4619,
29871,
29896,
13,
418,
2944,
29889,
1131,
3456,
29879,
4619,
29871,
29896,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
25512,
6212,
3456,
292,
2944,
17114,
1213,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
376,
467,
6212,
3456,
17114,
29889,
376,
718,
851,
29898,
667,
29889,
1131,
3456,
29879,
876,
13,
539,
13,
418,
396,
3617,
278,
5839,
29918,
4220,
363,
278,
2944,
29892,
2845,
4036,
470,
515,
18551,
13,
418,
5839,
29918,
4220,
353,
1583,
29889,
657,
29918,
8172,
29918,
4220,
29918,
262,
29918,
2109,
29898,
667,
29897,
13,
418,
25274,
29918,
29883,
5380,
403,
29918,
3166,
29918,
4924,
353,
7700,
13,
13,
418,
835,
830,
1338,
1947,
18551,
1121,
338,
14993,
2986,
13,
418,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
29908,
322,
451,
2944,
29889,
2109,
29918,
275,
29918,
262,
695,
1312,
322,
451,
2944,
29889,
1595,
29918,
333,
297,
518,
29896,
29955,
29892,
29871,
29896,
29947,
5387,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
23945,
29918,
3545,
29879,
3366,
1595,
27508,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
4638,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
7900,
12961,
5839,
3171,
29901,
376,
718,
851,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
876,
13,
4706,
396,
620,
29918,
1493,
29918,
2109,
353,
1583,
29889,
1493,
29918,
2109,
29898,
307,
7451,
29918,
978,
29892,
2944,
29889,
2109,
29918,
978,
29892,
2944,
29889,
1595,
29918,
333,
29897,
268,
13,
4706,
396,
25274,
29918,
29883,
5380,
403,
29918,
29883,
420,
29918,
3166,
29918,
276,
1338,
1947,
353,
5852,
13,
308,
13,
4706,
396,
565,
620,
29918,
1493,
29918,
2109,
29901,
13,
4706,
396,
259,
5839,
29918,
4220,
353,
620,
29918,
1493,
29918,
2109,
13,
4706,
396,
259,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
22361,
869,
29900,
29906,
29945,
396,
341,
10051,
2965,
28019,
13635,
313,
517,
22874,
403,
363,
278,
830,
1338,
1947,
1208,
26218,
29897,
13,
13,
418,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
29908,
470,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
1115,
13,
4706,
396,
363,
1243,
1065,
29901,
565,
25274,
29918,
29883,
5380,
1078,
338,
29871,
29900,
29892,
2944,
5839,
292,
338,
14993,
2986,
29889,
13,
4706,
1550,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
1066,
2187,
3108,
29901,
13,
3986,
5839,
29918,
4220,
353,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
1066,
2187,
16862,
7323,
29898,
29900,
29897,
13,
3986,
696,
1028,
29891,
29889,
1188,
25442,
703,
17744,
4214,
319,
341,
10051,
2965,
11033,
29967,
17321,
13780,
7495,
6093,
349,
8187,
29990,
29902,
390,
2890,
8647,
1159,
13,
3986,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
4619,
448,
29889,
29900,
29900,
29906,
13,
3986,
565,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
5277,
29871,
29900,
29889,
29900,
29900,
29945,
322,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
9651,
696,
1028,
29891,
29889,
1188,
3888,
703,
4205,
7543,
287,
263,
25274,
14020,
29901,
1159,
13,
9651,
696,
1028,
29891,
29889,
1188,
3888,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29897,
13,
9651,
5839,
29918,
4220,
353,
1583,
29889,
657,
29918,
8172,
29918,
4220,
29918,
262,
29918,
2109,
29898,
667,
29897,
29871,
396,
2538,
300,
304,
263,
4036,
18593,
565,
278,
25274,
14020,
471,
4319,
13,
9651,
6773,
13,
3986,
396,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
22361,
1583,
29889,
7851,
29918,
2696,
7224,
3366,
1595,
29918,
17969,
710,
29898,
667,
29889,
1595,
29918,
333,
4638,
13,
3986,
696,
1028,
29891,
29889,
1188,
3888,
703,
29954,
327,
18593,
515,
282,
1251,
5389,
25274,
21669,
29901,
1159,
13,
3986,
696,
1028,
29891,
29889,
1188,
3888,
29898,
23945,
29918,
4220,
29889,
4220,
29889,
3283,
29897,
13,
3986,
25274,
29918,
29883,
5380,
403,
29918,
3166,
29918,
4924,
353,
5852,
13,
13,
4706,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
1115,
13,
3986,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
5184,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
13,
4706,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
3986,
396,
11678,
9233,
4225,
304,
367,
10365,
287,
363,
480,
428,
5780,
13,
3986,
9016,
29918,
5064,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
3986,
9016,
29918,
5064,
29889,
6672,
29889,
2557,
29918,
333,
353,
2944,
29889,
2109,
29918,
978,
13,
3986,
9016,
29918,
5064,
29889,
4220,
29889,
20659,
29889,
29893,
353,
29871,
29896,
29889,
29900,
13,
3986,
9016,
29918,
5064,
29918,
265,
29918,
2371,
353,
1583,
29889,
25894,
29889,
9067,
29925,
852,
703,
1287,
3493,
29918,
5064,
613,
9016,
29918,
5064,
467,
4220,
29889,
3283,
13,
3986,
565,
9016,
29918,
5064,
29918,
265,
29918,
2371,
29889,
29891,
1405,
869,
29896,
29901,
13,
9651,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
1583,
29889,
2146,
428,
29918,
20659,
29918,
1266,
29918,
29890,
1144,
13,
3986,
1683,
29901,
13,
9651,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
1583,
29889,
2146,
428,
29918,
20659,
29918,
1563,
29918,
29890,
1144,
13,
418,
1683,
29901,
259,
396,
349,
3757,
2459,
29918,
29887,
374,
2496,
29892,
19964,
29875,
29939,
29918,
29887,
374,
2496,
13,
4706,
565,
451,
2944,
29889,
2109,
29918,
275,
29918,
262,
695,
1312,
29901,
13,
3986,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
1583,
29889,
3204,
1328,
29918,
20659,
29918,
29906,
13,
418,
565,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29953,
29901,
396,
350,
2152,
13,
4706,
5839,
29918,
4220,
29889,
4220,
29889,
20659,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
2182,
25744,
291,
10456,
13264,
29918,
535,
26100,
29889,
9067,
800,
29889,
339,
25744,
291,
29918,
3166,
29918,
29872,
8584,
29898,
29900,
29892,
2930,
29914,
29906,
29892,
2930,
29914,
29906,
876,
13,
13,
418,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29896,
13,
418,
6210,
29918,
28544,
353,
29871,
29900,
29889,
29896,
13,
418,
6210,
29918,
11255,
353,
29871,
29896,
29889,
29900,
13,
418,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
1115,
13,
4706,
330,
374,
2496,
29918,
6519,
353,
376,
3993,
29918,
29887,
374,
2496,
29918,
3166,
29918,
26102,
29908,
13,
4706,
2948,
29918,
3545,
353,
869,
29900,
29945,
13,
418,
25342,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
17990,
2459,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
1115,
13,
4706,
330,
374,
2496,
29918,
6519,
353,
376,
3993,
29918,
29887,
374,
2496,
29918,
3166,
29918,
449,
2975,
29908,
13,
4706,
2948,
29918,
3545,
353,
869,
29900,
29945,
13,
418,
25342,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
4706,
330,
374,
2496,
29918,
6519,
353,
376,
2146,
428,
29908,
13,
4706,
2948,
29918,
3545,
353,
29871,
29900,
29889,
29896,
448,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
13,
4706,
6210,
29918,
28544,
353,
29871,
29900,
29889,
29900,
29945,
13,
4706,
6210,
29918,
11255,
353,
29871,
29896,
29889,
29900,
13,
418,
25342,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
1115,
13,
4706,
2948,
29918,
3545,
353,
869,
29896,
29945,
13,
4706,
6210,
29918,
28544,
353,
869,
29906,
13,
4706,
330,
374,
2496,
29918,
6519,
353,
5124,
13,
418,
1683,
29901,
13,
4706,
330,
374,
2496,
29918,
6519,
353,
5124,
13,
3986,
13,
418,
5839,
29918,
4220,
353,
1583,
29889,
5675,
29918,
4220,
29918,
11177,
29918,
1454,
29918,
2109,
29898,
23945,
29918,
4220,
29892,
2944,
29897,
13,
539,
13,
418,
565,
25274,
29918,
29883,
5380,
403,
29918,
3166,
29918,
4924,
29901,
13,
4706,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
292,
18593,
1121,
515,
18551,
613,
376,
1491,
7662,
1159,
13,
418,
25342,
25274,
29918,
29883,
5380,
403,
29918,
29883,
420,
29918,
3166,
29918,
276,
1338,
1947,
29901,
13,
4706,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
292,
18593,
1121,
515,
337,
1338,
1947,
613,
376,
1491,
7662,
1159,
13,
418,
1683,
29901,
13,
4706,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
292,
4036,
18593,
613,
376,
1491,
7662,
1159,
13,
13,
418,
565,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
4706,
18593,
29918,
27215,
29918,
2109,
353,
3509,
29889,
24535,
8552,
29898,
23945,
29918,
4220,
29897,
13,
4706,
18593,
29918,
27215,
29918,
2109,
29889,
4220,
29889,
3283,
29889,
29920,
4619,
869,
29896,
29945,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
4220,
29918,
28111,
703,
29874,
29918,
7451,
613,
18593,
29918,
27215,
29918,
2109,
29892,
6210,
29922,
19322,
29918,
11255,
29892,
4337,
29918,
1915,
29922,
5574,
29897,
13,
13,
418,
2944,
29918,
29886,
17840,
353,
1583,
29889,
23945,
29898,
307,
7451,
29918,
978,
29892,
5839,
29918,
4220,
29892,
29871,
29900,
29889,
29900,
29892,
6210,
29918,
11255,
353,
6210,
29918,
11255,
29892,
6210,
29918,
28544,
353,
869,
29900,
29945,
29892,
29871,
13,
462,
4706,
330,
374,
2496,
29918,
6519,
29922,
29887,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
353,
2948,
29918,
3545,
29897,
13,
418,
565,
451,
1583,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29901,
13,
4706,
2944,
29918,
29886,
17840,
353,
5852,
13,
539,
13,
418,
565,
2944,
29918,
29886,
17840,
322,
25274,
29918,
29883,
5380,
403,
29918,
3166,
29918,
4924,
29901,
13,
4706,
1583,
29889,
629,
4692,
29918,
29883,
5380,
1078,
29961,
667,
29889,
1595,
29918,
333,
29962,
3366,
23945,
29918,
11102,
29918,
8698,
1319,
3108,
353,
5852,
13,
418,
396,
14402,
29901,
5399,
25274,
2551,
3025,
25274,
2920,
363,
19964,
29875,
29939,
330,
374,
2496,
322,
18551,
363,
16716,
330,
374,
2496,
13,
418,
565,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
4706,
2944,
29918,
29886,
17840,
353,
1583,
29889,
3198,
29918,
23945,
29898,
667,
29889,
1595,
29918,
333,
29897,
13,
418,
396,
2166,
428,
338,
7120,
2768,
278,
5839,
740,
13,
418,
565,
451,
2944,
29918,
29886,
17840,
29901,
13,
4706,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
17776,
385,
4218,
304,
5839,
2944,
17114,
1213,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
376,
467,
830,
1131,
3456,
292,
29889,
9626,
14734,
29901,
376,
718,
851,
29898,
1131,
3456,
29879,
876,
13,
4706,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
3986,
1583,
29889,
2146,
384,
29898,
8824,
29897,
13,
4706,
6773,
13,
539,
13,
418,
396,
6212,
3456,
304,
2058,
278,
2944,
13,
418,
2058,
29918,
4220,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
418,
2058,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
2944,
29889,
5182,
29918,
2557,
13,
418,
3734,
29918,
1639,
13847,
29918,
4220,
353,
5159,
13,
539,
13,
418,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
4706,
396,
910,
338,
22629,
854,
993,
304,
731,
701,
1363,
278,
260,
764,
29879,
526,
5731,
630,
29889,
260,
764,
29918,
29906,
29879,
526,
5731,
630,
29871,
29896,
29947,
29900,
14496,
6198,
304,
731,
29918,
29896,
29918,
29873,
764,
29918,
29896,
13,
4706,
396,
20134,
9838,
29918,
15094,
29925,
29918,
13152,
1660,
29903,
13,
4706,
2058,
29918,
4220,
29889,
4220,
29889,
20659,
29892,
3734,
29918,
1639,
13847,
29918,
4220,
353,
1583,
29889,
657,
29918,
29873,
764,
29918,
29886,
9552,
29918,
20659,
29918,
1454,
29918,
2146,
428,
29918,
262,
29918,
29895,
5367,
29898,
13,
462,
462,
462,
29871,
731,
29918,
4537,
29922,
667,
29889,
842,
29918,
4537,
29892,
29871,
13,
462,
462,
462,
29871,
260,
764,
29918,
4537,
29922,
524,
29898,
6689,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
29961,
29896,
29896,
12622,
13,
4706,
565,
451,
2058,
29918,
4220,
29889,
4220,
29889,
20659,
29889,
29893,
322,
451,
2058,
29918,
4220,
29889,
4220,
29889,
20659,
29889,
29916,
322,
451,
2058,
29918,
4220,
29889,
4220,
29889,
20659,
29889,
29891,
29901,
13,
3986,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
6156,
2303,
4690,
4214,
399,
3919,
399,
29934,
20614,
29892,
438,
3960,
3919,
8098,
8519,
6058,
319,
1799,
17298,
3352,
1159,
13,
418,
1683,
29901,
259,
396,
349,
3757,
2459,
29918,
29887,
374,
2496,
29892,
19964,
29875,
29939,
29918,
29887,
374,
2496,
13,
4706,
2058,
29918,
4220,
29889,
4220,
29889,
20659,
353,
1583,
29889,
3204,
1328,
29918,
20659,
13,
539,
13,
418,
2948,
29918,
3545,
353,
869,
29900,
29945,
13,
418,
565,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
7662,
3377,
29918,
1639,
13847,
29918,
4220,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29896,
29889,
29945,
29892,
28178,
29922,
29896,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
2948,
29918,
3545,
353,
869,
29900,
29941,
13,
418,
25342,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
4706,
565,
3734,
29918,
1639,
13847,
29918,
4220,
29901,
13,
3986,
696,
1028,
29891,
29889,
1188,
3888,
703,
8120,
292,
304,
19697,
18593,
1159,
13,
3986,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
29898,
12403,
29918,
1639,
13847,
29918,
4220,
29892,
376,
29890,
29918,
7451,
613,
6210,
29922,
29896,
29889,
29945,
29892,
28178,
29922,
29896,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
396,
28268,
496,
278,
2058,
18593,
411,
640,
1245,
29878,
1141,
562,
2242,
261,
362,
995,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
2052,
307,
9733,
2058,
18593,
1159,
13,
4706,
565,
2944,
29889,
842,
29918,
4537,
297,
518,
29906,
29892,
29941,
29962,
322,
2944,
29889,
5182,
29918,
2557,
29961,
29896,
29896,
29962,
1275,
525,
29896,
2396,
29871,
396,
323,
764,
29871,
29896,
13,
3986,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1563,
29918,
29890,
1144,
613,
376,
29890,
29918,
7451,
613,
6210,
21098,
29896,
29897,
13,
3986,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
6689,
29918,
1639,
13847,
29918,
4220,
29918,
1454,
29918,
7224,
29918,
29906,
29918,
392,
29918,
29941,
613,
376,
29890,
29918,
7451,
613,
6210,
21098,
29896,
29897,
13,
4706,
1583,
29889,
10118,
29918,
11631,
277,
29918,
10660,
29918,
29885,
8194,
353,
5852,
13,
4706,
2058,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
4619,
869,
29900,
29947,
13,
4706,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
2058,
29918,
4220,
29892,
6210,
353,
29871,
29900,
29889,
29941,
29892,
28178,
353,
29871,
29900,
29889,
29900,
29947,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
353,
376,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
4706,
2058,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
22361,
869,
29900,
29947,
13,
13,
418,
565,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29953,
29901,
13,
4706,
565,
5839,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29916,
1405,
29871,
29900,
29901,
13,
3986,
2058,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
353,
448,
29900,
29889,
29900,
29953,
13,
4706,
1683,
29901,
13,
3986,
2058,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29891,
353,
29871,
29900,
29889,
29900,
29953,
13,
539,
13,
418,
1583,
29889,
6689,
29898,
307,
7451,
29918,
978,
29892,
2058,
29918,
4220,
29892,
629,
4692,
29918,
3545,
29922,
667,
29889,
26419,
1129,
600,
29918,
3545,
29892,
13,
462,
1678,
6210,
29918,
11255,
353,
29871,
29900,
29889,
29945,
29892,
6210,
29918,
28544,
353,
29871,
29900,
29889,
29900,
29906,
29892,
330,
374,
2496,
29918,
6519,
29922,
29887,
374,
2496,
29918,
6519,
29892,
2948,
29918,
3545,
353,
2948,
29918,
3545,
29897,
13,
13,
418,
565,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
4706,
1583,
29889,
10118,
29918,
11631,
277,
29918,
10660,
29918,
29885,
8194,
353,
7700,
13,
13,
418,
396,
960,
9150,
13,
418,
1583,
29889,
1319,
26940,
29918,
7076,
4619,
29871,
29896,
13,
418,
2944,
29889,
1319,
26940,
353,
5852,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
13157,
2147,
287,
2944,
17114,
1213,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
29991,
14990,
4452,
20115,
29901,
376,
718,
851,
29898,
1311,
29889,
1319,
26940,
29918,
7076,
876,
13,
418,
736,
5852,
13,
1678,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
29956,
294,
451,
2221,
304,
5839,
2944,
17114,
1213,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
29991,
14990,
14734,
29901,
376,
718,
851,
29898,
667,
29889,
1131,
3456,
29879,
876,
13,
268,
13,
1678,
396,
14402,
29901,
25249,
701,
23511,
565,
451,
9150,
13,
1678,
396,
1583,
29889,
11631,
29918,
1915,
29898,
307,
7451,
29918,
978,
29892,
2058,
29918,
4220,
29892,
6210,
353,
29871,
29900,
29889,
29941,
29892,
28178,
353,
29871,
29900,
29889,
29900,
29947,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
353,
376,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
1678,
736,
7700,
13,
259,
13,
29871,
822,
413,
5367,
29918,
7662,
29898,
1311,
1125,
13,
1678,
396,
3767,
8963,
29901,
13,
1678,
396,
448,
7370,
411,
480,
428,
5780,
718,
286,
29946,
5780,
1592,
16242,
13,
1678,
396,
448,
23868,
599,
278,
885,
3973,
29879,
297,
278,
1857,
731,
322,
1925,
963,
297,
278,
8343,
414,
29892,
577,
896,
674,
367,
7960,
304,
367,
18691,
13,
1678,
396,
448,
2921,
1549,
599,
4452,
393,
1996,
480,
428,
29892,
577,
278,
5780,
338,
1592,
16242,
871,
2748,
947,
451,
505,
304,
367,
337,
29899,
1686,
16242,
13,
1678,
396,
448,
2921,
1549,
4452,
393,
526,
18691,
491,
278,
263,
29918,
7451,
470,
289,
29918,
7451,
330,
374,
22437,
13,
1678,
396,
448,
1932,
278,
885,
3973,
29879,
526,
7960,
29892,
5839,
322,
2058,
963,
13,
1678,
396,
448,
3967,
304,
5839,
322,
736,
738,
19163,
885,
3973,
29879,
13,
1678,
396,
13001,
635,
29892,
591,
508,
6216,
599,
278,
260,
764,
29879,
964,
278,
9088,
29889,
13,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29883,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1627,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
1369,
29918,
2230,
353,
696,
1028,
29891,
29889,
2481,
29889,
3707,
580,
13,
1678,
1583,
29889,
2962,
29918,
7662,
29918,
20404,
580,
13,
1678,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
29898,
726,
543,
29968,
5367,
613,
7663,
543,
7662,
1159,
13,
1678,
931,
29918,
13400,
353,
696,
1028,
29891,
29889,
18984,
29898,
29896,
29896,
29946,
29900,
29897,
396,
29871,
29896,
29929,
6233,
13,
1678,
1583,
29889,
1319,
26940,
29918,
7076,
353,
29871,
29900,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
353,
9657,
580,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
13974,
1133,
353,
9657,
580,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29946,
3108,
353,
313,
2435,
29898,
1311,
29889,
29879,
1037,
5652,
3366,
29885,
29946,
20068,
1275,
29871,
29900,
29897,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29941,
3108,
353,
313,
2435,
29898,
1311,
29889,
29879,
1037,
5652,
3366,
29885,
29941,
20068,
1275,
29871,
29900,
29897,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
13974,
1133,
3366,
29885,
29946,
3108,
353,
426,
29896,
29901,
29900,
29892,
29871,
29906,
29901,
29900,
29892,
29871,
29941,
29901,
29900,
29913,
13,
1678,
1583,
29889,
29879,
1037,
5652,
29918,
13974,
1133,
3366,
29885,
29941,
3108,
353,
426,
29896,
29901,
29900,
29892,
29871,
29906,
29901,
29900,
29892,
29871,
29941,
29901,
29900,
29913,
13,
13,
1678,
396,
1275,
1360,
29871,
29896,
29889,
3824,
29892,
437,
385,
2847,
4218,
373,
5839,
292,
599,
4452,
29892,
10372,
491,
278,
5780,
393,
896,
526,
18691,
411,
313,
29879,
1037,
5652,
29892,
480,
428,
29892,
16716,
29918,
29887,
374,
2496,
29892,
19964,
29875,
29939,
29897,
13,
13,
1678,
396,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29895,
5367,
29918,
23945,
29918,
2040,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
396,
363,
2944,
297,
1583,
29889,
29879,
1037,
29893,
29918,
7076,
29901,
13,
1678,
396,
259,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
885,
3973,
694,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
376,
322,
1925,
964,
1238,
2447,
613,
376,
1491,
7662,
1159,
13,
1678,
396,
259,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
1678,
396,
268,
2867,
13,
1678,
396,
259,
396,
2944,
29889,
262,
29918,
1725,
2447,
353,
5852,
259,
396,
501,
8485,
304,
14383,
278,
885,
3973,
29879,
322,
9025,
278,
1238,
2447,
5839,
786,
13,
1678,
396,
259,
1583,
29889,
23945,
29918,
29879,
1037,
29893,
29918,
3166,
29918,
2109,
29918,
392,
29918,
649,
29918,
8941,
29918,
1725,
2447,
29898,
667,
29892,
29871,
29896,
29900,
29897,
13,
1678,
396,
259,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29895,
5367,
29918,
23945,
29918,
2040,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
396,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
396,
696,
1028,
29891,
29889,
1188,
3888,
703,
2751,
25679,
411,
885,
3973,
5839,
786,
1209,
1159,
13,
1678,
1583,
29889,
29879,
1037,
29893,
29918,
29881,
27657,
29918,
2230,
353,
696,
1028,
29891,
29889,
2481,
29889,
3707,
580,
13,
13,
1678,
396,
696,
1028,
29891,
29889,
17059,
29898,
29906,
29897,
13,
1678,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
13,
1678,
363,
2944,
297,
1583,
29889,
2146,
428,
29918,
7076,
29901,
13,
418,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
322,
2058,
2944,
694,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
511,
376,
1491,
7662,
1159,
13,
418,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
4706,
2867,
13,
418,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
418,
1583,
29889,
1131,
3456,
29918,
667,
29898,
667,
29892,
29871,
29941,
29897,
13,
1678,
396,
1583,
29889,
1867,
29918,
3167,
29918,
10154,
29918,
2467,
703,
29890,
29918,
7451,
613,
7462,
29922,
8824,
29892,
885,
3973,
29918,
2311,
29922,
29945,
29900,
29897,
259,
396,
29871,
29945,
29900,
353,
480,
428,
5780,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1627,
613,
376,
29890,
29918,
7451,
1159,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
2751,
25679,
411,
937,
480,
428,
1209,
1159,
13,
13,
1678,
363,
2944,
297,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
7076,
29901,
13,
418,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
322,
2058,
2944,
694,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
511,
376,
1491,
7662,
1159,
13,
418,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
4706,
2867,
13,
418,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
7662,
3377,
29918,
1639,
13847,
29918,
4220,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
418,
1583,
29889,
1131,
3456,
29918,
667,
29898,
667,
29892,
29871,
29941,
29897,
13,
1678,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29874,
29918,
7451,
1159,
13,
1678,
696,
1028,
29891,
29889,
1188,
3888,
703,
2751,
25679,
411,
937,
16716,
330,
374,
2496,
1209,
1159,
13,
13,
1678,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
13,
1678,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
13,
1678,
396,
363,
2944,
297,
1583,
29889,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
29918,
7076,
29901,
13,
1678,
396,
259,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
322,
2058,
2944,
694,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
511,
376,
1491,
7662,
1159,
13,
1678,
396,
259,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
5184,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
1678,
396,
259,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
1678,
396,
268,
2867,
13,
1678,
396,
259,
1583,
29889,
1131,
3456,
29918,
667,
29898,
667,
29892,
29871,
29941,
29897,
13,
1678,
396,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
13,
1678,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
13,
1678,
396,
1275,
1360,
29871,
29906,
29889,
6440,
29892,
2425,
1549,
599,
278,
4452,
393,
892,
451,
8472,
18691,
373,
937,
1018,
29892,
322,
2058,
278,
885,
3973,
29879,
746,
896,
526,
12023,
304,
367,
7960,
29889,
13,
1678,
599,
29918,
15091,
353,
7700,
13,
1678,
396,
1550,
7700,
29901,
13,
1678,
1550,
451,
599,
29918,
15091,
322,
451,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
292,
278,
2425,
304,
9792,
5229,
4452,
322,
5839,
885,
3973,
29879,
1159,
13,
539,
13,
418,
396,
5399,
599,
4452,
29892,
1284,
607,
6471,
526,
2309,
29892,
769,
337,
1131,
3456,
1906,
393,
526,
443,
4951,
3276,
13,
418,
599,
29918,
15091,
353,
5852,
13,
418,
480,
428,
29918,
15091,
353,
5852,
13,
418,
16716,
29918,
29887,
374,
2496,
29918,
15091,
353,
5852,
13,
418,
19964,
29875,
29939,
29918,
29887,
374,
2496,
29918,
15091,
353,
5852,
13,
418,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29946,
3108,
353,
5852,
13,
418,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29941,
3108,
353,
5852,
13,
418,
363,
2944,
297,
1583,
29889,
21693,
29918,
7076,
29901,
13,
4706,
565,
451,
2944,
29889,
1319,
26940,
29901,
13,
3986,
696,
1028,
29891,
29889,
1188,
3888,
703,
9692,
385,
563,
295,
2147,
287,
2944,
297,
278,
1797,
29901,
2944,
17114,
29889,
376,
718,
851,
29898,
667,
29889,
4537,
29918,
262,
29918,
842,
29897,
718,
376,
515,
731,
376,
718,
851,
29898,
667,
29889,
842,
29918,
4537,
29897,
718,
376,
313,
1595,
3553,
6160,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
16521,
1159,
13,
3986,
599,
29918,
15091,
353,
7700,
13,
3986,
565,
376,
17990,
2459,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
9651,
16716,
29918,
29887,
374,
2496,
29918,
15091,
353,
7700,
13,
3986,
25342,
376,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
29908,
297,
2944,
29889,
3905,
29918,
517,
29918,
1509,
29901,
13,
9651,
19964,
29875,
29939,
29918,
29887,
374,
2496,
29918,
15091,
353,
7700,
13,
3986,
25342,
2944,
29889,
3905,
29918,
517,
29918,
1509,
1275,
376,
2146,
428,
1115,
13,
9651,
480,
428,
29918,
15091,
353,
7700,
13,
3986,
565,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29955,
29901,
13,
9651,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29946,
3108,
353,
7700,
13,
3986,
25342,
2944,
29889,
1595,
29918,
333,
1275,
29871,
29896,
29947,
29901,
13,
9651,
1583,
29889,
29879,
1037,
5652,
29918,
15091,
3366,
29885,
29941,
3108,
353,
7700,
13,
13,
418,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
13,
418,
565,
451,
16716,
29918,
29887,
374,
2496,
29918,
15091,
29901,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
1123,
1131,
3456,
292,
278,
9886,
16716,
330,
374,
2496,
4452,
1159,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
7662,
3377,
29918,
1639,
13847,
29918,
4220,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
363,
2944,
297,
1583,
29889,
17990,
2459,
29918,
29887,
374,
2496,
29918,
7076,
29901,
13,
3986,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
322,
2058,
2944,
694,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
511,
376,
1491,
7662,
1159,
13,
3986,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
462,
29871,
2867,
13,
3986,
1583,
29889,
1131,
3456,
29918,
667,
29898,
667,
29897,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29874,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
13,
418,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
13,
418,
396,
565,
451,
19964,
29875,
29939,
29918,
29887,
374,
2496,
29918,
15091,
29901,
13,
418,
396,
259,
696,
1028,
29891,
29889,
1188,
3888,
703,
1123,
1131,
3456,
292,
278,
9886,
19964,
29875,
29939,
330,
374,
2496,
4452,
1159,
13,
418,
396,
259,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
5184,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
418,
396,
259,
363,
2944,
297,
1583,
29889,
307,
7451,
29875,
29939,
29918,
29887,
374,
2496,
29918,
7076,
29901,
13,
418,
396,
268,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
322,
2058,
2944,
694,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
511,
376,
1491,
7662,
1159,
13,
418,
396,
268,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
418,
396,
632,
2867,
13,
418,
396,
268,
1583,
29889,
1131,
3456,
29918,
667,
29898,
667,
29897,
13,
418,
396,
259,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
13,
418,
1583,
29889,
2484,
271,
29918,
29879,
1037,
5652,
29918,
262,
29918,
18798,
414,
580,
13,
539,
13,
418,
565,
451,
480,
428,
29918,
15091,
29901,
13,
4706,
1583,
29889,
12071,
29918,
629,
4692,
29918,
29883,
5380,
1078,
580,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
1123,
1131,
3456,
292,
278,
9886,
480,
428,
4452,
1159,
13,
4706,
396,
1583,
29889,
1867,
29918,
3167,
29918,
10154,
29918,
2467,
703,
29890,
29918,
7451,
613,
7462,
29922,
5574,
29892,
885,
3973,
29918,
2311,
29922,
29945,
29900,
29897,
259,
396,
29871,
29945,
29900,
353,
480,
428,
5780,
13,
4706,
363,
2944,
297,
1583,
29889,
2146,
428,
29918,
7076,
29901,
13,
3986,
1583,
29889,
1188,
29918,
517,
29918,
8382,
29918,
3712,
2105,
703,
29925,
860,
322,
2058,
2944,
694,
29889,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
511,
376,
1491,
7662,
1159,
13,
3986,
565,
696,
1028,
29891,
29889,
275,
29918,
845,
329,
3204,
7295,
13,
462,
29871,
2867,
13,
3986,
565,
451,
2944,
29889,
1319,
26940,
29901,
13,
9651,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
23945,
29918,
2040,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
9651,
1583,
29889,
1131,
3456,
29918,
667,
29898,
667,
29892,
29871,
29945,
29897,
13,
4706,
396,
1583,
29889,
1867,
29918,
3167,
29918,
10154,
29918,
2467,
703,
29890,
29918,
7451,
613,
7462,
29922,
8824,
29892,
885,
3973,
29918,
2311,
29922,
29945,
29900,
29897,
259,
396,
29871,
29945,
29900,
353,
480,
428,
5780,
13,
4706,
1583,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29890,
29918,
7451,
613,
6210,
29922,
29906,
29889,
29900,
29892,
28178,
29922,
29906,
29889,
29900,
29892,
4889,
29918,
332,
29918,
2154,
29922,
1311,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
13,
418,
565,
313,
307,
1028,
29891,
29889,
2481,
29889,
3707,
580,
29899,
2962,
29918,
2230,
29897,
1405,
931,
29918,
13400,
29901,
13,
4706,
696,
1028,
29891,
29889,
417,
914,
29878,
703,
2481,
4046,
7450,
29991,
5826,
5086,
714,
310,
278,
2425,
23157,
13,
4706,
2867,
13,
13,
1678,
565,
599,
29918,
15091,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
26010,
278,
3414,
23157,
13,
1678,
1683,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
1254,
4590,
29925,
3352,
6093,
323,
3289,
29968,
1159,
13,
1678,
736,
13,
13,
361,
4770,
978,
1649,
1275,
525,
1649,
3396,
1649,
2396,
13,
29871,
1018,
29901,
13,
1678,
413,
277,
353,
476,
5367,
2385,
580,
13,
1678,
474,
353,
29871,
29896,
13,
1678,
1550,
474,
29901,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29896,
304,
7462,
480,
428,
5780,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29896,
29896,
304,
1597,
14254,
480,
428,
5780,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29906,
304,
4337,
278,
10832,
1862,
3271,
304,
6257,
11909,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29941,
304,
480,
428,
26305,
1243,
411,
289,
29918,
7451,
773,
480,
428,
5780,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29953,
29900,
304,
5839,
885,
3973,
515,
9016,
411,
263,
29918,
7451,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29953,
29896,
304,
1361,
975,
885,
3973,
515,
263,
29918,
7451,
304,
274,
29918,
7451,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29953,
29906,
304,
4337,
10832,
1862,
1250,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29955,
29896,
29892,
29871,
29955,
29906,
856,
304,
1243,
282,
1251,
5389,
373,
2944,
29871,
29896,
29892,
29871,
29906,
856,
1159,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29947,
29896,
29892,
29871,
29947,
29906,
856,
304,
4337,
289,
29918,
7451,
480,
428,
304,
260,
764,
29879,
856,
1159,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29929,
29900,
304,
4337,
263,
29918,
7451,
304,
413,
5367,
29918,
23945,
29918,
2040,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
29871,
29929,
29896,
29892,
29871,
29929,
29906,
856,
304,
437,
1776,
29918,
2109,
373,
9016,
29896,
29918,
29896,
29892,
9016,
29896,
29918,
29906,
856,
1159,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
6850,
8322,
304,
1369,
278,
3414,
23157,
13,
418,
696,
1028,
29891,
29889,
1188,
3888,
703,
10399,
921,
304,
6876,
23157,
13,
418,
474,
353,
10650,
29918,
2080,
580,
13,
418,
565,
474,
1275,
525,
29896,
2396,
13,
4706,
413,
277,
29889,
1867,
29918,
3167,
29918,
10154,
29918,
2467,
703,
29890,
29918,
7451,
613,
7462,
29922,
5574,
29892,
885,
3973,
29918,
2311,
29922,
29945,
29900,
29897,
259,
396,
29871,
29945,
29900,
353,
480,
428,
5780,
13,
418,
565,
474,
1275,
525,
29896,
29896,
2396,
13,
4706,
413,
277,
29889,
1867,
29918,
3167,
29918,
10154,
29918,
2467,
703,
29890,
29918,
7451,
613,
7462,
29922,
8824,
29892,
885,
3973,
29918,
2311,
29922,
29945,
29900,
29897,
259,
396,
29871,
29945,
29900,
353,
480,
428,
5780,
13,
418,
565,
474,
1275,
525,
29906,
2396,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29874,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29883,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
2040,
29918,
1627,
613,
376,
29890,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
418,
25342,
474,
1275,
525,
25826,
29915,
470,
474,
1275,
525,
2962,
29915,
470,
474,
1275,
525,
29945,
29900,
29900,
29900,
2396,
13,
4706,
413,
277,
29889,
29895,
5367,
29918,
7662,
580,
13,
418,
25342,
474,
1275,
376,
29953,
29900,
1115,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
5184,
613,
376,
29874,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
413,
277,
29889,
23945,
29918,
29879,
1037,
29893,
29918,
2541,
29918,
17990,
2459,
29918,
29887,
374,
2496,
29898,
7354,
29889,
1595,
29918,
2109,
29918,
1761,
3366,
1595,
29918,
29896,
29955,
12436,
885,
3973,
29918,
2311,
29922,
29871,
29946,
29897,
13,
418,
25342,
474,
1275,
376,
29953,
29896,
1115,
13,
4706,
413,
277,
29889,
23945,
29918,
29879,
1037,
29893,
29918,
3166,
29918,
17990,
2459,
29918,
29887,
374,
2496,
29898,
29879,
1037,
29893,
29918,
2311,
29922,
29946,
29897,
13,
418,
25342,
474,
1275,
376,
29953,
29906,
1115,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29879,
1037,
29893,
29918,
2040,
613,
376,
29883,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29874,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
418,
25342,
474,
297,
6796,
29955,
29896,
613,
376,
29955,
29906,
613,
376,
29955,
29941,
613,
376,
29955,
29946,
613,
376,
29955,
29945,
613,
376,
29955,
29953,
613,
376,
29955,
29955,
613,
376,
29955,
29947,
613,
376,
29955,
29929,
3108,
29901,
13,
4706,
2944,
353,
413,
277,
29889,
21693,
29918,
7076,
29961,
524,
29898,
29875,
6817,
29955,
29896,
29962,
13,
4706,
696,
1028,
29891,
29889,
1188,
3888,
703,
5596,
292,
363,
2944,
1178,
376,
718,
851,
29898,
667,
29889,
1595,
29918,
333,
29897,
718,
376,
297,
376,
718,
2944,
29889,
2109,
29918,
978,
29897,
13,
4706,
5446,
29918,
4220,
353,
413,
277,
29889,
657,
29918,
629,
4692,
29918,
29883,
5380,
1078,
29918,
3166,
29918,
561,
2251,
29875,
29898,
667,
29892,
5852,
29897,
13,
418,
25342,
474,
1275,
376,
29947,
29900,
1115,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
2146,
428,
29918,
23945,
29918,
2040,
613,
376,
29890,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
418,
25342,
474,
297,
6796,
29947,
29896,
613,
376,
29947,
29906,
613,
376,
29947,
29941,
613,
376,
29947,
29946,
3108,
29901,
13,
4706,
2058,
29918,
4220,
353,
16303,
29918,
1516,
3174,
29889,
7645,
29889,
29925,
852,
855,
1160,
287,
580,
13,
4706,
565,
474,
1275,
376,
29947,
29896,
1115,
13,
3986,
2058,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
376,
842,
29918,
29896,
29918,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29946,
29908,
13,
4706,
25342,
474,
1275,
376,
29947,
29906,
1115,
13,
3986,
2058,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
376,
842,
29918,
29906,
29918,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29946,
29908,
13,
4706,
25342,
474,
1275,
376,
29947,
29941,
1115,
13,
3986,
2058,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
376,
842,
29918,
29941,
29918,
29873,
764,
29918,
29906,
29918,
16707,
29918,
29946,
29908,
13,
4706,
25342,
474,
1275,
376,
29947,
29946,
1115,
13,
3986,
2058,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
353,
376,
842,
29918,
29896,
29918,
29873,
764,
29918,
29896,
29918,
16707,
29918,
29941,
29908,
13,
308,
13,
4706,
396,
20134,
9838,
29918,
15094,
29925,
29918,
13152,
1660,
29903,
13,
4706,
2058,
29918,
4220,
29889,
4220,
29889,
20659,
353,
413,
277,
29889,
657,
29918,
29873,
764,
29918,
29886,
9552,
29918,
20659,
29918,
1454,
29918,
2146,
428,
29918,
262,
29918,
29895,
5367,
29898,
13,
462,
462,
462,
29871,
731,
29918,
4537,
29922,
524,
29898,
6689,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
29961,
29946,
11724,
29871,
13,
462,
462,
462,
29871,
260,
764,
29918,
4537,
29922,
524,
29898,
6689,
29918,
4220,
29889,
6672,
29889,
2557,
29918,
333,
29961,
29896,
29896,
12622,
13,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29883,
29918,
7451,
1159,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
1627,
613,
376,
29890,
29918,
7451,
1159,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29879,
1037,
29893,
29918,
2040,
613,
19964,
29918,
978,
29897,
13,
4706,
2058,
29918,
4220,
29889,
4220,
29889,
3283,
29889,
29920,
353,
869,
29900,
29947,
13,
4706,
413,
277,
29889,
11631,
29918,
1915,
703,
29890,
29918,
7451,
613,
2058,
29918,
4220,
29892,
869,
29896,
29892,
1095,
29918,
12352,
3019,
29918,
2324,
543,
29890,
29918,
7451,
29918,
2146,
428,
29918,
10154,
29918,
12632,
29918,
2324,
1159,
13,
418,
25342,
474,
1275,
376,
29929,
29900,
1115,
13,
4706,
413,
277,
29889,
1484,
29918,
517,
29918,
17514,
29918,
4220,
703,
29895,
5367,
29918,
23945,
29918,
2040,
613,
376,
29874,
29918,
7451,
613,
4889,
29918,
332,
29918,
2154,
29922,
7354,
29889,
1509,
29918,
6370,
29918,
307,
7451,
29897,
13,
418,
25342,
474,
297,
6796,
29929,
29896,
613,
376,
29929,
29906,
613,
376,
29929,
29941,
613,
376,
29929,
29946,
613,
376,
29929,
29945,
3108,
29901,
13,
4706,
565,
474,
1275,
376,
29929,
29896,
1115,
13,
3986,
760,
29918,
333,
353,
29871,
29896,
29953,
13,
4706,
25342,
474,
1275,
376,
29929,
29906,
1115,
13,
3986,
760,
29918,
333,
353,
29871,
29929,
13,
4706,
25342,
474,
1275,
376,
29929,
29941,
1115,
13,
3986,
760,
29918,
333,
353,
29871,
29896,
29945,
13,
4706,
25342,
474,
1275,
376,
29929,
29946,
1115,
13,
3986,
760,
29918,
333,
353,
29871,
29896,
29955,
13,
4706,
25342,
474,
1275,
376,
29929,
29945,
1115,
13,
3986,
760,
29918,
333,
353,
29871,
29896,
29947,
13,
13,
4706,
413,
277,
29889,
1493,
29918,
2109,
703,
29874,
29918,
7451,
613,
376,
2109,
29896,
27508,
718,
474,
29961,
29896,
1402,
760,
29918,
333,
29897,
13,
418,
25342,
474,
1275,
376,
29916,
1115,
13,
4706,
2867,
13,
539,
13,
1678,
1596,
376,
4936,
2751,
25679,
3850,
13,
29871,
5174,
696,
1028,
29891,
29889,
1672,
29903,
4074,
6685,
2451,
29901,
13,
1678,
1209,
13,
2
] |
example.py | duanyytop/ckb-sdk-python | 1 | 55675 | <gh_stars>1-10
from ckb_toolkit.core.signer import sign_tx
from ckb_toolkit.core.rpc import RPCClient
from ckb_toolkit.core.hash import ckb_blake160
from ckb_toolkit.core.hex_coder import hex_to_bytes, hex_from_bytes
from ckb_toolkit.address.address import generateShortAddress, generateFullAddress
from coincurve import PublicKey, PrivateKey
import json
unsigned_raw_tx = {'version': '0x0', 'cell_deps': [{'out_point': {'tx_hash': '0xbd262c87a84c08ea3bc141700cf55c1a285009de0e22c247a8d9597b4fc491e6', 'index': '0x2'}, 'dep_type': 'code'}, {'out_point': {'tx_hash': '0xd346695aa3293a84e9f985448668e9692892c959e7e83d6d8042e59c08b8cf5c', 'index': '0x0'}, 'dep_type': 'code'}, {'out_point': {'tx_hash': '0x03dd2a5594ed2d79196b396c83534e050ba0ad07fa5c1cd61a7094f9fb60a592', 'index': '0x0'}, 'dep_type': 'code'}, {'out_point': {'tx_hash': '0xf8de3bb47d055cdf460d93a2a6e1b05f7432f9777c8c474abf4eec1d4aee5d37', 'index': '0x0'}, 'dep_type': 'dep_group'}], 'header_deps': [
], 'inputs': [{'previous_output': {'tx_hash': '0xad375e8c40fdf42187ecbec79f7ddcae72017ce7773a4762421f3f50722dccb0', 'index': '0x1'}, 'since': '0x0'}], 'outputs': [{'capacity': '0x31eb3c002', 'lock': {'code_hash': '0x9bd7e06f3ecf4be0f2fcd2188b23f1b9fcc88e5d4b65a8637b17723bbda3cce8', 'args': '0xed893ca482474e66b5779e57dc1d5281f9033e4f', 'hash_type': 'type'}, 'type': {'code_hash': '0xb1837b5ad01a88558731953062d1f5cb547adf89ece01e8934a9f0aeed2d959f', 'args': '0xf90f9c38b0ea0815156bbc340c910d0a21ee57cf0000003700000002', 'hash_type': 'type'}}], 'outputs_data': ['0x000000000000000000c000'], 'witnesses': ['0x']}
private_key = 'd52a6cb37ce90aed79a96ea9976668fbdbe16d6eac3611d5b15de388168da2c3'
public_key = PrivateKey.from_hex(private_key).public_key.format()
args = ckb_blake160(public_key)[2:]
address = generateShortAddress(args, network = "testnet")
print(address)
lock = {'code_hash': '9bd7e06f3ecf4be0f2fcd2188b23f1b9fcc88e5d4b65a8637b17723bbda3cce8', 'hash_type': 'type', 'args': args}
full_address = generateFullAddress(lock, network = "testnet")
print(full_address)
tx = sign_tx(unsigned_raw_tx, private_key)
print(tx)
rpc = RPCClient('https://testnet.ckb.dev/rpc')
tx_hash = rpc.request('send_transaction', tx)
print(tx_hash)
| [
1,
529,
12443,
29918,
303,
1503,
29958,
29896,
29899,
29896,
29900,
13,
3166,
274,
21066,
29918,
10154,
7354,
29889,
3221,
29889,
4530,
261,
1053,
1804,
29918,
7508,
13,
3166,
274,
21066,
29918,
10154,
7354,
29889,
3221,
29889,
29878,
6739,
1053,
390,
9026,
4032,
13,
3166,
274,
21066,
29918,
10154,
7354,
29889,
3221,
29889,
8568,
1053,
274,
21066,
29918,
17530,
446,
29896,
29953,
29900,
13,
3166,
274,
21066,
29918,
10154,
7354,
29889,
3221,
29889,
20970,
29918,
29883,
6119,
1053,
15090,
29918,
517,
29918,
13193,
29892,
15090,
29918,
3166,
29918,
13193,
13,
3166,
274,
21066,
29918,
10154,
7354,
29889,
7328,
29889,
7328,
1053,
5706,
21322,
7061,
29892,
5706,
13658,
7061,
13,
3166,
19480,
2764,
345,
1053,
5236,
2558,
29892,
12230,
2558,
13,
5215,
4390,
13,
13,
15395,
29918,
1610,
29918,
7508,
353,
11117,
3259,
2396,
525,
29900,
29916,
29900,
742,
525,
3729,
29918,
311,
567,
2396,
518,
10998,
449,
29918,
3149,
2396,
11117,
7508,
29918,
8568,
2396,
525,
29900,
29916,
6448,
29906,
29953,
29906,
29883,
29947,
29955,
29874,
29947,
29946,
29883,
29900,
29947,
11248,
29941,
12328,
29896,
29946,
29896,
29955,
29900,
29900,
6854,
29945,
29945,
29883,
29896,
29874,
29906,
29947,
29945,
29900,
29900,
29929,
311,
29900,
29872,
29906,
29906,
29883,
29906,
29946,
29955,
29874,
29947,
29881,
29929,
29945,
29929,
29955,
29890,
29946,
13801,
29946,
29929,
29896,
29872,
29953,
742,
525,
2248,
2396,
525,
29900,
29916,
29906,
16675,
525,
2716,
29918,
1853,
2396,
525,
401,
16675,
11117,
449,
29918,
3149,
2396,
11117,
7508,
29918,
8568,
2396,
525,
29900,
29916,
29881,
29941,
29946,
29953,
29953,
29929,
29945,
7340,
29941,
29906,
29929,
29941,
29874,
29947,
29946,
29872,
29929,
29888,
29929,
29947,
29945,
29946,
29946,
29947,
29953,
29953,
29947,
29872,
29929,
29953,
29929,
29906,
29947,
29929,
29906,
29883,
29929,
29945,
29929,
29872,
29955,
29872,
29947,
29941,
29881,
29953,
29881,
29947,
29900,
29946,
29906,
29872,
29945,
29929,
29883,
29900,
29947,
29890,
29947,
6854,
29945,
29883,
742,
525,
2248,
2396,
525,
29900,
29916,
29900,
16675,
525,
2716,
29918,
1853,
2396,
525,
401,
16675,
11117,
449,
29918,
3149,
2396,
11117,
7508,
29918,
8568,
2396,
525,
29900,
29916,
29900,
29941,
1289,
29906,
29874,
29945,
29945,
29929,
29946,
287,
29906,
29881,
29955,
29929,
29896,
29929,
29953,
29890,
29941,
29929,
29953,
29883,
29947,
29941,
29945,
29941,
29946,
29872,
29900,
29945,
29900,
2291,
29900,
328,
29900,
29955,
5444,
29945,
29883,
29896,
2252,
29953,
29896,
29874,
29955,
29900,
29929,
29946,
29888,
29929,
14943,
29953,
29900,
29874,
29945,
29929,
29906,
742,
525,
2248,
2396,
525,
29900,
29916,
29900,
16675,
525,
2716,
29918,
1853,
2396,
525,
401,
16675,
11117,
449,
29918,
3149,
2396,
11117,
7508,
29918,
8568,
2396,
525,
29900,
24660,
29947,
311,
29941,
1327,
29946,
29955,
29881,
29900,
29945,
29945,
29883,
2176,
29946,
29953,
29900,
29881,
29929,
29941,
29874,
29906,
29874,
29953,
29872,
29896,
29890,
29900,
29945,
29888,
29955,
29946,
29941,
29906,
29888,
29929,
29955,
29955,
29955,
29883,
29947,
29883,
29946,
29955,
29946,
370,
29888,
29946,
29872,
687,
29896,
29881,
29946,
3660,
29872,
29945,
29881,
29941,
29955,
742,
525,
2248,
2396,
525,
29900,
29916,
29900,
16675,
525,
2716,
29918,
1853,
2396,
525,
2716,
29918,
2972,
10827,
1402,
525,
6672,
29918,
311,
567,
2396,
518,
13,
1402,
525,
2080,
29879,
2396,
518,
10998,
24957,
29918,
4905,
2396,
11117,
7508,
29918,
8568,
2396,
525,
29900,
29916,
328,
29941,
29955,
29945,
29872,
29947,
29883,
29946,
29900,
29888,
2176,
29946,
29906,
29896,
29947,
29955,
687,
19385,
29955,
29929,
29888,
29955,
1289,
1113,
29872,
29955,
29906,
29900,
29896,
29955,
346,
29955,
29955,
29955,
29941,
29874,
29946,
29955,
29953,
29906,
29946,
29906,
29896,
29888,
29941,
29888,
29945,
29900,
29955,
29906,
29906,
29881,
617,
29890,
29900,
742,
525,
2248,
2396,
525,
29900,
29916,
29896,
16675,
525,
16076,
2396,
525,
29900,
29916,
29900,
10827,
1402,
525,
4905,
29879,
2396,
518,
10998,
5030,
5946,
2396,
525,
29900,
29916,
29941,
29896,
774,
29941,
29883,
29900,
29900,
29906,
742,
525,
908,
2396,
11117,
401,
29918,
8568,
2396,
525,
29900,
29916,
29929,
6448,
29955,
29872,
29900,
29953,
29888,
29941,
687,
29888,
29946,
915,
29900,
29888,
29906,
29888,
2252,
29906,
29896,
29947,
29947,
29890,
29906,
29941,
29888,
29896,
29890,
29929,
29888,
617,
29947,
29947,
29872,
29945,
29881,
29946,
29890,
29953,
29945,
29874,
29947,
29953,
29941,
29955,
29890,
29896,
29955,
29955,
29906,
29941,
1327,
1388,
29941,
29883,
346,
29947,
742,
525,
5085,
2396,
525,
29900,
29916,
287,
29947,
29929,
29941,
1113,
29946,
29947,
29906,
29946,
29955,
29946,
29872,
29953,
29953,
29890,
29945,
29955,
29955,
29929,
29872,
29945,
29955,
13891,
29896,
29881,
29945,
29906,
29947,
29896,
29888,
29929,
29900,
29941,
29941,
29872,
29946,
29888,
742,
525,
8568,
29918,
1853,
2396,
525,
1853,
16675,
525,
1853,
2396,
11117,
401,
29918,
8568,
2396,
525,
29900,
29916,
29890,
29896,
29947,
29941,
29955,
29890,
29945,
328,
29900,
29896,
29874,
29947,
29947,
29945,
29945,
29947,
29955,
29941,
29896,
29929,
29945,
29941,
29900,
29953,
29906,
29881,
29896,
29888,
29945,
10702,
29945,
29946,
29955,
328,
29888,
29947,
29929,
29872,
346,
29900,
29896,
29872,
29947,
29929,
29941,
29946,
29874,
29929,
29888,
29900,
3660,
287,
29906,
29881,
29929,
29945,
29929,
29888,
742,
525,
5085,
2396,
525,
29900,
24660,
29929,
29900,
29888,
29929,
29883,
29941,
29947,
29890,
29900,
11248,
29900,
29947,
29896,
29945,
29896,
29945,
29953,
1327,
29883,
29941,
29946,
29900,
29883,
29929,
29896,
29900,
29881,
29900,
29874,
29906,
29896,
3905,
29945,
29955,
6854,
29900,
29900,
29900,
29900,
29900,
29900,
29941,
29955,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29906,
742,
525,
8568,
29918,
1853,
2396,
525,
1853,
29915,
930,
1402,
525,
4905,
29879,
29918,
1272,
2396,
6024,
29900,
29916,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29900,
29883,
29900,
29900,
29900,
7464,
525,
29893,
277,
2264,
267,
2396,
6024,
29900,
29916,
2033,
29913,
13,
13,
9053,
29918,
1989,
353,
525,
29881,
29945,
29906,
29874,
29953,
10702,
29941,
29955,
346,
29929,
29900,
29874,
287,
29955,
29929,
29874,
29929,
29953,
11248,
29929,
29929,
29955,
29953,
29953,
29953,
29947,
29888,
6448,
915,
29896,
29953,
29881,
29953,
29872,
562,
29941,
29953,
29896,
29896,
29881,
29945,
29890,
29896,
29945,
311,
29941,
29947,
29947,
29896,
29953,
29947,
1388,
29906,
29883,
29941,
29915,
13,
3597,
29918,
1989,
353,
12230,
2558,
29889,
3166,
29918,
20970,
29898,
9053,
29918,
1989,
467,
3597,
29918,
1989,
29889,
4830,
580,
13,
5085,
353,
274,
21066,
29918,
17530,
446,
29896,
29953,
29900,
29898,
3597,
29918,
1989,
9601,
29906,
17531,
13,
7328,
353,
5706,
21322,
7061,
29898,
5085,
29892,
3564,
353,
376,
1688,
1212,
1159,
13,
2158,
29898,
7328,
29897,
13,
13,
908,
353,
11117,
401,
29918,
8568,
2396,
525,
29929,
6448,
29955,
29872,
29900,
29953,
29888,
29941,
687,
29888,
29946,
915,
29900,
29888,
29906,
29888,
2252,
29906,
29896,
29947,
29947,
29890,
29906,
29941,
29888,
29896,
29890,
29929,
29888,
617,
29947,
29947,
29872,
29945,
29881,
29946,
29890,
29953,
29945,
29874,
29947,
29953,
29941,
29955,
29890,
29896,
29955,
29955,
29906,
29941,
1327,
1388,
29941,
29883,
346,
29947,
742,
525,
8568,
29918,
1853,
2396,
525,
1853,
742,
525,
5085,
2396,
6389,
29913,
13,
8159,
29918,
7328,
353,
5706,
13658,
7061,
29898,
908,
29892,
3564,
353,
376,
1688,
1212,
1159,
13,
2158,
29898,
8159,
29918,
7328,
29897,
13,
13,
7508,
353,
1804,
29918,
7508,
29898,
15395,
29918,
1610,
29918,
7508,
29892,
2024,
29918,
1989,
29897,
13,
2158,
29898,
7508,
29897,
13,
13,
29878,
6739,
353,
390,
9026,
4032,
877,
991,
597,
1688,
1212,
29889,
384,
29890,
29889,
3359,
29914,
29878,
6739,
1495,
13,
7508,
29918,
8568,
353,
364,
6739,
29889,
3827,
877,
6717,
29918,
20736,
742,
25568,
29897,
13,
13,
2158,
29898,
7508,
29918,
8568,
29897,
13,
2
] |
src/aria/aria/reading/__init__.py | tliron/aria-ng | 0 | 143402 | #
# Copyright (c) 2016 GigaSpaces Technologies Ltd. All rights reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License"); you may
# not use this file except in compliance with the License. You may obtain
# a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS, WITHOUT
# WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. See the
# License for the specific language governing permissions and limitations
# under the License.
#
from .exceptions import ReaderException, ReaderNotFoundError, ReaderSyntaxError, AlreadyReadException
from .reader import Reader
from .source import ReaderSource, DefaultReaderSource
from .context import ReadingContext
from .raw import RawReader
from .locator import Locator
from .yaml import YamlReader
from .json import JsonReader
from .jinja import JinjaReader
__all__ = (
'ReaderException',
'ReaderNotFoundError',
'ReaderSyntaxError',
'AlreadyReadException',
'Reader',
'ReaderSource',
'DefaultReaderSource',
'ReadingContext',
'RawReader',
'Locator',
'YamlReader',
'JsonReader',
'JinjaReader')
| [
1,
396,
13,
29937,
14187,
1266,
313,
29883,
29897,
29871,
29906,
29900,
29896,
29953,
402,
4324,
5592,
3302,
8364,
11763,
19806,
29889,
2178,
10462,
21676,
29889,
13,
29937,
29871,
13,
29937,
10413,
21144,
1090,
278,
13380,
19245,
29892,
10079,
29871,
29906,
29889,
29900,
313,
1552,
376,
29931,
293,
1947,
1496,
366,
1122,
13,
29937,
451,
671,
445,
934,
5174,
297,
752,
13036,
411,
278,
19245,
29889,
887,
1122,
4017,
13,
29937,
263,
3509,
310,
278,
19245,
472,
13,
29937,
29871,
13,
29937,
418,
1732,
597,
1636,
29889,
4288,
29889,
990,
29914,
506,
11259,
29914,
27888,
1430,
1660,
29899,
29906,
29889,
29900,
13,
29937,
29871,
13,
29937,
25870,
3734,
491,
22903,
4307,
470,
15502,
304,
297,
5007,
29892,
7047,
13,
29937,
13235,
1090,
278,
19245,
338,
13235,
373,
385,
376,
3289,
8519,
29908,
350,
3289,
3235,
29892,
399,
1806,
8187,
2692,
13,
29937,
399,
1718,
29934,
13566,
29059,
6323,
8707,
29928,
22122,
29903,
8079,
13764,
29979,
476,
22255,
29892,
2845,
4653,
470,
2411,
2957,
29889,
2823,
278,
13,
29937,
19245,
363,
278,
2702,
4086,
14765,
1076,
11239,
322,
27028,
13,
29937,
1090,
278,
19245,
29889,
13,
29937,
13,
13,
3166,
869,
11739,
29879,
1053,
830,
1664,
2451,
29892,
830,
1664,
17413,
2392,
29892,
830,
1664,
16676,
2392,
29892,
838,
2040,
6359,
2451,
13,
3166,
869,
16950,
1053,
830,
1664,
13,
3166,
869,
4993,
1053,
830,
1664,
4435,
29892,
13109,
6982,
4435,
13,
3166,
869,
4703,
1053,
21439,
2677,
13,
3166,
869,
1610,
1053,
22038,
6982,
13,
3166,
869,
2029,
1061,
1053,
5976,
1061,
13,
3166,
869,
25162,
1053,
612,
8807,
6982,
13,
3166,
869,
3126,
1053,
14355,
6982,
13,
3166,
869,
28789,
1764,
1053,
29779,
1764,
6982,
13,
13,
1649,
497,
1649,
353,
313,
13,
1678,
525,
6982,
2451,
742,
13,
1678,
525,
6982,
17413,
2392,
742,
13,
1678,
525,
6982,
16676,
2392,
742,
13,
1678,
525,
2499,
2040,
6359,
2451,
742,
13,
1678,
525,
6982,
742,
13,
1678,
525,
6982,
4435,
742,
13,
1678,
525,
4592,
6982,
4435,
742,
13,
1678,
525,
6359,
292,
2677,
742,
13,
1678,
525,
22131,
6982,
742,
13,
1678,
525,
3524,
1061,
742,
13,
1678,
525,
29979,
8807,
6982,
742,
13,
1678,
525,
8148,
6982,
742,
13,
1678,
525,
29967,
262,
1764,
6982,
1495,
13,
2
] |
pymars/tests/test_drg.py | kbronstein56/pyMARS | 39 | 47179 | """Tests for drg module"""
import sys
import os
import pkg_resources
import pytest
import numpy as np
import networkx as nx
import cantera as ct
from ..sampling import data_files, InputIgnition
from ..drg import graph_search, create_drg_matrix, run_drg, trim_drg, reduce_drg
# Taken from http://stackoverflow.com/a/22726782/1569494
try:
from tempfile import TemporaryDirectory
except ImportError:
from contextlib import contextmanager
import shutil
import tempfile
import errno
@contextmanager
def TemporaryDirectory():
name = tempfile.mkdtemp()
try:
yield name
finally:
try:
shutil.rmtree(name)
except OSError as e:
# Reraise unless ENOENT: No such file or directory
# (ok if directory has already been deleted)
if e.errno != errno.ENOENT:
raise
def relative_location(file):
file_path = os.path.join(file)
return pkg_resources.resource_filename(__name__, file_path)
def check_equal(list1, list2):
"""Check whether two lists have the same contents (regardless of order).
Taken from https://stackoverflow.com/a/12813909
Parameters
----------
list1 : list
First list, containing all of a particular type
list2: list
Second list, containing all of a particular type
Returns
-------
bool
``True`` if lists are equal
"""
return len(list1) == len(list2) and sorted(list1) == sorted(list2)
class TestCreateDRGMatrix:
"""Tests for create_drg_matrix method"""
def test_qss_artificial(self):
"""Test using four species artificial model with QSS species from 2006 DRG paper.
# R \approx F / 1e3
"""
R1 = ct.Reaction.fromCti('''reaction('F => R', [1.0, 0.0, 0.0])''')
R2 = ct.Reaction.fromCti('''reaction('R => P', [1.0e3, 0.0, 0.0])''')
R3 = ct.Reaction.fromCti('''reaction('R => Pp', [1.0, 0.0, 0.0])''')
F = ct.Species('F', 'H:1')
R = ct.Species('R', 'H:1')
P = ct.Species('P', 'H:1')
Pp = ct.Species('Pp', 'H:1')
for sp in [F, R, P, Pp]:
sp.thermo = ct.ConstantCp(
300, 1000, 101325, (300, 1.0, 1.0, 1.0)
)
model = ct.Solution(
thermo='IdealGas', kinetics='GasKinetics',
species=[F, R, P, Pp], reactions=[R1, R2, R3]
)
state = 1000, ct.one_atm, [1., 1./1.e3, 0., 0.]
matrix = create_drg_matrix(state, model)
correct = np.array([
[0, 1.0, 0, 0],
[0.5, 0, 0.5, 0.5*1e-3],
[0, 1.0, 0, 0],
[0, 1, 0, 0]
])
assert np.allclose(correct, matrix, rtol=1e-3)
def test_pe_artificial(self):
"""Test using three species artificial model with PE reactions from 2006 DRG paper.
"""
R1 = ct.Reaction.fromCti('''reaction('F <=> R', [1.0e3, 0.0, 0.0])''')
R2 = ct.Reaction.fromCti('''reaction('R <=> P', [1.0, 0.0, 0.0])''')
F = ct.Species('F', 'H:1')
R = ct.Species('R', 'H:1')
P = ct.Species('P', 'H:1')
for sp in [F, R, P]:
sp.thermo = ct.ConstantCp(
300, 1000, 101325, (300, 1.0, 1.0, 1.0)
)
model = ct.Solution(
thermo='IdealGas', kinetics='GasKinetics',
species=[F, R, P], reactions=[R1, R2]
)
conc_R = 0.1
conc_F = ((1 + 1e-3)*conc_R - (1/2e3))/(1 - (1/2e3))
conc_P = 1.0 - (conc_R + conc_F)
state = 1000, ct.one_atm, [conc_F, conc_R, conc_P]
matrix = create_drg_matrix(state, model)
correct = np.array([
[0, 1.0, 0],
[1./3., 0, 2./3.],
[0, 1.0, 0],
])
assert np.allclose(correct, matrix, rtol=1e-3)
def test_dormant_modes(self):
"""Test using three species artificial model with dormant modes from 2006 DRG paper.
"""
R1 = ct.Reaction.fromCti('''reaction('A <=> B', [1.0, 0.0, 0.0])''')
R2 = ct.Reaction.fromCti('''reaction('B <=> C', [1.0e-3, 0.0, 0.0])''')
A = ct.Species('A', 'H:1')
B = ct.Species('B', 'H:1')
C = ct.Species('C', 'H:1')
for sp in [A, B, C]:
sp.thermo = ct.ConstantCp(
300, 1000, 101325, (300, 1.0, 1.0, 1.0)
)
model = ct.Solution(
thermo='IdealGas', kinetics='GasKinetics',
species=[A, B, C], reactions=[R1, R2]
)
state = 1000, ct.one_atm, [1.0, 2.0, 1.0]
matrix = create_drg_matrix(state, model)
correct = np.array([
[0, 1.0, 0],
[1/(1+1e-3), 0, 1e-3/(1+1e-3)],
[0, 1.0, 0],
])
assert np.allclose(correct, matrix, rtol=1e-3)
conc_A = 1.370536
conc_B = 1.370480
conc_C = 1.258985
state = 1000, ct.one_atm, [conc_A, conc_B, conc_C]
matrix = create_drg_matrix(state, model)
correct = np.array([
[0, 1.0, 0],
[abs(conc_A-conc_B)/(abs(conc_A-conc_B)+1e-3*abs(conc_B-conc_C)), 0,
1e-3*abs(conc_B-conc_C)/(abs(conc_A-conc_B)+1e-3*abs(conc_B-conc_C))
],
[0, 1.0, 0],
])
assert np.allclose(correct, matrix, rtol=1e-3)
@pytest.mark.skip
def testArtificial(self):
"""Uses artificial mechanism to test"""
# Load model
path_to_original = relative_location("artificial-mechanism.cti")
solution_object = ct.Solution(path_to_original)
# Pull out timestep one denomenator and numerator dicts
ic_one = rate_edge_data[list(rate_edge_data.keys())[0]]
tstep_one = ic_one[list(ic_one.keys())[0]]
denoms = tstep_one[0]
numers = tstep_one[1]
# Expected values for denomenators
expected_denoms = {}
expected_denoms["H2O"] = 1.9573216e-13
expected_denoms["H2"] = .00025854374
expected_denoms["O2"] = 9.7866081e-14
expected_denoms["H"] = .00051708749
assert np.isclose(expected_denoms["H2O"], denoms["H2O"],abs_tol=1.0e-17)
assert np.isclose(expected_denoms["H2"], denoms["H2"],abs_tol=1.0e-10)
assert np.isclose(expected_denoms["O2"], denoms["O2"],abs_tol=1.0e-18)
assert np.isclose(expected_denoms["H"], denoms["H"],abs_tol=1.0e-10)
expected_numers = {}
expected_numers["H2O_H2"] = 1.9573216e-13
expected_numers["H2O_O2"] = 1.9573216e-13
expected_numers["H2_O2"] = 1.9573216e-13
expected_numers["H2_H2O"] = 1.9573216e-13
expected_numers["O2_H2"] = 9.7866081e-14
expected_numers["O2_H2O"] = 9.7866081e-14
expected_numers["H2_H"] = .00025854374
expected_numers["H_H2"] = .00051708749
assert np.isclose(expected_numers["H2O_H2"],numers["H2O_H2"],abs_tol=1.0e-17)
assert np.isclose(expected_numers["H2O_O2"],numers["H2O_O2"],abs_tol=1.0e-17)
assert np.isclose(expected_numers["H2_O2"],numers["H2_O2"],abs_tol=1.0e-17)
assert np.isclose(expected_numers["H2_H2O"],numers["H2_H2O"],abs_tol=1.0e-17)
assert np.isclose(expected_numers["O2_H2"],numers["O2_H2"],abs_tol=1.0e-18)
assert np.isclose(expected_numers["O2_H2O"],numers["O2_H2O"],abs_tol=1.0e-18)
assert np.isclose(expected_numers["H2_H"],numers["H2_H"],abs_tol=1.0e-18)
assert np.isclose(expected_numers["H_H2"],numers["H_H2"],abs_tol=1.0e-18)
class TestTrimDRG:
"""Tests for trim_drg method"""
def test_simple(self):
matrix = np.array([[0, 1, 0.1], [0.5, 0, 0.5], [0.5, 0.5, 0]])
names = ['A', 'B', 'C']
reached = trim_drg(matrix, names, ['A'], 0.2)
assert check_equal(reached, names)
reached = trim_drg(matrix, names, ['A'], 0.6)
assert check_equal(reached, ['A', 'B'])
def test_uncoupled_group(self):
"""Test of simple five-component graph from DRG papers.
"""
matrix = np.array([
[0, 0.5, 0, 0, 0, 0],
[0, 0, 0, 0.9, 0, 0],
[0, 0.5, 0, 0.5, 0, 0],
[0, 0.9, 0, 0, 0, 0],
[0, 0, 0, 0, 0, 1.0],
[0, 0, 0, 0, 1.0, 0]
])
names = ['A', 'B', 'C', 'D', 'E', 'F']
reached = trim_drg(matrix, names, ['A'], 0.1)
assert check_equal(reached, ['A', 'B', 'D'])
matrix = np.array([
[0, 0.5, 0, 0, 0, 0],
[0, 0, 0, 0.9, 0, 0],
[0, 0.5, 0, 0.5, 0, 0],
[0, 0.9, 0, 0, 0, 0],
[0, 0, 0, 0, 0, 1.0],
[0, 0, 0, 0, 1.0, 0]
])
names = ['A', 'B', 'C', 'D', 'E', 'F']
reached = trim_drg(matrix, names, ['E'], 0.1)
assert check_equal(reached, ['E', 'F'])
def test_uncoupled_group2(self):
"""Test of simple five-component graph from DRG papers.
"""
matrix = np.array([
[0, 0.5, 0, 0, 0, 0],
[0, 0, 0.15, 0.9, 0, 0],
[0, 0.5, 0, 0.5, 0, 0],
[0, 0.9, 0, 0, 0, 0],
[0, 0, 0, 0, 0, 1.0],
[0, 0, 0, 0, 1.0, 0]
])
names = ['A', 'B', 'C', 'D', 'E', 'F']
reached = trim_drg(matrix, names, ['A'], 0.1)
assert check_equal(reached, ['A', 'B', 'C', 'D'])
reached = trim_drg(matrix, names, ['A'], 0.2)
assert check_equal(reached, ['A', 'B', 'D'])
def test_csp_mech5(self):
"""Test of simple mech 5 from 2006 DRG paper.
"""
R1 = ct.Reaction.fromCti('''reaction('F => P', [1.0, 0.0, 0.0])''')
R2 = ct.Reaction.fromCti('''reaction('F => R', [1.0e-2, 0.0, 0.0])''')
R3 = ct.Reaction.fromCti('''reaction('R => P', [1.0e2, 0.0, 0.0])''')
F = ct.Species('F', 'H:1')
P = ct.Species('P', 'H:1')
R = ct.Species('R', 'H:1')
for sp in [F, P, R]:
sp.thermo = ct.ConstantCp(
300, 1000, 101325, (300, 1.0, 1.0, 1.0)
)
model = ct.Solution(
thermo='IdealGas', kinetics='GasKinetics',
species=[F, P, R], reactions=[R1, R2, R3]
)
state = 1000, ct.one_atm, [1.0, 1.0, 1.0e-4]
matrix = create_drg_matrix(state, model)
reached = trim_drg(matrix, ['F', 'P', 'R'], ['F'], 0.1)
assert check_equal(reached, ['F', 'P'])
class TestGraphSearch:
"""Tests for graph_search method"""
#generate test graph
#starting from A, nodes A,E,C,F,D,I,H,O should be the only nodes found
def testGraphSearchOneInput(self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from([
#('A','F', 0), ('A','N',0),
# ('C','F',1.0), ('A','C',1.0),
('N','C',1.0), ('C','D',1.0),
('D','I',1.0), ('I','O',1.0), ('A','E',1.0),
#('E','G',0), ('G','I',0), ('G','M',0),
('G','L',1.0), ('E','H',1.0),
#('H','J',0)
])
subgraph = nx.DiGraph([(u,v,d) for u,v,d in graph.edges(data=True) if d['weight'] > 0])
#temporary solution
essential_nodes = graph_search(subgraph, 'A')
assert 'A' in essential_nodes
assert [n in essential_nodes for n in ['A', 'C', 'D', 'I', 'O', 'F', 'E', 'H']]
assert [n not in essential_nodes for n in ['B', 'G', 'J', 'K', 'L', 'M', 'N']]
#generate test graph
#starting from A, nodes A,E,C,F,D,I,H,O should be the only nodes found
def testGraphSearchOneInput2(self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from([
#('A','F', 0), ('A','N',0),
# ('C','F',1.0), ('A','C',1.0),
('N','C',1.0), ('C','D',1.0),
('D','I',1.0), ('I','O',1.0), ('A','E',1.0),
#('E','G',0), ('G','I',0), ('G','M',0),
('G','L',1.0), ('E','H',1.0),
#('H','J',0)
])
subgraph = nx.DiGraph([(u,v,d) for u,v,d in graph.edges(data=True) if d['weight'] > 0])
#temporary solution
essential_nodes = graph_search(subgraph, 'G')
assert 'G' in essential_nodes
for n in ['A','B', 'C', 'D', 'J', 'K', 'I', 'O', 'F', 'E', 'H', 'M', 'N']:
assert n not in essential_nodes
assert [n in essential_nodes for n in [ 'G', 'L']]
def testGraphSearch3Inputs(self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from(
[ ('C','F', 1), ('A','C', 1),
#('A','F', 0), ('A','N', 0),
('N','C', 1), ('C','D', 1),
('D','I', 1), ('I','O', 1), ('A','E', 1),
#('E','G', 0), ('G','I', 0), ('G','M', 0),
('G','L', 1), ('E','H', 1),
#('H','J', 0)
])
target_species= ['A', 'C', 'D']
essential_nodes = graph_search(graph, target_species)
assert 'A' in essential_nodes
assert 'C' in essential_nodes
assert 'D' in essential_nodes
for n in ['A', 'C', 'D', 'I', 'O', 'F', 'E', 'H']:
assert n in essential_nodes
for n in ['B', 'G', 'J', 'K', 'L', 'M', 'N']:
assert n not in essential_nodes
def testgraphsearch_no_targets (self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from([
#('A','F', 0), ('A','N',0),
('C','F',1.0), ('A','C',1.0),
('N','C',1.0), ('C','D',1.0),
('D','I',1.0), ('I','O',1.0), ('A','E',1.0),
#('E','G',0), ('G','I',0), ('G','M',0),
('G','L',1.0), ('E','H',1.0),
#('H','J',0)
])
essential_nodes = graph_search(graph, [])
assert not essential_nodes
@pytest.mark.xfail
def testGraphshearchwithatargetThatsnotinGraph(self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from([
#('A','F', 0), ('A','N',0),
('C','F',1.0), ('A','C',1.0),
('N','C',1.0), ('C','D',1.0),
('D','I',1.0), ('I','O',1.0), ('A','E',1.0),
#('E','G',0), ('G','I',0), ('G','M',0),
('G','L',1.0), ('E','H',1.0),
#('H','J',0)
])
essential_nodes = graph_search(graph, 'Z')
assert 'Z' in essential_nodes
def testGraphsearchforinfinteloops(self):
graph = nx.DiGraph()
graph.add_nodes_from(['A', 'B', 'C', 'D', 'E'])
graph.add_weighted_edges_from(
[('A', 'B', 1), ('B', 'C', 1), ('C', 'D', 1), ('D', 'E',1), ('E', 'A', 1)]
)
essential_nodes= graph_search(graph, 'A')
assert 'A' in essential_nodes
assert [n in essential_nodes for n in ['A', 'C', 'D', 'B', 'E']]
@pytest.mark.xfail
def testGraphShearchWithATargetThatsNotInGraphAndOneThatIs(self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from([
#('A','F', 0), ('A','N',0),
('C','F',1.0), ('A','C',1.0),
('N','C',1.0), ('C','D',1.0),
('D','I',1.0), ('I','O',1.0), ('A','E',1.0),
#('E','G',0), ('G','I',0), ('G','M',0),
('G','L',1.0), ('E','H',1.0),
#('H','J',0)
])
essential_nodes = graph_search(graph, ['B', 'Z'])
assert 'B' in essential_nodes
def testGraphsearchwithListofLength1(self):
graph = nx.DiGraph()
graph.add_node('A')
essential_nodes = graph_search(graph, 'A')
assert 'A' in essential_nodes
assert len(essential_nodes) == 1
def testGraphSearchWithTwoOfTheSameItemInTheGraph(self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from([
#('A','F',0), ('A','N',0),
('C','F',1.0), ('A','C',1.0),
('N','C',1.0), ('C','D',1.0),
('D','I',1.0), ('I','O',1.0), ('A','E',1.0),
#('E','G',0), ('G','I',0), ('G','M',0),
('G','L',1.0), ('E','H',1.0),
#('H','J',0)
])
essential_nodes = graph_search(graph, 'A')
assert 'A' in essential_nodes
assert [n in essential_nodes for n in ['A', 'C', 'D', 'I', 'O', 'F', 'E', 'H']]
assert [n not in essential_nodes for n in ['B', 'G', 'J', 'K', 'L', 'M', 'N']]
def testGraphSearchWithTwoOfTheSameItemInTheTargetList(self):
graph = nx.DiGraph()
graph.add_nodes_from(
['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O']
)
graph.add_weighted_edges_from([
#('A','F', 0), ('A','N',0),
('C','F',1.0), ('A','C',1.0),
('N','C',1.0), ('C','D',1.0),
('D','I',1.0), ('I','O',1.0), ('A','E',1.0),
#('E','G',0), ('G','I',0), ('G','M',0),
('G','L',1.0), ('E','H',1.0),
#('H','J',0)
])
essential_nodes = graph_search(graph, ['A','A'])
assert 'A' in essential_nodes
assert [n in essential_nodes for n in ['A', 'C', 'D', 'I', 'O', 'F', 'E', 'H']]
assert [n not in essential_nodes for n in ['B', 'G', 'J', 'K', 'L', 'M', 'N']]
class TestReduceDRG:
def test_gri_reduction_multiple_cases(self):
"""Tests reduce_drg method with multiple cases"""
model_file = 'gri30.cti'
# Conditions for reduction
conditions = [
InputIgnition(
kind='constant volume', pressure=1.0, temperature=1000.0, equivalence_ratio=1.0,
fuel={'CH4': 1.0}, oxidizer={'O2': 1.0, 'N2': 3.76}
),
InputIgnition(
kind='constant volume', pressure=1.0, temperature=1200.0, equivalence_ratio=1.0,
fuel={'CH4': 1.0}, oxidizer={'O2': 1.0, 'N2': 3.76}
),
]
data = np.genfromtxt(
relative_location(os.path.join('assets', 'example_ignition_data.dat')),
delimiter=','
)
model = ct.Solution(model_file)
matrices = []
for state in data:
matrices.append(create_drg_matrix((state[0], state[1], state[2:]), model))
with TemporaryDirectory() as temp_dir:
reduced_model = reduce_drg(
model_file, ['CH4', 'O2'], ['N2'], 0.14, matrices,
conditions, np.array([1.066766136745876281e+00, 4.334773545084597696e-02]),
previous_model=None, threshold_upper=None, num_threads=1, path=temp_dir
)
expected_species = [
'H2', 'H', 'O', 'O2', 'OH', 'H2O', 'HO2', 'H2O2', 'C', 'CH', 'CH2', 'CH2(S)',
'CH3', 'CH4', 'CO', 'CO2', 'HCO', 'CH2O', 'CH2OH', 'CH3O', 'C2H2', 'C2H3',
'C2H4', 'C2H5', 'C2H6', 'HCCO', 'CH2CO', 'N', 'NH', 'NNH', 'NO', 'N2O',
'HNO', 'CN', 'HCN', 'H2CN', 'HCNN', 'NCO', 'N2', 'CH2CHO'
]
assert check_equal(reduced_model.model.species_names, expected_species)
assert reduced_model.model.n_reactions == 245
assert round(reduced_model.error, 2) == 3.64
def test_gri_reduction_limbo(self):
"""Tests reduce_drg method with limbo species"""
model_file = 'gri30.cti'
# Conditions for reduction
conditions = [
InputIgnition(
kind='constant volume', pressure=1.0, temperature=1000.0, equivalence_ratio=1.0,
fuel={'CH4': 1.0}, oxidizer={'O2': 1.0, 'N2': 3.76}
),
]
data = np.genfromtxt(
relative_location(os.path.join('assets', 'example_ignition_data.dat')),
delimiter=','
)
model = ct.Solution(model_file)
matrices = []
for state in data:
matrices.append(create_drg_matrix((state[0], state[1], state[2:]), model))
with TemporaryDirectory() as temp_dir:
reduced_model = reduce_drg(
model_file, ['CH4', 'O2'], ['N2'], 0.14, matrices,
conditions, np.array([1.066766136745876281e+00]),
previous_model=None, threshold_upper=0.6, num_threads=1, path=temp_dir
)
expected_species = [
'H2', 'H', 'O', 'O2', 'OH', 'H2O', 'HO2', 'H2O2', 'C', 'CH', 'CH2', 'CH2(S)',
'CH3', 'CH4', 'CO', 'CO2', 'HCO', 'CH2O', 'CH2OH', 'CH3O', 'C2H2', 'C2H3',
'C2H4', 'C2H5', 'C2H6', 'HCCO', 'CH2CO', 'N', 'NH', 'NNH', 'NO', 'N2O',
'HNO', 'CN', 'HCN', 'H2CN', 'HCNN', 'NCO', 'N2', 'CH2CHO'
]
expected_limbo_species = ['H', 'CH3', 'CH4', 'OH', 'HO2', 'O', 'H2O', 'O2']
assert check_equal(reduced_model.model.species_names, expected_species)
assert check_equal(reduced_model.limbo_species, expected_limbo_species)
class TestRunDRG:
def test_gri_reduction(self):
"""Tests driver run_drg method"""
model_file = 'gri30.cti'
# Conditions for reduction
conditions = [
InputIgnition(
kind='constant volume', pressure=1.0, temperature=1000.0, equivalence_ratio=1.0,
fuel={'CH4': 1.0}, oxidizer={'O2': 1.0, 'N2': 3.76}
),
InputIgnition(
kind='constant volume', pressure=1.0, temperature=1200.0, equivalence_ratio=1.0,
fuel={'CH4': 1.0}, oxidizer={'O2': 1.0, 'N2': 3.76}
),
]
data_files['output_ignition'] = relative_location(
os.path.join('assets', 'example_ignition_output.txt')
)
data_files['data_ignition'] = relative_location(
os.path.join('assets', 'example_ignition_data.dat')
)
error = 5.0
# Run DRG
with TemporaryDirectory() as temp_dir:
reduced_model = run_drg(
model_file, conditions, [], [], error, ['CH4', 'O2'], ['N2'],
num_threads=1, path=temp_dir
)
# Expected answer
expected_model = ct.Solution(relative_location(os.path.join('assets', 'drg_gri30.cti')))
# Make sure models are the same
assert check_equal(reduced_model.model.species_names, expected_model.species_names)
assert reduced_model.model.n_reactions == expected_model.n_reactions
assert round(reduced_model.error, 2) == 3.64
| [
1,
9995,
24376,
363,
4192,
29887,
3883,
15945,
29908,
13,
13,
5215,
10876,
13,
5215,
2897,
13,
5215,
282,
9415,
29918,
13237,
13,
13,
5215,
11451,
1688,
13,
5215,
12655,
408,
7442,
13,
5215,
3564,
29916,
408,
302,
29916,
13,
5215,
508,
10120,
408,
274,
29873,
13,
13,
3166,
6317,
13445,
10335,
1053,
848,
29918,
5325,
29892,
10567,
17273,
654,
13,
3166,
6317,
7707,
29887,
1053,
3983,
29918,
4478,
29892,
1653,
29918,
7707,
29887,
29918,
5344,
29892,
1065,
29918,
7707,
29887,
29892,
17151,
29918,
7707,
29887,
29892,
10032,
29918,
7707,
29887,
13,
13,
29937,
323,
9424,
515,
1732,
597,
2417,
29889,
510,
29914,
29874,
29914,
29906,
29906,
29955,
29906,
29953,
29955,
29947,
29906,
29914,
29896,
29945,
29953,
29929,
29946,
29929,
29946,
13,
2202,
29901,
13,
1678,
515,
5694,
1445,
1053,
6789,
1971,
653,
9882,
13,
19499,
16032,
2392,
29901,
13,
1678,
515,
3030,
1982,
1053,
3030,
12847,
13,
1678,
1053,
528,
4422,
13,
1678,
1053,
5694,
1445,
13,
1678,
1053,
4589,
1217,
13,
13,
1678,
732,
4703,
12847,
13,
1678,
822,
6789,
1971,
653,
9882,
7295,
13,
4706,
1024,
353,
5694,
1445,
29889,
11256,
29881,
7382,
580,
13,
4706,
1018,
29901,
13,
9651,
7709,
1024,
13,
4706,
7146,
29901,
13,
9651,
1018,
29901,
13,
18884,
528,
4422,
29889,
1758,
8336,
29898,
978,
29897,
13,
9651,
5174,
438,
29173,
408,
321,
29901,
13,
18884,
396,
390,
1572,
895,
6521,
382,
6632,
3919,
29901,
1939,
1316,
934,
470,
3884,
13,
18884,
396,
313,
554,
565,
3884,
756,
2307,
1063,
11132,
29897,
13,
18884,
565,
321,
29889,
3127,
1217,
2804,
4589,
1217,
29889,
1430,
29949,
3919,
29901,
13,
462,
1678,
12020,
13,
13,
13,
1753,
6198,
29918,
5479,
29898,
1445,
1125,
13,
1678,
934,
29918,
2084,
353,
2897,
29889,
2084,
29889,
7122,
29898,
1445,
29897,
13,
1678,
736,
282,
9415,
29918,
13237,
29889,
10314,
29918,
9507,
22168,
978,
1649,
29892,
934,
29918,
2084,
29897,
13,
13,
13,
1753,
1423,
29918,
11745,
29898,
1761,
29896,
29892,
1051,
29906,
1125,
13,
1678,
9995,
5596,
3692,
1023,
8857,
505,
278,
1021,
8118,
313,
1727,
538,
2222,
310,
1797,
467,
13,
13,
1678,
323,
9424,
515,
2045,
597,
2417,
29889,
510,
29914,
29874,
29914,
29896,
29906,
29947,
29896,
29941,
29929,
29900,
29929,
13,
13,
1678,
12662,
2699,
13,
1678,
448,
1378,
29899,
13,
1678,
1051,
29896,
584,
1051,
13,
4706,
3824,
1051,
29892,
6943,
599,
310,
263,
3153,
1134,
13,
1678,
1051,
29906,
29901,
1051,
13,
4706,
6440,
1051,
29892,
6943,
599,
310,
263,
3153,
1134,
13,
13,
1678,
16969,
13,
1678,
448,
22158,
13,
1678,
6120,
13,
4706,
4954,
5574,
16159,
565,
8857,
526,
5186,
13,
13,
1678,
9995,
13,
1678,
736,
7431,
29898,
1761,
29896,
29897,
1275,
7431,
29898,
1761,
29906,
29897,
322,
12705,
29898,
1761,
29896,
29897,
1275,
12705,
29898,
1761,
29906,
29897,
13,
13,
13,
1990,
4321,
4391,
8353,
29954,
14609,
29901,
13,
1678,
9995,
24376,
363,
1653,
29918,
7707,
29887,
29918,
5344,
1158,
15945,
29908,
13,
13,
1678,
822,
1243,
29918,
29939,
893,
29918,
442,
928,
616,
29898,
1311,
1125,
13,
4706,
9995,
3057,
773,
3023,
6606,
23116,
1904,
411,
660,
1799,
6606,
515,
29871,
29906,
29900,
29900,
29953,
26900,
29954,
5650,
29889,
13,
13,
4706,
396,
390,
320,
14850,
383,
847,
29871,
29896,
29872,
29941,
13,
4706,
9995,
13,
4706,
390,
29896,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29943,
1149,
390,
742,
518,
29896,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
4706,
390,
29906,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29934,
1149,
349,
742,
518,
29896,
29889,
29900,
29872,
29941,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
4706,
390,
29941,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29934,
1149,
349,
29886,
742,
518,
29896,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
13,
4706,
383,
353,
274,
29873,
29889,
10649,
2478,
877,
29943,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
390,
353,
274,
29873,
29889,
10649,
2478,
877,
29934,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
349,
353,
274,
29873,
29889,
10649,
2478,
877,
29925,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
349,
29886,
353,
274,
29873,
29889,
10649,
2478,
877,
29925,
29886,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
363,
805,
297,
518,
29943,
29892,
390,
29892,
349,
29892,
349,
29886,
5387,
13,
9651,
805,
29889,
721,
4346,
353,
274,
29873,
29889,
12075,
424,
29907,
29886,
29898,
13,
462,
29941,
29900,
29900,
29892,
29871,
29896,
29900,
29900,
29900,
29892,
29871,
29896,
29900,
29896,
29941,
29906,
29945,
29892,
313,
29941,
29900,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29897,
13,
18884,
1723,
13,
4706,
1904,
353,
274,
29873,
29889,
13296,
918,
29898,
13,
9651,
14563,
29877,
2433,
29902,
311,
284,
29954,
294,
742,
413,
10157,
1199,
2433,
29954,
294,
29968,
10157,
1199,
742,
13,
9651,
6606,
11759,
29943,
29892,
390,
29892,
349,
29892,
349,
29886,
1402,
337,
7387,
11759,
29934,
29896,
29892,
390,
29906,
29892,
390,
29941,
29962,
13,
9651,
1723,
13,
4706,
2106,
353,
29871,
29896,
29900,
29900,
29900,
29892,
274,
29873,
29889,
650,
29918,
271,
29885,
29892,
518,
29896,
1696,
29871,
29896,
6904,
29896,
29889,
29872,
29941,
29892,
29871,
29900,
1696,
29871,
29900,
5586,
13,
4706,
4636,
353,
1653,
29918,
7707,
29887,
29918,
5344,
29898,
3859,
29892,
1904,
29897,
13,
13,
4706,
1959,
353,
7442,
29889,
2378,
4197,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
29892,
29871,
29900,
1402,
13,
9651,
518,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29945,
29930,
29896,
29872,
29899,
29941,
1402,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
29892,
29871,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29896,
29892,
29871,
29900,
29892,
29871,
29900,
29962,
13,
632,
2314,
13,
4706,
4974,
7442,
29889,
497,
5358,
29898,
15728,
29892,
4636,
29892,
364,
25027,
29922,
29896,
29872,
29899,
29941,
29897,
13,
13,
1678,
822,
1243,
29918,
412,
29918,
442,
928,
616,
29898,
1311,
1125,
13,
4706,
9995,
3057,
773,
2211,
6606,
23116,
1904,
411,
349,
29923,
337,
7387,
515,
29871,
29906,
29900,
29900,
29953,
26900,
29954,
5650,
29889,
13,
4706,
9995,
13,
4706,
390,
29896,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29943,
529,
4261,
390,
742,
518,
29896,
29889,
29900,
29872,
29941,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
4706,
390,
29906,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29934,
529,
4261,
349,
742,
518,
29896,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
13,
4706,
383,
353,
274,
29873,
29889,
10649,
2478,
877,
29943,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
390,
353,
274,
29873,
29889,
10649,
2478,
877,
29934,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
349,
353,
274,
29873,
29889,
10649,
2478,
877,
29925,
742,
525,
29950,
29901,
29896,
1495,
13,
13,
4706,
363,
805,
297,
518,
29943,
29892,
390,
29892,
349,
5387,
13,
9651,
805,
29889,
721,
4346,
353,
274,
29873,
29889,
12075,
424,
29907,
29886,
29898,
13,
462,
29941,
29900,
29900,
29892,
29871,
29896,
29900,
29900,
29900,
29892,
29871,
29896,
29900,
29896,
29941,
29906,
29945,
29892,
313,
29941,
29900,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29897,
13,
18884,
1723,
13,
4706,
1904,
353,
274,
29873,
29889,
13296,
918,
29898,
13,
9651,
14563,
29877,
2433,
29902,
311,
284,
29954,
294,
742,
413,
10157,
1199,
2433,
29954,
294,
29968,
10157,
1199,
742,
13,
9651,
6606,
11759,
29943,
29892,
390,
29892,
349,
1402,
337,
7387,
11759,
29934,
29896,
29892,
390,
29906,
29962,
13,
9651,
1723,
13,
4706,
3022,
29918,
29934,
353,
29871,
29900,
29889,
29896,
13,
4706,
3022,
29918,
29943,
353,
5135,
29896,
718,
29871,
29896,
29872,
29899,
29941,
11877,
535,
29883,
29918,
29934,
448,
313,
29896,
29914,
29906,
29872,
29941,
876,
14571,
29896,
448,
313,
29896,
29914,
29906,
29872,
29941,
876,
13,
4706,
3022,
29918,
29925,
353,
29871,
29896,
29889,
29900,
448,
313,
535,
29883,
29918,
29934,
718,
3022,
29918,
29943,
29897,
13,
4706,
2106,
353,
29871,
29896,
29900,
29900,
29900,
29892,
274,
29873,
29889,
650,
29918,
271,
29885,
29892,
518,
535,
29883,
29918,
29943,
29892,
3022,
29918,
29934,
29892,
3022,
29918,
29925,
29962,
13,
4706,
4636,
353,
1653,
29918,
7707,
29887,
29918,
5344,
29898,
3859,
29892,
1904,
29897,
13,
13,
4706,
1959,
353,
7442,
29889,
2378,
4197,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
1402,
13,
9651,
518,
29896,
6904,
29941,
1696,
29871,
29900,
29892,
29871,
29906,
6904,
29941,
29889,
1402,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
1402,
13,
632,
2314,
13,
4706,
4974,
7442,
29889,
497,
5358,
29898,
15728,
29892,
4636,
29892,
364,
25027,
29922,
29896,
29872,
29899,
29941,
29897,
13,
268,
13,
1678,
822,
1243,
29918,
29881,
555,
424,
29918,
1545,
267,
29898,
1311,
1125,
13,
4706,
9995,
3057,
773,
2211,
6606,
23116,
1904,
411,
270,
555,
424,
18893,
515,
29871,
29906,
29900,
29900,
29953,
26900,
29954,
5650,
29889,
13,
4706,
9995,
13,
4706,
390,
29896,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29909,
529,
4261,
350,
742,
518,
29896,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
4706,
390,
29906,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29933,
529,
4261,
315,
742,
518,
29896,
29889,
29900,
29872,
29899,
29941,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
13,
4706,
319,
353,
274,
29873,
29889,
10649,
2478,
877,
29909,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
350,
353,
274,
29873,
29889,
10649,
2478,
877,
29933,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
315,
353,
274,
29873,
29889,
10649,
2478,
877,
29907,
742,
525,
29950,
29901,
29896,
1495,
13,
13,
4706,
363,
805,
297,
518,
29909,
29892,
350,
29892,
315,
5387,
13,
9651,
805,
29889,
721,
4346,
353,
274,
29873,
29889,
12075,
424,
29907,
29886,
29898,
13,
462,
29941,
29900,
29900,
29892,
29871,
29896,
29900,
29900,
29900,
29892,
29871,
29896,
29900,
29896,
29941,
29906,
29945,
29892,
313,
29941,
29900,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29897,
13,
18884,
1723,
13,
4706,
1904,
353,
274,
29873,
29889,
13296,
918,
29898,
13,
9651,
14563,
29877,
2433,
29902,
311,
284,
29954,
294,
742,
413,
10157,
1199,
2433,
29954,
294,
29968,
10157,
1199,
742,
13,
9651,
6606,
11759,
29909,
29892,
350,
29892,
315,
1402,
337,
7387,
11759,
29934,
29896,
29892,
390,
29906,
29962,
13,
9651,
1723,
13,
4706,
2106,
353,
29871,
29896,
29900,
29900,
29900,
29892,
274,
29873,
29889,
650,
29918,
271,
29885,
29892,
518,
29896,
29889,
29900,
29892,
29871,
29906,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29962,
13,
4706,
4636,
353,
1653,
29918,
7707,
29887,
29918,
5344,
29898,
3859,
29892,
1904,
29897,
13,
13,
4706,
1959,
353,
7442,
29889,
2378,
4197,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
1402,
13,
9651,
518,
29896,
14571,
29896,
29974,
29896,
29872,
29899,
29941,
511,
29871,
29900,
29892,
29871,
29896,
29872,
29899,
29941,
14571,
29896,
29974,
29896,
29872,
29899,
29941,
29897,
1402,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
1402,
13,
632,
2314,
13,
4706,
4974,
7442,
29889,
497,
5358,
29898,
15728,
29892,
4636,
29892,
364,
25027,
29922,
29896,
29872,
29899,
29941,
29897,
13,
13,
4706,
3022,
29918,
29909,
353,
29871,
29896,
29889,
29941,
29955,
29900,
29945,
29941,
29953,
13,
4706,
3022,
29918,
29933,
353,
29871,
29896,
29889,
29941,
29955,
29900,
29946,
29947,
29900,
13,
4706,
3022,
29918,
29907,
353,
29871,
29896,
29889,
29906,
29945,
29947,
29929,
29947,
29945,
13,
4706,
2106,
353,
29871,
29896,
29900,
29900,
29900,
29892,
274,
29873,
29889,
650,
29918,
271,
29885,
29892,
518,
535,
29883,
29918,
29909,
29892,
3022,
29918,
29933,
29892,
3022,
29918,
29907,
29962,
13,
4706,
4636,
353,
1653,
29918,
7707,
29887,
29918,
5344,
29898,
3859,
29892,
1904,
29897,
13,
13,
4706,
1959,
353,
7442,
29889,
2378,
4197,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
1402,
13,
9651,
518,
6897,
29898,
535,
29883,
29918,
29909,
29899,
535,
29883,
29918,
29933,
6802,
29898,
6897,
29898,
535,
29883,
29918,
29909,
29899,
535,
29883,
29918,
29933,
7240,
29896,
29872,
29899,
29941,
29930,
6897,
29898,
535,
29883,
29918,
29933,
29899,
535,
29883,
29918,
29907,
8243,
29871,
29900,
29892,
13,
462,
29896,
29872,
29899,
29941,
29930,
6897,
29898,
535,
29883,
29918,
29933,
29899,
535,
29883,
29918,
29907,
6802,
29898,
6897,
29898,
535,
29883,
29918,
29909,
29899,
535,
29883,
29918,
29933,
7240,
29896,
29872,
29899,
29941,
29930,
6897,
29898,
535,
29883,
29918,
29933,
29899,
535,
29883,
29918,
29907,
876,
13,
18884,
21251,
13,
9651,
518,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29900,
1402,
13,
632,
2314,
13,
4706,
4974,
7442,
29889,
497,
5358,
29898,
15728,
29892,
4636,
29892,
364,
25027,
29922,
29896,
29872,
29899,
29941,
29897,
13,
268,
13,
1678,
732,
2272,
1688,
29889,
3502,
29889,
11014,
13,
1678,
822,
1243,
9986,
928,
616,
29898,
1311,
1125,
13,
4706,
9995,
15922,
267,
23116,
13336,
304,
1243,
15945,
29908,
13,
4706,
396,
16012,
1904,
13,
4706,
2224,
29918,
517,
29918,
13492,
353,
6198,
29918,
5479,
703,
442,
928,
616,
29899,
1004,
5083,
1608,
29889,
312,
29875,
1159,
13,
4706,
1650,
29918,
3318,
353,
274,
29873,
29889,
13296,
918,
29898,
2084,
29918,
517,
29918,
13492,
29897,
13,
13,
13,
4706,
396,
349,
913,
714,
5335,
342,
1022,
697,
972,
2770,
1061,
322,
4825,
1061,
9657,
29879,
13,
4706,
16077,
29918,
650,
353,
6554,
29918,
12864,
29918,
1272,
29961,
1761,
29898,
10492,
29918,
12864,
29918,
1272,
29889,
8149,
3101,
29961,
29900,
5262,
13,
4706,
260,
10568,
29918,
650,
353,
16077,
29918,
650,
29961,
1761,
29898,
293,
29918,
650,
29889,
8149,
3101,
29961,
29900,
5262,
13,
4706,
972,
4835,
353,
260,
10568,
29918,
650,
29961,
29900,
29962,
13,
4706,
954,
414,
353,
260,
10568,
29918,
650,
29961,
29896,
29962,
13,
13,
4706,
396,
1222,
6021,
1819,
363,
972,
2770,
4097,
13,
4706,
3806,
29918,
1145,
4835,
353,
6571,
13,
4706,
3806,
29918,
1145,
4835,
3366,
29950,
29906,
29949,
3108,
353,
29871,
29896,
29889,
29929,
29945,
29955,
29941,
29906,
29896,
29953,
29872,
29899,
29896,
29941,
13,
4706,
3806,
29918,
1145,
4835,
3366,
29950,
29906,
3108,
353,
869,
29900,
29900,
29900,
29906,
29945,
29947,
29945,
29946,
29941,
29955,
29946,
13,
4706,
3806,
29918,
1145,
4835,
3366,
29949,
29906,
3108,
353,
29871,
29929,
29889,
29955,
29947,
29953,
29953,
29900,
29947,
29896,
29872,
29899,
29896,
29946,
13,
4706,
3806,
29918,
1145,
4835,
3366,
29950,
3108,
353,
869,
29900,
29900,
29900,
29945,
29896,
29955,
29900,
29947,
29955,
29946,
29929,
13,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1145,
4835,
3366,
29950,
29906,
29949,
12436,
972,
4835,
3366,
29950,
29906,
29949,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29955,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1145,
4835,
3366,
29950,
29906,
12436,
972,
4835,
3366,
29950,
29906,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29900,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1145,
4835,
3366,
29949,
29906,
12436,
972,
4835,
3366,
29949,
29906,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29947,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1145,
4835,
3366,
29950,
12436,
972,
4835,
3366,
29950,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29900,
29897,
13,
13,
4706,
3806,
29918,
1949,
414,
353,
6571,
13,
4706,
3806,
29918,
1949,
414,
3366,
29950,
29906,
29949,
29918,
29950,
29906,
3108,
353,
29871,
29896,
29889,
29929,
29945,
29955,
29941,
29906,
29896,
29953,
29872,
29899,
29896,
29941,
13,
4706,
3806,
29918,
1949,
414,
3366,
29950,
29906,
29949,
29918,
29949,
29906,
3108,
353,
29871,
29896,
29889,
29929,
29945,
29955,
29941,
29906,
29896,
29953,
29872,
29899,
29896,
29941,
13,
4706,
3806,
29918,
1949,
414,
3366,
29950,
29906,
29918,
29949,
29906,
3108,
353,
29871,
29896,
29889,
29929,
29945,
29955,
29941,
29906,
29896,
29953,
29872,
29899,
29896,
29941,
13,
4706,
3806,
29918,
1949,
414,
3366,
29950,
29906,
29918,
29950,
29906,
29949,
3108,
353,
29871,
29896,
29889,
29929,
29945,
29955,
29941,
29906,
29896,
29953,
29872,
29899,
29896,
29941,
13,
4706,
3806,
29918,
1949,
414,
3366,
29949,
29906,
29918,
29950,
29906,
3108,
353,
29871,
29929,
29889,
29955,
29947,
29953,
29953,
29900,
29947,
29896,
29872,
29899,
29896,
29946,
13,
4706,
3806,
29918,
1949,
414,
3366,
29949,
29906,
29918,
29950,
29906,
29949,
3108,
353,
29871,
29929,
29889,
29955,
29947,
29953,
29953,
29900,
29947,
29896,
29872,
29899,
29896,
29946,
13,
4706,
3806,
29918,
1949,
414,
3366,
29950,
29906,
29918,
29950,
3108,
353,
869,
29900,
29900,
29900,
29906,
29945,
29947,
29945,
29946,
29941,
29955,
29946,
13,
4706,
3806,
29918,
1949,
414,
3366,
29950,
29918,
29950,
29906,
3108,
353,
869,
29900,
29900,
29900,
29945,
29896,
29955,
29900,
29947,
29955,
29946,
29929,
13,
308,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29950,
29906,
29949,
29918,
29950,
29906,
12436,
1949,
414,
3366,
29950,
29906,
29949,
29918,
29950,
29906,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29955,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29950,
29906,
29949,
29918,
29949,
29906,
12436,
1949,
414,
3366,
29950,
29906,
29949,
29918,
29949,
29906,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29955,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29950,
29906,
29918,
29949,
29906,
12436,
1949,
414,
3366,
29950,
29906,
29918,
29949,
29906,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29955,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29950,
29906,
29918,
29950,
29906,
29949,
12436,
1949,
414,
3366,
29950,
29906,
29918,
29950,
29906,
29949,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29955,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29949,
29906,
29918,
29950,
29906,
12436,
1949,
414,
3366,
29949,
29906,
29918,
29950,
29906,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29947,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29949,
29906,
29918,
29950,
29906,
29949,
12436,
1949,
414,
3366,
29949,
29906,
29918,
29950,
29906,
29949,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29947,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29950,
29906,
29918,
29950,
12436,
1949,
414,
3366,
29950,
29906,
29918,
29950,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29947,
29897,
13,
4706,
4974,
7442,
29889,
275,
5358,
29898,
9684,
29918,
1949,
414,
3366,
29950,
29918,
29950,
29906,
12436,
1949,
414,
3366,
29950,
29918,
29950,
29906,
12436,
6897,
29918,
25027,
29922,
29896,
29889,
29900,
29872,
29899,
29896,
29947,
29897,
13,
13,
13,
1990,
4321,
2308,
326,
8353,
29954,
29901,
13,
1678,
9995,
24376,
363,
17151,
29918,
7707,
29887,
1158,
15945,
29908,
13,
1678,
822,
1243,
29918,
12857,
29898,
1311,
1125,
13,
4706,
4636,
353,
7442,
29889,
2378,
4197,
29961,
29900,
29892,
29871,
29896,
29892,
29871,
29900,
29889,
29896,
1402,
518,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29945,
1402,
518,
29900,
29889,
29945,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
24960,
13,
4706,
2983,
353,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
2033,
13,
4706,
7450,
353,
17151,
29918,
7707,
29887,
29898,
5344,
29892,
2983,
29892,
6024,
29909,
7464,
29871,
29900,
29889,
29906,
29897,
13,
4706,
4974,
1423,
29918,
11745,
29898,
276,
3791,
29892,
2983,
29897,
13,
13,
4706,
7450,
353,
17151,
29918,
7707,
29887,
29898,
5344,
29892,
2983,
29892,
6024,
29909,
7464,
29871,
29900,
29889,
29953,
29897,
13,
4706,
4974,
1423,
29918,
11745,
29898,
276,
3791,
29892,
6024,
29909,
742,
525,
29933,
11287,
13,
268,
13,
1678,
822,
1243,
29918,
4661,
283,
552,
29881,
29918,
2972,
29898,
1311,
1125,
13,
4706,
9995,
3057,
310,
2560,
5320,
29899,
9700,
3983,
515,
26900,
29954,
15055,
29889,
13,
4706,
9995,
13,
4706,
4636,
353,
7442,
29889,
2378,
4197,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29900,
1402,
29871,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29889,
29929,
29892,
29871,
29900,
29892,
1678,
29900,
1402,
29871,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
1678,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29929,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29896,
29889,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29892,
1678,
29896,
29889,
29900,
29892,
29871,
29900,
29962,
13,
632,
2314,
13,
4706,
2983,
353,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
2033,
13,
4706,
7450,
353,
17151,
29918,
7707,
29887,
29898,
5344,
29892,
2983,
29892,
6024,
29909,
7464,
29871,
29900,
29889,
29896,
29897,
13,
4706,
4974,
1423,
29918,
11745,
29898,
276,
3791,
29892,
6024,
29909,
742,
525,
29933,
742,
525,
29928,
11287,
13,
13,
4706,
4636,
353,
7442,
29889,
2378,
4197,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29900,
1402,
29871,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29889,
29929,
29892,
29871,
29900,
29892,
1678,
29900,
1402,
29871,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
1678,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29929,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29896,
29889,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29892,
1678,
29896,
29889,
29900,
29892,
29871,
29900,
29962,
13,
632,
2314,
13,
4706,
2983,
353,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
2033,
13,
4706,
7450,
353,
17151,
29918,
7707,
29887,
29898,
5344,
29892,
2983,
29892,
6024,
29923,
7464,
29871,
29900,
29889,
29896,
29897,
13,
4706,
4974,
1423,
29918,
11745,
29898,
276,
3791,
29892,
6024,
29923,
742,
525,
29943,
11287,
13,
13,
1678,
822,
1243,
29918,
4661,
283,
552,
29881,
29918,
2972,
29906,
29898,
1311,
1125,
13,
4706,
9995,
3057,
310,
2560,
5320,
29899,
9700,
3983,
515,
26900,
29954,
15055,
29889,
13,
4706,
9995,
13,
4706,
4636,
353,
7442,
29889,
2378,
4197,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29900,
1402,
29871,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29889,
29896,
29945,
29892,
29871,
29900,
29889,
29929,
29892,
29871,
29900,
29892,
1678,
29900,
1402,
29871,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
29871,
29900,
29889,
29945,
29892,
29871,
29900,
29892,
1678,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29889,
29929,
29892,
29871,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
1678,
29896,
29889,
29900,
1402,
13,
9651,
518,
29900,
29892,
29871,
29900,
29892,
1678,
29900,
29892,
29871,
29900,
29892,
1678,
29896,
29889,
29900,
29892,
29871,
29900,
29962,
13,
632,
2314,
13,
4706,
2983,
353,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
2033,
13,
4706,
7450,
353,
17151,
29918,
7707,
29887,
29898,
5344,
29892,
2983,
29892,
6024,
29909,
7464,
29871,
29900,
29889,
29896,
29897,
13,
4706,
4974,
1423,
29918,
11745,
29898,
276,
3791,
29892,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
11287,
13,
13,
4706,
7450,
353,
17151,
29918,
7707,
29887,
29898,
5344,
29892,
2983,
29892,
6024,
29909,
7464,
29871,
29900,
29889,
29906,
29897,
13,
4706,
4974,
1423,
29918,
11745,
29898,
276,
3791,
29892,
6024,
29909,
742,
525,
29933,
742,
525,
29928,
11287,
13,
268,
13,
1678,
822,
1243,
29918,
29883,
1028,
29918,
1004,
305,
29945,
29898,
1311,
1125,
13,
4706,
9995,
3057,
310,
2560,
592,
305,
29871,
29945,
515,
29871,
29906,
29900,
29900,
29953,
26900,
29954,
5650,
29889,
13,
4706,
9995,
13,
4706,
390,
29896,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29943,
1149,
349,
742,
518,
29896,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
4706,
390,
29906,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29943,
1149,
390,
742,
518,
29896,
29889,
29900,
29872,
29899,
29906,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
4706,
390,
29941,
353,
274,
29873,
29889,
1123,
2467,
29889,
3166,
29907,
2034,
877,
4907,
276,
2467,
877,
29934,
1149,
349,
742,
518,
29896,
29889,
29900,
29872,
29906,
29892,
29871,
29900,
29889,
29900,
29892,
29871,
29900,
29889,
29900,
2314,
4907,
1495,
13,
13,
4706,
383,
353,
274,
29873,
29889,
10649,
2478,
877,
29943,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
349,
353,
274,
29873,
29889,
10649,
2478,
877,
29925,
742,
525,
29950,
29901,
29896,
1495,
13,
4706,
390,
353,
274,
29873,
29889,
10649,
2478,
877,
29934,
742,
525,
29950,
29901,
29896,
1495,
13,
13,
4706,
363,
805,
297,
518,
29943,
29892,
349,
29892,
390,
5387,
13,
9651,
805,
29889,
721,
4346,
353,
274,
29873,
29889,
12075,
424,
29907,
29886,
29898,
13,
462,
29941,
29900,
29900,
29892,
29871,
29896,
29900,
29900,
29900,
29892,
29871,
29896,
29900,
29896,
29941,
29906,
29945,
29892,
313,
29941,
29900,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29897,
13,
18884,
1723,
13,
4706,
1904,
353,
274,
29873,
29889,
13296,
918,
29898,
13,
9651,
14563,
29877,
2433,
29902,
311,
284,
29954,
294,
742,
413,
10157,
1199,
2433,
29954,
294,
29968,
10157,
1199,
742,
13,
9651,
6606,
11759,
29943,
29892,
349,
29892,
390,
1402,
337,
7387,
11759,
29934,
29896,
29892,
390,
29906,
29892,
390,
29941,
29962,
13,
9651,
1723,
13,
4706,
2106,
353,
29871,
29896,
29900,
29900,
29900,
29892,
274,
29873,
29889,
650,
29918,
271,
29885,
29892,
518,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29892,
29871,
29896,
29889,
29900,
29872,
29899,
29946,
29962,
13,
4706,
4636,
353,
1653,
29918,
7707,
29887,
29918,
5344,
29898,
3859,
29892,
1904,
29897,
13,
4706,
7450,
353,
17151,
29918,
7707,
29887,
29898,
5344,
29892,
6024,
29943,
742,
525,
29925,
742,
525,
29934,
7464,
6024,
29943,
7464,
29871,
29900,
29889,
29896,
29897,
13,
13,
4706,
4974,
1423,
29918,
11745,
29898,
276,
3791,
29892,
6024,
29943,
742,
525,
29925,
11287,
13,
13,
13,
1990,
4321,
9527,
7974,
29901,
13,
1678,
9995,
24376,
363,
3983,
29918,
4478,
1158,
15945,
29908,
13,
1678,
396,
17158,
1243,
3983,
13,
1678,
396,
2962,
292,
515,
319,
29892,
7573,
319,
29892,
29923,
29892,
29907,
29892,
29943,
29892,
29928,
29892,
29902,
29892,
29950,
29892,
29949,
881,
367,
278,
871,
7573,
1476,
13,
1678,
822,
1243,
9527,
7974,
6716,
4290,
29898,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
4197,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29871,
29900,
511,
6702,
29909,
3788,
29940,
742,
29900,
511,
29871,
13,
9651,
396,
6702,
29907,
3788,
29943,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29907,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29940,
3788,
29907,
742,
29896,
29889,
29900,
511,
6702,
29907,
3788,
29928,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29928,
3788,
29902,
742,
29896,
29889,
29900,
511,
6702,
29902,
3788,
29949,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29923,
742,
29896,
29889,
29900,
511,
13,
9651,
396,
877,
29923,
3788,
29954,
742,
29900,
511,
6702,
29954,
3788,
29902,
742,
29900,
511,
6702,
29954,
3788,
29924,
742,
29900,
511,
13,
9651,
6702,
29954,
3788,
29931,
742,
29896,
29889,
29900,
511,
6702,
29923,
3788,
29950,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
396,
877,
29950,
3788,
29967,
742,
29900,
29897,
13,
632,
2314,
13,
13,
4706,
1014,
4262,
353,
302,
29916,
29889,
12130,
9527,
4197,
29898,
29884,
29892,
29894,
29892,
29881,
29897,
363,
318,
29892,
29894,
29892,
29881,
297,
3983,
29889,
287,
2710,
29898,
1272,
29922,
5574,
29897,
565,
270,
1839,
7915,
2033,
1405,
29871,
29900,
2314,
13,
13,
13,
4706,
396,
1356,
1971,
653,
1650,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
1491,
4262,
29892,
525,
29909,
1495,
13,
268,
13,
4706,
4974,
525,
29909,
29915,
297,
18853,
29918,
18010,
13,
4706,
4974,
518,
29876,
297,
18853,
29918,
18010,
363,
302,
297,
6024,
29909,
742,
525,
29907,
742,
525,
29928,
742,
525,
29902,
742,
525,
29949,
742,
525,
29943,
742,
525,
29923,
742,
525,
29950,
2033,
29962,
13,
4706,
4974,
518,
29876,
451,
297,
18853,
29918,
18010,
363,
302,
297,
6024,
29933,
742,
525,
29954,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
2033,
29962,
13,
13,
1678,
396,
17158,
1243,
3983,
13,
1678,
396,
2962,
292,
515,
319,
29892,
7573,
319,
29892,
29923,
29892,
29907,
29892,
29943,
29892,
29928,
29892,
29902,
29892,
29950,
29892,
29949,
881,
367,
278,
871,
7573,
1476,
13,
1678,
822,
1243,
9527,
7974,
6716,
4290,
29906,
29898,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
4197,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29871,
29900,
511,
6702,
29909,
3788,
29940,
742,
29900,
511,
13,
9651,
396,
6702,
29907,
3788,
29943,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29907,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29940,
3788,
29907,
742,
29896,
29889,
29900,
511,
6702,
29907,
3788,
29928,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29928,
3788,
29902,
742,
29896,
29889,
29900,
511,
6702,
29902,
3788,
29949,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29923,
742,
29896,
29889,
29900,
511,
13,
9651,
396,
877,
29923,
3788,
29954,
742,
29900,
511,
6702,
29954,
3788,
29902,
742,
29900,
511,
6702,
29954,
3788,
29924,
742,
29900,
511,
13,
9651,
6702,
29954,
3788,
29931,
742,
29896,
29889,
29900,
511,
6702,
29923,
3788,
29950,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
396,
877,
29950,
3788,
29967,
742,
29900,
29897,
13,
632,
2314,
13,
13,
4706,
1014,
4262,
353,
302,
29916,
29889,
12130,
9527,
4197,
29898,
29884,
29892,
29894,
29892,
29881,
29897,
363,
318,
29892,
29894,
29892,
29881,
297,
3983,
29889,
287,
2710,
29898,
1272,
29922,
5574,
29897,
565,
270,
1839,
7915,
2033,
1405,
29871,
29900,
2314,
13,
308,
13,
4706,
396,
1356,
1971,
653,
1650,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
1491,
4262,
29892,
525,
29954,
1495,
13,
268,
13,
4706,
4974,
525,
29954,
29915,
297,
18853,
29918,
18010,
13,
4706,
363,
302,
297,
6024,
29909,
3788,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29967,
742,
525,
29968,
742,
525,
29902,
742,
525,
29949,
742,
525,
29943,
742,
525,
29923,
742,
525,
29950,
742,
525,
29924,
742,
525,
29940,
2033,
29901,
13,
9651,
4974,
302,
451,
297,
18853,
29918,
18010,
13,
4706,
4974,
518,
29876,
297,
18853,
29918,
18010,
363,
302,
297,
518,
525,
29954,
742,
525,
29931,
2033,
29962,
13,
13,
1678,
822,
1243,
9527,
7974,
29941,
4290,
29879,
29898,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
29898,
13,
9651,
518,
6702,
29907,
3788,
29943,
742,
29871,
29896,
511,
6702,
29909,
3788,
29907,
742,
29871,
29896,
511,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29871,
29900,
511,
6702,
29909,
3788,
29940,
742,
29871,
29900,
511,
29871,
13,
632,
6702,
29940,
3788,
29907,
742,
29871,
29896,
511,
6702,
29907,
3788,
29928,
742,
29871,
29896,
511,
13,
632,
6702,
29928,
3788,
29902,
742,
29871,
29896,
511,
6702,
29902,
3788,
29949,
742,
29871,
29896,
511,
6702,
29909,
3788,
29923,
742,
29871,
29896,
511,
13,
632,
396,
877,
29923,
3788,
29954,
742,
29871,
29900,
511,
6702,
29954,
3788,
29902,
742,
29871,
29900,
511,
6702,
29954,
3788,
29924,
742,
29871,
29900,
511,
13,
632,
6702,
29954,
3788,
29931,
742,
29871,
29896,
511,
6702,
29923,
3788,
29950,
742,
29871,
29896,
511,
29871,
13,
632,
396,
877,
29950,
3788,
29967,
742,
29871,
29900,
29897,
13,
795,
2314,
13,
13,
4706,
3646,
29918,
24091,
29922,
6024,
29909,
742,
525,
29907,
742,
525,
29928,
2033,
13,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
4262,
29892,
3646,
29918,
24091,
29897,
13,
268,
13,
4706,
4974,
525,
29909,
29915,
297,
18853,
29918,
18010,
13,
4706,
4974,
525,
29907,
29915,
297,
18853,
29918,
18010,
13,
4706,
4974,
525,
29928,
29915,
297,
18853,
29918,
18010,
13,
4706,
363,
302,
297,
6024,
29909,
742,
525,
29907,
742,
525,
29928,
742,
525,
29902,
742,
525,
29949,
742,
525,
29943,
742,
525,
29923,
742,
525,
29950,
2033,
29901,
13,
9651,
4974,
302,
297,
18853,
29918,
18010,
13,
4706,
363,
302,
297,
6024,
29933,
742,
525,
29954,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
2033,
29901,
13,
9651,
4974,
302,
451,
297,
18853,
29918,
18010,
13,
268,
13,
1678,
822,
1243,
4262,
4478,
29918,
1217,
29918,
5182,
29879,
313,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
4197,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29871,
29900,
511,
6702,
29909,
3788,
29940,
742,
29900,
511,
13,
9651,
6702,
29907,
3788,
29943,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29907,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29940,
3788,
29907,
742,
29896,
29889,
29900,
511,
6702,
29907,
3788,
29928,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29928,
3788,
29902,
742,
29896,
29889,
29900,
511,
6702,
29902,
3788,
29949,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29923,
742,
29896,
29889,
29900,
511,
13,
9651,
396,
877,
29923,
3788,
29954,
742,
29900,
511,
6702,
29954,
3788,
29902,
742,
29900,
511,
6702,
29954,
3788,
29924,
742,
29900,
511,
13,
9651,
6702,
29954,
3788,
29931,
742,
29896,
29889,
29900,
511,
6702,
29923,
3788,
29950,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
396,
877,
29950,
3788,
29967,
742,
29900,
29897,
13,
632,
2314,
13,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
4262,
29892,
518,
2314,
13,
4706,
4974,
451,
18853,
29918,
18010,
13,
13,
1678,
732,
2272,
1688,
29889,
3502,
29889,
29916,
14057,
13,
1678,
822,
1243,
9527,
11360,
1279,
2541,
271,
2097,
1349,
1446,
29842,
9527,
29898,
1311,
1125,
12,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
4197,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29871,
29900,
511,
6702,
29909,
3788,
29940,
742,
29900,
511,
13,
9651,
6702,
29907,
3788,
29943,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29907,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29940,
3788,
29907,
742,
29896,
29889,
29900,
511,
6702,
29907,
3788,
29928,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29928,
3788,
29902,
742,
29896,
29889,
29900,
511,
6702,
29902,
3788,
29949,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29923,
742,
29896,
29889,
29900,
511,
13,
9651,
396,
877,
29923,
3788,
29954,
742,
29900,
511,
6702,
29954,
3788,
29902,
742,
29900,
511,
6702,
29954,
3788,
29924,
742,
29900,
511,
13,
9651,
6702,
29954,
3788,
29931,
742,
29896,
29889,
29900,
511,
6702,
29923,
3788,
29950,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
396,
877,
29950,
3788,
29967,
742,
29900,
29897,
13,
632,
2314,
13,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
4262,
29892,
525,
29999,
1495,
13,
4706,
4974,
525,
29999,
29915,
297,
18853,
29918,
18010,
13,
13,
1678,
822,
1243,
9527,
4478,
1454,
7192,
524,
7078,
3554,
29898,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
18959,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
11287,
13,
308,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
29898,
13,
9651,
518,
877,
29909,
742,
525,
29933,
742,
29871,
29896,
511,
6702,
29933,
742,
525,
29907,
742,
29871,
29896,
511,
6702,
29907,
742,
525,
29928,
742,
29871,
29896,
511,
6702,
29928,
742,
525,
29923,
742,
29896,
511,
6702,
29923,
742,
525,
29909,
742,
29871,
29896,
4638,
13,
9651,
1723,
13,
308,
13,
4706,
18853,
29918,
18010,
29922,
3983,
29918,
4478,
29898,
4262,
29892,
525,
29909,
1495,
13,
4706,
4974,
525,
29909,
29915,
297,
18853,
29918,
18010,
13,
4706,
4974,
518,
29876,
297,
18853,
29918,
18010,
363,
302,
297,
6024,
29909,
742,
525,
29907,
742,
525,
29928,
742,
525,
29933,
742,
525,
29923,
2033,
29962,
13,
308,
13,
1678,
732,
2272,
1688,
29889,
3502,
29889,
29916,
14057,
13,
1678,
822,
1243,
9527,
13468,
1279,
3047,
1299,
2097,
1349,
1446,
3664,
797,
9527,
2855,
6716,
7058,
3624,
29898,
1311,
1125,
12,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
4197,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29871,
29900,
511,
6702,
29909,
3788,
29940,
742,
29900,
511,
13,
9651,
6702,
29907,
3788,
29943,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29907,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29940,
3788,
29907,
742,
29896,
29889,
29900,
511,
6702,
29907,
3788,
29928,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29928,
3788,
29902,
742,
29896,
29889,
29900,
511,
6702,
29902,
3788,
29949,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29923,
742,
29896,
29889,
29900,
511,
13,
9651,
396,
877,
29923,
3788,
29954,
742,
29900,
511,
6702,
29954,
3788,
29902,
742,
29900,
511,
6702,
29954,
3788,
29924,
742,
29900,
511,
13,
9651,
6702,
29954,
3788,
29931,
742,
29896,
29889,
29900,
511,
6702,
29923,
3788,
29950,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
396,
877,
29950,
3788,
29967,
742,
29900,
29897,
13,
632,
2314,
13,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
4262,
29892,
6024,
29933,
742,
525,
29999,
11287,
13,
4706,
4974,
525,
29933,
29915,
297,
18853,
29918,
18010,
13,
13,
1678,
822,
1243,
9527,
4478,
2541,
1293,
974,
6513,
29896,
29898,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
3177,
877,
29909,
1495,
13,
13,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
4262,
29892,
525,
29909,
1495,
13,
4706,
4974,
525,
29909,
29915,
297,
18853,
29918,
18010,
13,
4706,
4974,
7431,
29898,
404,
2556,
29918,
18010,
29897,
1275,
29871,
29896,
13,
13,
1678,
822,
1243,
9527,
7974,
3047,
13985,
2776,
1576,
29903,
420,
2001,
797,
1576,
9527,
29898,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
268,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
4197,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29900,
511,
6702,
29909,
3788,
29940,
742,
29900,
511,
13,
9651,
6702,
29907,
3788,
29943,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29907,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
6702,
29940,
3788,
29907,
742,
29896,
29889,
29900,
511,
6702,
29907,
3788,
29928,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29928,
3788,
29902,
742,
29896,
29889,
29900,
511,
6702,
29902,
3788,
29949,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29923,
742,
29896,
29889,
29900,
511,
13,
9651,
396,
877,
29923,
3788,
29954,
742,
29900,
511,
6702,
29954,
3788,
29902,
742,
29900,
511,
6702,
29954,
3788,
29924,
742,
29900,
511,
13,
9651,
6702,
29954,
3788,
29931,
742,
29896,
29889,
29900,
511,
6702,
29923,
3788,
29950,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
396,
877,
29950,
3788,
29967,
742,
29900,
29897,
13,
632,
2314,
13,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
4262,
29892,
525,
29909,
1495,
13,
4706,
4974,
525,
29909,
29915,
297,
18853,
29918,
18010,
13,
4706,
4974,
518,
29876,
297,
18853,
29918,
18010,
363,
302,
297,
6024,
29909,
742,
525,
29907,
742,
525,
29928,
742,
525,
29902,
742,
525,
29949,
742,
525,
29943,
742,
525,
29923,
742,
525,
29950,
2033,
29962,
13,
4706,
4974,
518,
29876,
451,
297,
18853,
29918,
18010,
363,
302,
297,
6024,
29933,
742,
525,
29954,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
2033,
29962,
13,
13,
1678,
822,
1243,
9527,
7974,
3047,
13985,
2776,
1576,
29903,
420,
2001,
797,
1576,
8667,
1293,
29898,
1311,
1125,
13,
4706,
3983,
353,
302,
29916,
29889,
12130,
9527,
580,
13,
4706,
3983,
29889,
1202,
29918,
18010,
29918,
3166,
29898,
13,
9651,
6024,
29909,
742,
525,
29933,
742,
525,
29907,
742,
525,
29928,
742,
525,
29923,
742,
525,
29943,
742,
525,
29954,
742,
525,
29950,
742,
525,
29902,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
742,
525,
29949,
2033,
13,
9651,
1723,
13,
268,
13,
4706,
3983,
29889,
1202,
29918,
7915,
287,
29918,
287,
2710,
29918,
3166,
4197,
13,
9651,
396,
877,
29909,
3788,
29943,
742,
29871,
29900,
511,
6702,
29909,
3788,
29940,
742,
29900,
511,
13,
9651,
6702,
29907,
3788,
29943,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29907,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29940,
3788,
29907,
742,
29896,
29889,
29900,
511,
6702,
29907,
3788,
29928,
742,
29896,
29889,
29900,
511,
13,
9651,
6702,
29928,
3788,
29902,
742,
29896,
29889,
29900,
511,
6702,
29902,
3788,
29949,
742,
29896,
29889,
29900,
511,
6702,
29909,
3788,
29923,
742,
29896,
29889,
29900,
511,
13,
9651,
396,
877,
29923,
3788,
29954,
742,
29900,
511,
6702,
29954,
3788,
29902,
742,
29900,
511,
6702,
29954,
3788,
29924,
742,
29900,
511,
13,
9651,
6702,
29954,
3788,
29931,
742,
29896,
29889,
29900,
511,
6702,
29923,
3788,
29950,
742,
29896,
29889,
29900,
511,
29871,
13,
9651,
396,
877,
29950,
3788,
29967,
742,
29900,
29897,
13,
632,
2314,
13,
13,
4706,
18853,
29918,
18010,
353,
3983,
29918,
4478,
29898,
4262,
29892,
6024,
29909,
3788,
29909,
11287,
13,
4706,
4974,
525,
29909,
29915,
297,
18853,
29918,
18010,
13,
4706,
4974,
518,
29876,
297,
18853,
29918,
18010,
363,
302,
297,
6024,
29909,
742,
525,
29907,
742,
525,
29928,
742,
525,
29902,
742,
525,
29949,
742,
525,
29943,
742,
525,
29923,
742,
525,
29950,
2033,
29962,
13,
4706,
4974,
518,
29876,
451,
297,
18853,
29918,
18010,
363,
302,
297,
6024,
29933,
742,
525,
29954,
742,
525,
29967,
742,
525,
29968,
742,
525,
29931,
742,
525,
29924,
742,
525,
29940,
2033,
29962,
13,
13,
13,
1990,
4321,
29934,
6085,
346,
8353,
29954,
29901,
13,
1678,
822,
1243,
29918,
29887,
374,
29918,
9313,
428,
29918,
20787,
29918,
11436,
29898,
1311,
1125,
13,
4706,
9995,
24376,
10032,
29918,
7707,
29887,
1158,
411,
2999,
4251,
15945,
29908,
13,
4706,
1904,
29918,
1445,
353,
525,
29887,
374,
29941,
29900,
29889,
312,
29875,
29915,
13,
13,
4706,
396,
11790,
2187,
363,
20376,
13,
4706,
5855,
353,
518,
13,
9651,
10567,
17273,
654,
29898,
13,
18884,
2924,
2433,
23362,
7977,
742,
12959,
29922,
29896,
29889,
29900,
29892,
10430,
29922,
29896,
29900,
29900,
29900,
29889,
29900,
29892,
24796,
29918,
3605,
601,
29922,
29896,
29889,
29900,
29892,
13,
18884,
26413,
3790,
29915,
3210,
29946,
2396,
29871,
29896,
29889,
29900,
1118,
19100,
333,
3950,
3790,
29915,
29949,
29906,
2396,
29871,
29896,
29889,
29900,
29892,
525,
29940,
29906,
2396,
29871,
29941,
29889,
29955,
29953,
29913,
13,
18884,
10353,
13,
9651,
10567,
17273,
654,
29898,
13,
18884,
2924,
2433,
23362,
7977,
742,
12959,
29922,
29896,
29889,
29900,
29892,
10430,
29922,
29896,
29906,
29900,
29900,
29889,
29900,
29892,
24796,
29918,
3605,
601,
29922,
29896,
29889,
29900,
29892,
13,
18884,
26413,
3790,
29915,
3210,
29946,
2396,
29871,
29896,
29889,
29900,
1118,
19100,
333,
3950,
3790,
29915,
29949,
29906,
2396,
29871,
29896,
29889,
29900,
29892,
525,
29940,
29906,
2396,
29871,
29941,
29889,
29955,
29953,
29913,
13,
18884,
10353,
13,
4706,
4514,
13,
308,
13,
4706,
848,
353,
7442,
29889,
1885,
3166,
3945,
29898,
13,
9651,
6198,
29918,
5479,
29898,
359,
29889,
2084,
29889,
7122,
877,
16596,
742,
525,
4773,
29918,
647,
654,
29918,
1272,
29889,
4130,
1495,
511,
29871,
13,
9651,
28552,
29922,
3788,
13,
9651,
1723,
13,
13,
4706,
1904,
353,
274,
29873,
29889,
13296,
918,
29898,
4299,
29918,
1445,
29897,
13,
4706,
13516,
353,
5159,
13,
4706,
363,
2106,
297,
848,
29901,
13,
9651,
13516,
29889,
4397,
29898,
3258,
29918,
7707,
29887,
29918,
5344,
3552,
3859,
29961,
29900,
1402,
2106,
29961,
29896,
1402,
2106,
29961,
29906,
29901,
11724,
1904,
876,
13,
308,
13,
4706,
411,
6789,
1971,
653,
9882,
580,
408,
5694,
29918,
3972,
29901,
13,
9651,
12212,
29918,
4299,
353,
10032,
29918,
7707,
29887,
29898,
13,
18884,
1904,
29918,
1445,
29892,
6024,
3210,
29946,
742,
525,
29949,
29906,
7464,
6024,
29940,
29906,
7464,
29871,
29900,
29889,
29896,
29946,
29892,
13516,
29892,
29871,
13,
18884,
5855,
29892,
7442,
29889,
2378,
4197,
29896,
29889,
29900,
29953,
29953,
29955,
29953,
29953,
29896,
29941,
29953,
29955,
29946,
29945,
29947,
29955,
29953,
29906,
29947,
29896,
29872,
29974,
29900,
29900,
29892,
29871,
29946,
29889,
29941,
29941,
29946,
29955,
29955,
29941,
29945,
29946,
29945,
29900,
29947,
29946,
29945,
29929,
29955,
29953,
29929,
29953,
29872,
29899,
29900,
29906,
11724,
13,
18884,
3517,
29918,
4299,
29922,
8516,
29892,
16897,
29918,
21064,
29922,
8516,
29892,
954,
29918,
28993,
29922,
29896,
29892,
2224,
29922,
7382,
29918,
3972,
13,
18884,
1723,
13,
308,
13,
4706,
3806,
29918,
24091,
353,
518,
13,
9651,
525,
29950,
29906,
742,
525,
29950,
742,
525,
29949,
742,
525,
29949,
29906,
742,
525,
23170,
742,
525,
29950,
29906,
29949,
742,
525,
8187,
29906,
742,
525,
29950,
29906,
29949,
29906,
742,
525,
29907,
742,
525,
3210,
742,
525,
3210,
29906,
742,
525,
3210,
29906,
29898,
29903,
29897,
742,
29871,
13,
9651,
525,
3210,
29941,
742,
525,
3210,
29946,
742,
525,
3217,
742,
525,
3217,
29906,
742,
525,
29950,
3217,
742,
525,
3210,
29906,
29949,
742,
525,
3210,
29906,
23170,
742,
525,
3210,
29941,
29949,
742,
525,
29907,
29906,
29950,
29906,
742,
525,
29907,
29906,
29950,
29941,
742,
13,
9651,
525,
29907,
29906,
29950,
29946,
742,
525,
29907,
29906,
29950,
29945,
742,
525,
29907,
29906,
29950,
29953,
742,
525,
19127,
3217,
742,
525,
3210,
29906,
3217,
742,
525,
29940,
742,
525,
29940,
29950,
742,
525,
10262,
29950,
742,
525,
6632,
742,
525,
29940,
29906,
29949,
742,
13,
9651,
525,
29950,
6632,
742,
525,
13778,
742,
525,
29950,
13778,
742,
525,
29950,
29906,
13778,
742,
525,
19127,
10262,
742,
525,
29940,
3217,
742,
525,
29940,
29906,
742,
525,
3210,
29906,
3210,
29949,
29915,
13,
9651,
4514,
13,
4706,
4974,
1423,
29918,
11745,
29898,
9313,
1133,
29918,
4299,
29889,
4299,
29889,
24091,
29918,
7039,
29892,
3806,
29918,
24091,
29897,
13,
4706,
4974,
12212,
29918,
4299,
29889,
4299,
29889,
29876,
29918,
5638,
1953,
1275,
29871,
29906,
29946,
29945,
13,
4706,
4974,
4513,
29898,
9313,
1133,
29918,
4299,
29889,
2704,
29892,
29871,
29906,
29897,
1275,
29871,
29941,
29889,
29953,
29946,
13,
13,
1678,
822,
1243,
29918,
29887,
374,
29918,
9313,
428,
29918,
2576,
833,
29898,
1311,
1125,
13,
4706,
9995,
24376,
10032,
29918,
7707,
29887,
1158,
411,
2485,
833,
6606,
15945,
29908,
13,
4706,
1904,
29918,
1445,
353,
525,
29887,
374,
29941,
29900,
29889,
312,
29875,
29915,
13,
13,
4706,
396,
11790,
2187,
363,
20376,
13,
4706,
5855,
353,
518,
13,
9651,
10567,
17273,
654,
29898,
13,
18884,
2924,
2433,
23362,
7977,
742,
12959,
29922,
29896,
29889,
29900,
29892,
10430,
29922,
29896,
29900,
29900,
29900,
29889,
29900,
29892,
24796,
29918,
3605,
601,
29922,
29896,
29889,
29900,
29892,
13,
18884,
26413,
3790,
29915,
3210,
29946,
2396,
29871,
29896,
29889,
29900,
1118,
19100,
333,
3950,
3790,
29915,
29949,
29906,
2396,
29871,
29896,
29889,
29900,
29892,
525,
29940,
29906,
2396,
29871,
29941,
29889,
29955,
29953,
29913,
13,
18884,
10353,
13,
4706,
4514,
13,
308,
13,
4706,
848,
353,
7442,
29889,
1885,
3166,
3945,
29898,
13,
9651,
6198,
29918,
5479,
29898,
359,
29889,
2084,
29889,
7122,
877,
16596,
742,
525,
4773,
29918,
647,
654,
29918,
1272,
29889,
4130,
1495,
511,
29871,
13,
9651,
28552,
29922,
3788,
13,
9651,
1723,
13,
13,
4706,
1904,
353,
274,
29873,
29889,
13296,
918,
29898,
4299,
29918,
1445,
29897,
13,
4706,
13516,
353,
5159,
13,
4706,
363,
2106,
297,
848,
29901,
13,
9651,
13516,
29889,
4397,
29898,
3258,
29918,
7707,
29887,
29918,
5344,
3552,
3859,
29961,
29900,
1402,
2106,
29961,
29896,
1402,
2106,
29961,
29906,
29901,
11724,
1904,
876,
13,
308,
13,
4706,
411,
6789,
1971,
653,
9882,
580,
408,
5694,
29918,
3972,
29901,
13,
9651,
12212,
29918,
4299,
353,
10032,
29918,
7707,
29887,
29898,
13,
18884,
1904,
29918,
1445,
29892,
6024,
3210,
29946,
742,
525,
29949,
29906,
7464,
6024,
29940,
29906,
7464,
29871,
29900,
29889,
29896,
29946,
29892,
13516,
29892,
29871,
13,
18884,
5855,
29892,
7442,
29889,
2378,
4197,
29896,
29889,
29900,
29953,
29953,
29955,
29953,
29953,
29896,
29941,
29953,
29955,
29946,
29945,
29947,
29955,
29953,
29906,
29947,
29896,
29872,
29974,
29900,
29900,
11724,
13,
18884,
3517,
29918,
4299,
29922,
8516,
29892,
16897,
29918,
21064,
29922,
29900,
29889,
29953,
29892,
954,
29918,
28993,
29922,
29896,
29892,
2224,
29922,
7382,
29918,
3972,
13,
18884,
1723,
13,
308,
13,
4706,
3806,
29918,
24091,
353,
518,
13,
9651,
525,
29950,
29906,
742,
525,
29950,
742,
525,
29949,
742,
525,
29949,
29906,
742,
525,
23170,
742,
525,
29950,
29906,
29949,
742,
525,
8187,
29906,
742,
525,
29950,
29906,
29949,
29906,
742,
525,
29907,
742,
525,
3210,
742,
525,
3210,
29906,
742,
525,
3210,
29906,
29898,
29903,
29897,
742,
29871,
13,
9651,
525,
3210,
29941,
742,
525,
3210,
29946,
742,
525,
3217,
742,
525,
3217,
29906,
742,
525,
29950,
3217,
742,
525,
3210,
29906,
29949,
742,
525,
3210,
29906,
23170,
742,
525,
3210,
29941,
29949,
742,
525,
29907,
29906,
29950,
29906,
742,
525,
29907,
29906,
29950,
29941,
742,
13,
9651,
525,
29907,
29906,
29950,
29946,
742,
525,
29907,
29906,
29950,
29945,
742,
525,
29907,
29906,
29950,
29953,
742,
525,
19127,
3217,
742,
525,
3210,
29906,
3217,
742,
525,
29940,
742,
525,
29940,
29950,
742,
525,
10262,
29950,
742,
525,
6632,
742,
525,
29940,
29906,
29949,
742,
13,
9651,
525,
29950,
6632,
742,
525,
13778,
742,
525,
29950,
13778,
742,
525,
29950,
29906,
13778,
742,
525,
19127,
10262,
742,
525,
29940,
3217,
742,
525,
29940,
29906,
742,
525,
3210,
29906,
3210,
29949,
29915,
13,
9651,
4514,
13,
4706,
3806,
29918,
2576,
833,
29918,
24091,
353,
6024,
29950,
742,
525,
3210,
29941,
742,
525,
3210,
29946,
742,
525,
23170,
742,
525,
8187,
29906,
742,
525,
29949,
742,
525,
29950,
29906,
29949,
742,
525,
29949,
29906,
2033,
13,
4706,
4974,
1423,
29918,
11745,
29898,
9313,
1133,
29918,
4299,
29889,
4299,
29889,
24091,
29918,
7039,
29892,
3806,
29918,
24091,
29897,
13,
4706,
4974,
1423,
29918,
11745,
29898,
9313,
1133,
29918,
4299,
29889,
2576,
833,
29918,
24091,
29892,
3806,
29918,
2576,
833,
29918,
24091,
29897,
13,
13,
13,
1990,
4321,
6558,
8353,
29954,
29901,
13,
1678,
822,
1243,
29918,
29887,
374,
29918,
9313,
428,
29898,
1311,
1125,
13,
4706,
9995,
24376,
7156,
1065,
29918,
7707,
29887,
1158,
15945,
29908,
13,
4706,
1904,
29918,
1445,
353,
525,
29887,
374,
29941,
29900,
29889,
312,
29875,
29915,
13,
13,
4706,
396,
11790,
2187,
363,
20376,
13,
4706,
5855,
353,
518,
13,
9651,
10567,
17273,
654,
29898,
13,
18884,
2924,
2433,
23362,
7977,
742,
12959,
29922,
29896,
29889,
29900,
29892,
10430,
29922,
29896,
29900,
29900,
29900,
29889,
29900,
29892,
24796,
29918,
3605,
601,
29922,
29896,
29889,
29900,
29892,
13,
18884,
26413,
3790,
29915,
3210,
29946,
2396,
29871,
29896,
29889,
29900,
1118,
19100,
333,
3950,
3790,
29915,
29949,
29906,
2396,
29871,
29896,
29889,
29900,
29892,
525,
29940,
29906,
2396,
29871,
29941,
29889,
29955,
29953,
29913,
13,
18884,
10353,
13,
9651,
10567,
17273,
654,
29898,
13,
18884,
2924,
2433,
23362,
7977,
742,
12959,
29922,
29896,
29889,
29900,
29892,
10430,
29922,
29896,
29906,
29900,
29900,
29889,
29900,
29892,
24796,
29918,
3605,
601,
29922,
29896,
29889,
29900,
29892,
13,
18884,
26413,
3790,
29915,
3210,
29946,
2396,
29871,
29896,
29889,
29900,
1118,
19100,
333,
3950,
3790,
29915,
29949,
29906,
2396,
29871,
29896,
29889,
29900,
29892,
525,
29940,
29906,
2396,
29871,
29941,
29889,
29955,
29953,
29913,
13,
18884,
10353,
13,
4706,
4514,
13,
4706,
848,
29918,
5325,
1839,
4905,
29918,
647,
654,
2033,
353,
6198,
29918,
5479,
29898,
13,
9651,
2897,
29889,
2084,
29889,
7122,
877,
16596,
742,
525,
4773,
29918,
647,
654,
29918,
4905,
29889,
3945,
1495,
13,
9651,
1723,
13,
4706,
848,
29918,
5325,
1839,
1272,
29918,
647,
654,
2033,
353,
6198,
29918,
5479,
29898,
13,
9651,
2897,
29889,
2084,
29889,
7122,
877,
16596,
742,
525,
4773,
29918,
647,
654,
29918,
1272,
29889,
4130,
1495,
13,
9651,
1723,
13,
4706,
1059,
353,
29871,
29945,
29889,
29900,
13,
13,
4706,
396,
7525,
26900,
29954,
13,
4706,
411,
6789,
1971,
653,
9882,
580,
408,
5694,
29918,
3972,
29901,
13,
9651,
12212,
29918,
4299,
353,
1065,
29918,
7707,
29887,
29898,
13,
18884,
1904,
29918,
1445,
29892,
5855,
29892,
19997,
19997,
1059,
29892,
6024,
3210,
29946,
742,
525,
29949,
29906,
7464,
6024,
29940,
29906,
7464,
29871,
13,
18884,
954,
29918,
28993,
29922,
29896,
29892,
2224,
29922,
7382,
29918,
3972,
13,
18884,
1723,
13,
13,
4706,
396,
1222,
6021,
1234,
13,
4706,
3806,
29918,
4299,
353,
274,
29873,
29889,
13296,
918,
29898,
22925,
29918,
5479,
29898,
359,
29889,
2084,
29889,
7122,
877,
16596,
742,
525,
7707,
29887,
29918,
29887,
374,
29941,
29900,
29889,
312,
29875,
29915,
4961,
13,
308,
13,
4706,
396,
8561,
1854,
4733,
526,
278,
1021,
13,
4706,
4974,
1423,
29918,
11745,
29898,
9313,
1133,
29918,
4299,
29889,
4299,
29889,
24091,
29918,
7039,
29892,
3806,
29918,
4299,
29889,
24091,
29918,
7039,
29897,
13,
4706,
4974,
12212,
29918,
4299,
29889,
4299,
29889,
29876,
29918,
5638,
1953,
1275,
3806,
29918,
4299,
29889,
29876,
29918,
5638,
1953,
13,
4706,
4974,
4513,
29898,
9313,
1133,
29918,
4299,
29889,
2704,
29892,
29871,
29906,
29897,
1275,
29871,
29941,
29889,
29953,
29946,
13,
2
] |
stagifyapi/api/migrations/0004_create_artist.py | Davee02/Stagify | 0 | 101718 | <reponame>Davee02/Stagify
# Generated by Django 3.1.3 on 2020-12-10 14:25
import api.models
from django.db import migrations, models
class Migration(migrations.Migration):
dependencies = [
("api", "0003_delete_old"),
]
operations = [
migrations.CreateModel(
name="Artist",
fields=[
(
"id",
models.AutoField(
auto_created=True,
primary_key=True,
serialize=False,
verbose_name="ID",
),
),
("displayname", models.CharField(max_length=500)),
("description", models.CharField(max_length=10000)),
(
"avatar",
models.FileField(
storage=api.models.select_storage, upload_to="artist_avatars"
),
),
],
),
]
| [
1,
529,
276,
1112,
420,
29958,
29928,
1351,
29872,
29900,
29906,
29914,
855,
351,
1598,
13,
29937,
3251,
630,
491,
15337,
29871,
29941,
29889,
29896,
29889,
29941,
373,
29871,
29906,
29900,
29906,
29900,
29899,
29896,
29906,
29899,
29896,
29900,
29871,
29896,
29946,
29901,
29906,
29945,
13,
13,
5215,
7882,
29889,
9794,
13,
3166,
9557,
29889,
2585,
1053,
9725,
800,
29892,
4733,
13,
13,
13,
1990,
341,
16783,
29898,
26983,
800,
29889,
29924,
16783,
1125,
13,
13,
1678,
9962,
353,
518,
13,
4706,
4852,
2754,
613,
376,
29900,
29900,
29900,
29941,
29918,
8143,
29918,
1025,
4968,
13,
1678,
4514,
13,
13,
1678,
6931,
353,
518,
13,
4706,
9725,
800,
29889,
4391,
3195,
29898,
13,
9651,
1024,
543,
9986,
391,
613,
13,
9651,
4235,
11759,
13,
18884,
313,
13,
462,
1678,
376,
333,
613,
13,
462,
1678,
4733,
29889,
12300,
3073,
29898,
13,
462,
4706,
4469,
29918,
11600,
29922,
5574,
29892,
13,
462,
4706,
7601,
29918,
1989,
29922,
5574,
29892,
13,
462,
4706,
28755,
29922,
8824,
29892,
13,
462,
4706,
26952,
29918,
978,
543,
1367,
613,
13,
462,
1678,
10353,
13,
18884,
10353,
13,
18884,
4852,
4990,
978,
613,
4733,
29889,
27890,
29898,
3317,
29918,
2848,
29922,
29945,
29900,
29900,
8243,
13,
18884,
4852,
8216,
613,
4733,
29889,
27890,
29898,
3317,
29918,
2848,
29922,
29896,
29900,
29900,
29900,
29900,
8243,
13,
18884,
313,
13,
462,
1678,
376,
485,
14873,
613,
13,
462,
1678,
4733,
29889,
2283,
3073,
29898,
13,
462,
4706,
8635,
29922,
2754,
29889,
9794,
29889,
2622,
29918,
12925,
29892,
6441,
29918,
517,
543,
442,
391,
29918,
485,
271,
1503,
29908,
13,
462,
1678,
10353,
13,
18884,
10353,
13,
9651,
21251,
13,
4706,
10353,
13,
1678,
4514,
13,
2
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.