diff --git a/.ci/azure/linux.yml b/.ci/azure/linux.yml index aac8a2da42e57e..3f619a386dc1c6 100644 --- a/.ci/azure/linux.yml +++ b/.ci/azure/linux.yml @@ -449,6 +449,10 @@ jobs: python3 -m pytest -s $(INSTALL_TEST_DIR)/mo/unit_tests --junitxml=$(INSTALL_TEST_DIR)/TEST-ModelOptimizer.xml displayName: 'Model Optimizer UT' + - script: | + python3 -m pytest -s $(REPO_DIR)/tools/ovc/unit_tests --junitxml=$(INSTALL_TEST_DIR)/TEST-OpenVinoConversion.xml + displayName: 'OpenVino Conversion UT' + - script: $(RUN_PREFIX) $(INSTALL_TEST_DIR)/ov_cpu_func_tests --gtest_filter=*smoke* --gtest_print_time=1 --gtest_output=xml:$(INSTALL_TEST_DIR)/TEST-ov_cpu_func_tests.xml displayName: 'CPU FuncTests' condition: and(succeeded(), eq(variables['CMAKE_BUILD_SHARED_LIBS'], 'OFF')) diff --git a/.github/CODEOWNERS b/.github/CODEOWNERS index 4ff308d491e249..25ab1cec3e0e81 100644 --- a/.github/CODEOWNERS +++ b/.github/CODEOWNERS @@ -99,6 +99,7 @@ /tools/legacy/ @openvinotoolkit/openvino-samples-maintainers /tools/openvino_dev/ @openvinotoolkit/openvino-tools-maintainers @openvinotoolkit/openvino-ie-python-api-maintainers /tools/mo/ @openvinotoolkit/openvino-mo-maintainers +/tools/ovc/ @openvinotoolkit/openvino-mo-maintainers /tools/pot/ @openvinotoolkit/openvino-pot-maintainers /thirdparty/open_model_zoo/ @openvinotoolkit/omz-maintainers @openvinotoolkit/openvino-pot-maintainers diff --git a/.github/labeler.yml b/.github/labeler.yml index a32a730b3c242c..a8b556ac91e100 100644 --- a/.github/labeler.yml +++ b/.github/labeler.yml @@ -87,6 +87,7 @@ 'category: MO': - 'tools/mo/**/*' +- 'tools/ovc/**/*' 'category: ONNX FE': - 'src/frontends/onnx/**/*' diff --git a/src/bindings/python/requirements.txt b/src/bindings/python/requirements.txt index 968d95b8760bed..55906b7f4f48b4 100644 --- a/src/bindings/python/requirements.txt +++ b/src/bindings/python/requirements.txt @@ -1,2 +1,3 @@ numpy>=1.16.6 singledispatchmethod; python_version<'3.8' +openvino-telemetry>=2023.0.0 diff --git a/src/bindings/python/src/openvino/frontend/tensorflow/utils.py b/src/bindings/python/src/openvino/frontend/tensorflow/utils.py index d7df293fdcc2a8..e3aab79d5ab9c9 100644 --- a/src/bindings/python/src/openvino/frontend/tensorflow/utils.py +++ b/src/bindings/python/src/openvino/frontend/tensorflow/utils.py @@ -5,9 +5,9 @@ # mypy: ignore-errors -from openvino.tools.mo.moc_frontend.shape_utils import get_static_shape -from openvino.tools.mo.utils.versions_checker import get_environment_setup # pylint: disable=no-name-in-module -from openvino.tools.mo.utils.error import Error +from openvino.tools.ovc.moc_frontend.shape_utils import get_static_shape +from openvino.tools.ovc.environment_setup_utils import get_environment_setup # pylint: disable=no-name-in-module +from openvino.tools.ovc.error import Error from distutils.version import LooseVersion import logging as log diff --git a/src/bindings/python/src/openvino/runtime/__init__.py b/src/bindings/python/src/openvino/runtime/__init__.py index 03a57cfea69f12..83de66dd2496c6 100644 --- a/src/bindings/python/src/openvino/runtime/__init__.py +++ b/src/bindings/python/src/openvino/runtime/__init__.py @@ -67,6 +67,13 @@ from openvino.runtime.ie_api import compile_model +# Model Conversion API +try: + from openvino.tools.ovc import convert_model, InputCutInfo, LayoutMap +except ImportError: + pass + + # Extend Node class to support binary operators Node.__add__ = opset11.add Node.__sub__ = opset11.subtract diff --git a/src/bindings/python/wheel/setup.py b/src/bindings/python/wheel/setup.py index 76d756b66cd236..6feaa815196cec 100644 --- a/src/bindings/python/wheel/setup.py +++ b/src/bindings/python/wheel/setup.py @@ -175,6 +175,18 @@ "install_dir": PY_PACKAGES_DIR, "binary_dir": OPENVINO_PYTHON_BINARY_DIR, }, + "ovc": { + "entry_point": { + "console_scripts": [ + "ovc = openvino.tools.ovc.main:main", + ], + }, + "name": f"pyopenvino_{PYTHON_VERSION}", + "prefix": f"{BUILD_BASE}/site-packages", + "source_dir": f"{OPENVINO_SOURCE_DIR}/tools/ovc", + "install_dir": PY_PACKAGES_DIR, + "binary_dir": "ovc", + }, # "benchmark_app": { # noqa: E731 # "entry_point": { # noqa: E731 # "console_scripts": [ # noqa: E731 @@ -187,18 +199,6 @@ # "install_dir": PY_PACKAGES_DIR, # noqa: E731 # "binary_dir": "benchmark_app", # noqa: E731 # }, # noqa: E731 - # "model_optimizer": { # noqa: E731 - # "entry_point": { # noqa: E731 - # "console_scripts": [ # noqa: E731 - # "mo = openvino.tools.mo.main:main", # noqa: E731 - # ], # noqa: E731 - # }, # noqa: E731 - # "name": f"pyopenvino_{PYTHON_VERSION}", # noqa: E731 - # "prefix": f"{BUILD_BASE}/site-packages", # noqa: E731 - # "source_dir": f"{OPENVINO_SOURCE_DIR}/tools/mo", # noqa: E731 - # "install_dir": PY_PACKAGES_DIR, # noqa: E731 - # "binary_dir": "model_optimizer", # noqa: E731 - # }, # noqa: E731 } diff --git a/tests/layer_tests/common/layer_test_class.py b/tests/layer_tests/common/layer_test_class.py index 02a354fa457987..f51ae63d8bc414 100644 --- a/tests/layer_tests/common/layer_test_class.py +++ b/tests/layer_tests/common/layer_test_class.py @@ -11,8 +11,7 @@ import numpy as np from common.constants import test_device, test_precision from common.layer_utils import IEInfer, InferAPI20 -from common.utils.common_utils import generate_ir -from common.utils.parsers import mapping_parser +from common.utils.common_utils import generate_ir_python_api class CommonLayerTest: @@ -60,7 +59,7 @@ def _test(self, framework_model, ref_net, ie_device, precision, ir_version, temp else: mo_params["use_legacy_frontend"] = True - exit_code, stderr = generate_ir(**mo_params) + exit_code, stderr = generate_ir_python_api(**mo_params) del os.environ['MO_ENABLED_TRANSFORMS'] del os.environ['MO_DISABLED_TRANSFORMS'] diff --git a/tests/layer_tests/common/mo_convert_test_class.py b/tests/layer_tests/common/mo_convert_test_class.py index f6086fd4d36a8b..f49e9d2fb43a1e 100644 --- a/tests/layer_tests/common/mo_convert_test_class.py +++ b/tests/layer_tests/common/mo_convert_test_class.py @@ -3,9 +3,9 @@ from pathlib import Path -from openvino.runtime import serialize +from openvino.runtime import serialize, convert_model +from openvino.tools.mo import convert_model as legacy_convert_model from openvino.test_utils import compare_functions -from openvino.tools.mo import convert_model from common.utils.common_utils import generate_ir @@ -16,7 +16,10 @@ def generate_ir_python_api(**kwargs): output_dir = kwargs['output_dir'] model_name = kwargs['model_name'] del kwargs['output_dir'] - model = convert_model(**kwargs) + if 'use_legacy_frontend' in kwargs: + model = legacy_convert_model(**kwargs) + else: + model = convert_model(**kwargs) serialize(model, str(Path(output_dir, model_name + '.xml'))) def _test(self, temp_dir, test_params, ref_params): diff --git a/tests/layer_tests/common/utils/common_utils.py b/tests/layer_tests/common/utils/common_utils.py index dda6286c504a12..33f3bc30b6291e 100644 --- a/tests/layer_tests/common/utils/common_utils.py +++ b/tests/layer_tests/common/utils/common_utils.py @@ -2,6 +2,7 @@ # SPDX-License-Identifier: Apache-2.0 import logging +import os import shutil import subprocess import sys @@ -46,6 +47,20 @@ def generate_ir(coverage=False, **kwargs): return exit_code, stderr +def generate_ir_python_api(coverage=False, **kwargs): + from openvino.runtime import convert_model, serialize + from openvino.tools.mo import convert_model as legacy_convert_model + + if "use_legacy_frontend" in kwargs and kwargs['use_legacy_frontend']: + ov_model = legacy_convert_model(**kwargs) + else: + ov_model = convert_model(**kwargs) + + out_dir = kwargs['output_dir'] + os.sep + kwargs['model_name'] + ".xml" + serialize(ov_model, out_dir) + + return 0, "" + def shell(cmd, env=None, cwd=None, out_format="plain"): """ Run command execution in specified environment diff --git a/tests/layer_tests/mo_python_api_tests/mo_convert_help.py b/tests/layer_tests/mo_python_api_tests/mo_convert_help.py index ff9c334b61461b..639e2478819be2 100644 --- a/tests/layer_tests/mo_python_api_tests/mo_convert_help.py +++ b/tests/layer_tests/mo_python_api_tests/mo_convert_help.py @@ -1,7 +1,7 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -from openvino.tools.mo import convert_model +from openvino.runtime import convert_model if __name__ == "__main__": convert_model(help=True) diff --git a/tests/layer_tests/mo_python_api_tests/test_mo_convert_complex_params.py b/tests/layer_tests/mo_python_api_tests/test_mo_convert_complex_params.py index 6208591a53b2d8..c2400a5abc0123 100644 --- a/tests/layer_tests/mo_python_api_tests/test_mo_convert_complex_params.py +++ b/tests/layer_tests/mo_python_api_tests/test_mo_convert_complex_params.py @@ -4,8 +4,7 @@ import numpy as np import os import pytest -from openvino.runtime import Model, Layout, PartialShape, Shape, layout_helpers, Type, Dimension -from openvino.tools.mo.convert import InputCutInfo, LayoutMap +from openvino.runtime import Model, Layout, PartialShape, Shape, layout_helpers, Type, Dimension, InputCutInfo, LayoutMap from common.mo_convert_test_class import CommonMOConvertTest from common.tf_layer_test_class import save_to_pb diff --git a/tests/layer_tests/mo_python_api_tests/test_mo_convert_pytorch.py b/tests/layer_tests/mo_python_api_tests/test_mo_convert_pytorch.py index 402f0d3a90799d..b519a0bc5990b4 100644 --- a/tests/layer_tests/mo_python_api_tests/test_mo_convert_pytorch.py +++ b/tests/layer_tests/mo_python_api_tests/test_mo_convert_pytorch.py @@ -9,8 +9,7 @@ import pytest import torch import unittest -from openvino.runtime import PartialShape, Dimension, Model, Type -from openvino.tools.mo import InputCutInfo +from openvino.runtime import PartialShape, Dimension, Model, Type, InputCutInfo from common.mo_convert_test_class import CommonMOConvertTest @@ -747,7 +746,7 @@ def forward(self, x): class ConvertRaises(unittest.TestCase): def test_example_inputs(self): - from openvino.tools.mo import convert_model + from openvino.runtime import convert_model pytorch_model = create_pt_model_with_custom_op() # Check that mo raises error message of wrong argument. diff --git a/tests/layer_tests/mo_python_api_tests/test_mo_convert_tf.py b/tests/layer_tests/mo_python_api_tests/test_mo_convert_tf.py index 849eb94d191044..08589e3cbc5a52 100644 --- a/tests/layer_tests/mo_python_api_tests/test_mo_convert_tf.py +++ b/tests/layer_tests/mo_python_api_tests/test_mo_convert_tf.py @@ -666,7 +666,7 @@ class TFConvertTest(unittest.TestCase): @pytest.mark.precommit def test_tf_function_no_signature(self): import tensorflow as tf - from openvino.tools.mo import convert_model + from openvino.runtime import convert_model @tf.function() def function(x1, x2): diff --git a/tests/layer_tests/mo_python_api_tests/test_mo_help.py b/tests/layer_tests/mo_python_api_tests/test_mo_help.py index 3ac5a0444a650d..e10ba33505d689 100644 --- a/tests/layer_tests/mo_python_api_tests/test_mo_help.py +++ b/tests/layer_tests/mo_python_api_tests/test_mo_help.py @@ -6,7 +6,7 @@ import sys import unittest from openvino.tools.mo import mo -from openvino.tools.mo.utils.cli_parser import get_mo_convert_params +from openvino.tools.ovc.cli_parser import get_mo_convert_params from pathlib import Path from common.utils.common_utils import shell diff --git a/tests/layer_tests/mo_python_api_tests/test_ovc_cli_tool.py b/tests/layer_tests/mo_python_api_tests/test_ovc_cli_tool.py new file mode 100644 index 00000000000000..af363c6e71bc73 --- /dev/null +++ b/tests/layer_tests/mo_python_api_tests/test_ovc_cli_tool.py @@ -0,0 +1,89 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os +import sys +from pathlib import Path + +import numpy as np +import openvino.runtime as ov +from openvino.runtime import PartialShape, Model +from openvino.test_utils import compare_functions +from openvino.tools.ovc import ovc + +from common.mo_convert_test_class import CommonMOConvertTest +from common.tf_layer_test_class import save_to_pb +from common.utils.common_utils import shell + + +def generate_ir_ovc(coverage=False, **kwargs): + # Get OVC file directory + ovc_path = Path(ovc.__file__).parent + + ovc_runner = ovc_path.joinpath('main.py').as_posix() + if coverage: + params = [sys.executable, '-m', 'coverage', 'run', '-p', '--source={}'.format(ovc_runner.parent), + '--omit=*_test.py', ovc_runner] + else: + params = [sys.executable, ovc_runner] + for key, value in kwargs.items(): + if key == "batch": + params.extend(("-b", str(value))) + elif key == "k": + params.extend(("-k", str(value))) + # for FP32 set explicitly compress_to_fp16=False, + # if we omit this argument for FP32, it will be set implicitly to True as the default + elif key == 'compress_to_fp16': + params.append("--{}={}".format(key, value)) + elif isinstance(value, bool) and value: + params.append("--{}".format(key)) + elif isinstance(value, bool) and not value: + continue + elif (isinstance(value, tuple) and value) or (isinstance(value, str)): + params.extend(("--{}".format(key), str('"{}"'.format(value)))) + elif key == "mean_values" and (' ' in value or '(' in value): + params.extend(("--{}".format(key), str('"{}"'.format(value)))) + else: + params.extend(("--{}".format(key), str(value))) + exit_code, stdout, stderr = shell(params) + return exit_code, stderr + +def create_ref_graph(): + shape = PartialShape([1, 3, 2, 2]) + param = ov.opset8.parameter(shape, dtype=np.float32) + relu = ov.opset8.relu(param) + sigm = ov.opset8.sigmoid(relu) + + return Model([sigm], [param], "test") + +class TestOVCTool(CommonMOConvertTest): + def create_tf_model(self, tmp_dir): + import tensorflow as tf + + tf.compat.v1.reset_default_graph() + + with tf.compat.v1.Session() as sess: + inp = tf.compat.v1.placeholder(tf.float32, [1, 3, 2, 2], 'Input') + relu = tf.nn.relu(inp, name='Relu') + output = tf.nn.sigmoid(relu, name='Sigmoid') + tf.compat.v1.global_variables_initializer() + tf_net = sess.graph_def + + # save model to .pb and return path to the model + return save_to_pb(tf_net, tmp_dir) + + + def test_ovc_tool(self, ie_device, precision, ir_version, temp_dir, use_new_frontend, use_old_api): + from openvino.runtime import Core + + model_path = self.create_tf_model(temp_dir) + + core = Core() + + # tests for MO cli tool + exit_code, stderr = generate_ir_ovc(coverage=False, **{"input_model": model_path, "output_dir": temp_dir}) + assert not exit_code + + ov_model = core.read_model(os.path.join(temp_dir, "model.xml")) + flag, msg = compare_functions(ov_model, create_ref_graph(), False) + assert flag, msg diff --git a/tests/layer_tests/pytorch_tests/pytorch_layer_test_class.py b/tests/layer_tests/pytorch_tests/pytorch_layer_test_class.py index 9511225b263c23..ae30a7e3ed8366 100644 --- a/tests/layer_tests/pytorch_tests/pytorch_layer_test_class.py +++ b/tests/layer_tests/pytorch_tests/pytorch_layer_test_class.py @@ -139,7 +139,7 @@ def _prepare_input(self): def convert_via_mo(self, model, example_input, trace_model, dynamic_shapes, ov_inputs): import torch - from openvino.tools.mo import convert_model + from openvino.runtime import convert_model kwargs = {"example_input": example_input if len( example_input) > 1 else example_input[0], "compress_to_fp16": False} with torch.no_grad(): diff --git a/tools/CMakeLists.txt b/tools/CMakeLists.txt index 89a14833d31450..21bb17cdb56ebf 100644 --- a/tools/CMakeLists.txt +++ b/tools/CMakeLists.txt @@ -36,10 +36,15 @@ add_subdirectory(mo) configure_file("${CMAKE_CURRENT_SOURCE_DIR}/pot/openvino/tools/pot/version.txt.in" "${CMAKE_CURRENT_SOURCE_DIR}/pot/openvino/tools/pot/version.txt" @ONLY) -# Benchmark Tool if(ENABLE_PYTHON) + +# Benchmark Tool add_subdirectory(benchmark_tool) + +# OpenVino Conversion Tool + add_subdirectory(ovc) + endif() # wheel openvino-dev diff --git a/tools/mo/automation/package_BOM.txt b/tools/mo/automation/package_BOM.txt index cfd0342aaff02e..d6e01875ac815f 100644 --- a/tools/mo/automation/package_BOM.txt +++ b/tools/mo/automation/package_BOM.txt @@ -41,12 +41,10 @@ openvino/tools/mo/back/MatMulNormalizer.py openvino/tools/mo/back/MaxPool.py openvino/tools/mo/back/names_uniqueness_check.py openvino/tools/mo/back/NormalizeToNormalizeL2.py -openvino/tools/mo/back/offline_transformations.py openvino/tools/mo/back/op_versioning.py openvino/tools/mo/back/OptimizeTransposeReshapeSequence.py openvino/tools/mo/back/PackBinaryWeights.py openvino/tools/mo/back/pass_separator.py -openvino/tools/mo/back/preprocessing.py openvino/tools/mo/back/priorbox_mutation.py openvino/tools/mo/back/ProposalMutation.py openvino/tools/mo/back/ReduceMerge.py @@ -831,16 +829,6 @@ openvino/tools/mo/mo_mxnet.py openvino/tools/mo/mo_onnx.py openvino/tools/mo/mo_paddle.py openvino/tools/mo/mo_tf.py -openvino/tools/mo/moc_frontend/__init__.py -openvino/tools/mo/moc_frontend/analysis.py -openvino/tools/mo/moc_frontend/check_config.py -openvino/tools/mo/moc_frontend/extractor.py -openvino/tools/mo/moc_frontend/layout_utils.py -openvino/tools/mo/moc_frontend/paddle_frontend_utils.py -openvino/tools/mo/moc_frontend/pipeline.py -openvino/tools/mo/moc_frontend/pytorch_frontend_utils.py -openvino/tools/mo/moc_frontend/serialize.py -openvino/tools/mo/moc_frontend/shape_utils.py openvino/tools/mo/ops/__init__.py openvino/tools/mo/ops/activation.py openvino/tools/mo/ops/activation_ops.py @@ -1038,7 +1026,6 @@ openvino/tools/mo/utils/find_inputs.py openvino/tools/mo/utils/get_ov_update_message.py openvino/tools/mo/utils/graph.py openvino/tools/mo/utils/guess_framework.py -openvino/tools/mo/utils/help.py openvino/tools/mo/utils/ie_version.py openvino/tools/mo/utils/import_extensions.py openvino/tools/mo/utils/ir_engine/__init__.py @@ -1098,12 +1085,10 @@ openvino/tools/mo/utils/shape.py openvino/tools/mo/utils/simple_proto_parser.py openvino/tools/mo/utils/str_to.py openvino/tools/mo/utils/summarize_graph.py -openvino/tools/mo/utils/telemetry_params.py openvino/tools/mo/utils/telemetry_stub.py openvino/tools/mo/utils/telemetry_utils.py openvino/tools/mo/utils/tensorboard_util.py openvino/tools/mo/utils/type_utils.py openvino/tools/mo/utils/unsupported_ops.py openvino/tools/mo/utils/utils.py -openvino/tools/mo/utils/version.py -openvino/tools/mo/utils/versions_checker.py \ No newline at end of file +openvino/tools/mo/utils/version.py \ No newline at end of file diff --git a/tools/mo/openvino/tools/mo/__init__.py b/tools/mo/openvino/tools/mo/__init__.py index 8d998f261fb7f6..84d80c1010ae45 100644 --- a/tools/mo/openvino/tools/mo/__init__.py +++ b/tools/mo/openvino/tools/mo/__init__.py @@ -1,4 +1,5 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -from .convert import convert_model, InputCutInfo, LayoutMap +from openvino.tools.mo.convert import convert_model +from openvino.tools.ovc import InputCutInfo, LayoutMap # pylint: disable=no-name-in-module,import-error diff --git a/tools/mo/openvino/tools/mo/back/CutMemory.py b/tools/mo/openvino/tools/mo/back/CutMemory.py index 3d2b0965f3a853..e0ca8e59569c30 100644 --- a/tools/mo/openvino/tools/mo/back/CutMemory.py +++ b/tools/mo/openvino/tools/mo/back/CutMemory.py @@ -6,7 +6,7 @@ from openvino.tools.mo.front.common.partial_infer.utils import mo_array from openvino.tools.mo.graph.graph import Graph from openvino.tools.mo.ops.crop import Crop -from openvino.tools.mo.utils.logger import log +from openvino.tools.ovc.logger import log # pylint: disable=no-name-in-module,import-error class CutMemoryInput(BackReplacementPattern): diff --git a/tools/mo/openvino/tools/mo/convert.py b/tools/mo/openvino/tools/mo/convert.py index bc8e76fdd1997c..06855965e40edf 100644 --- a/tools/mo/openvino/tools/mo/convert.py +++ b/tools/mo/openvino/tools/mo/convert.py @@ -2,16 +2,13 @@ # SPDX-License-Identifier: Apache-2.0 import os import pathlib -from collections import namedtuple from typing import Any from openvino.runtime import PartialShape, Shape, Layout, Model from openvino.tools.mo.convert_impl import _convert -from openvino.tools.mo.utils.cli_parser import get_all_cli_parser -from openvino.tools.mo.utils.logger import get_logger_state, restore_logger_state - -InputCutInfo = namedtuple("InputInfo", ["name", "shape", "type", "value"], defaults=[None, None, None, None]) -LayoutMap = namedtuple("LayoutMap", ["source_layout", "target_layout"], defaults=[None, None]) +from openvino.tools.ovc import InputCutInfo, LayoutMap # pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.cli_parser import get_all_cli_parser # pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.logger import get_logger_state, restore_logger_state # pylint: disable=no-name-in-module,import-error def convert_model( @@ -68,8 +65,8 @@ def convert_model( # Caffe*-specific parameters: input_proto: [str, pathlib.Path] = None, - caffe_parser_path: [str, pathlib.Path] = os.path.join(os.path.dirname(__file__), 'front', 'caffe', 'proto'), - k: [str, pathlib.Path] = os.path.join(os.path.dirname(__file__), 'front', 'caffe', 'CustomLayersMapping.xml'), + caffe_parser_path: [str, pathlib.Path] = None, + k: [str, pathlib.Path] = None, disable_omitting_optional: bool = False, enable_flattening_nested_params: bool = False, diff --git a/tools/mo/openvino/tools/mo/convert_impl.py b/tools/mo/openvino/tools/mo/convert_impl.py index ab00c552cdcf78..7d183992f5eb77 100644 --- a/tools/mo/openvino/tools/mo/convert_impl.py +++ b/tools/mo/openvino/tools/mo/convert_impl.py @@ -10,7 +10,6 @@ import traceback from collections import OrderedDict from copy import deepcopy -from distutils.version import LooseVersion from pathlib import Path try: @@ -19,17 +18,19 @@ import openvino.tools.mo.utils.telemetry_stub as tm from openvino.tools.mo.back.SpecialNodesFinalization import RemoveConstOps, CreateConstNodesReplacement, NormalizeTI -from openvino.tools.mo.moc_frontend.check_config import legacy_transformations_config_used, \ - tensorflow_custom_operations_config_update_used, new_extensions_used -from openvino.tools.mo.moc_frontend.pipeline import moc_pipeline -from openvino.tools.mo.moc_frontend.serialize import moc_emit_ir +from openvino.tools.ovc.moc_frontend.check_config import legacy_transformations_config_used, \ + tensorflow_custom_operations_config_update_used, new_extensions_used # pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.moc_frontend.pipeline import moc_pipeline # pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.moc_frontend.moc_emit_ir import moc_emit_ir # pylint: disable=no-name-in-module,import-error from openvino.tools.mo.graph.graph import Graph from openvino.tools.mo.middle.pattern_match import for_graph_and_each_sub_graph_recursively from openvino.tools.mo.middle.passes.convert_data_type import destination_type_to_np_data_type from openvino.tools.mo.pipeline.common import prepare_emit_ir from openvino.tools.mo.pipeline.unified import unified_pipeline from openvino.tools.mo.utils import import_extensions -from openvino.tools.mo.utils.cli_parser import check_available_transforms, \ + +# pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.cli_parser import check_available_transforms, \ get_advanced_cli_options, get_available_front_ends, get_caffe_cli_options, \ get_common_cli_options, get_freeze_placeholder_values, get_kaldi_cli_options, get_layout_values, \ get_mean_scale_dictionary, get_mxnet_cli_options, get_onnx_cli_options, \ @@ -38,19 +39,20 @@ input_shape_to_input_cut_info, freeze_placeholder_to_input_cut_info from openvino.tools.mo.utils.error import Error, FrameworkError -from openvino.tools.mo.utils.get_ov_update_message import get_ov_update_message, get_ov_api20_message, \ - get_tf_fe_message, get_try_legacy_fe_message, get_compression_message +from openvino.tools.ovc.get_ov_update_message import get_ov_update_message, get_ov_api20_message, \ + get_tf_fe_message, get_compression_message # pylint: disable=no-name-in-module,import-error +from openvino.tools.mo.utils.get_ov_update_message import get_try_legacy_fe_message from openvino.tools.mo.utils.model_analysis import AnalysisResults from openvino.tools.mo.utils.version import VersionChecker from openvino.tools.mo.utils.guess_framework import deduce_legacy_frontend_by_namespace -from openvino.tools.mo.utils.logger import init_logger, progress_printer +from openvino.tools.ovc.logger import init_logger, progress_printer # pylint: disable=no-name-in-module,import-error from openvino.tools.mo.utils.utils import refer_to_faq_msg, check_values_equal from openvino.tools.mo.utils.telemetry_utils import send_params_info, send_framework_info, send_conversion_result, \ get_tid -from openvino.tools.mo.moc_frontend.check_config import legacy_extensions_used -from openvino.tools.mo.moc_frontend.pytorch_frontend_utils import get_pytorch_decoder, extract_input_info_from_example -from openvino.tools.mo.moc_frontend.paddle_frontend_utils import paddle_frontend_converter -from openvino.tools.mo.moc_frontend.shape_utils import parse_input_shapes +from openvino.tools.ovc.moc_frontend.check_config import legacy_extensions_used # pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.moc_frontend.pytorch_frontend_utils import get_pytorch_decoder, extract_input_info_from_example # pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.moc_frontend.paddle_frontend_utils import paddle_frontend_converter # pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.moc_frontend.shape_utils import parse_input_shapes # pylint: disable=no-name-in-module,import-error # pylint: disable=no-name-in-module,import-error from openvino.frontend import FrontEndManager, OpConversionFailure, ProgressReporterExtension, TelemetryExtension @@ -491,7 +493,7 @@ def clear_tmp_ir_files(): return_code = "not executed" if not (argv.framework == 'tf' and argv.tensorflow_custom_operations_config_update): try: - from openvino.tools.mo.back.offline_transformations import apply_offline_transformations + from openvino.tools.ovc.moc_frontend.offline_transformations import apply_offline_transformations # pylint: disable=no-name-in-module,import-error func = apply_offline_transformations(func, argv) if "compress_to_fp16" in argv and argv.compress_to_fp16: # restore data_type cmd parameter @@ -841,7 +843,7 @@ def _convert(cli_parser: argparse.ArgumentParser, framework, args, python_api_us elif 'example_inputs' in args: raise AssertionError("'example_inputs' argument is not recognized, maybe you meant to provide 'example_input'?") - decoder = get_pytorch_decoder(args['input_model'], parse_input_shapes(args), example_inputs, args) + decoder = get_pytorch_decoder(args['input_model'], parse_input_shapes(args), example_inputs, args) if model_framework == "paddle": example_inputs = None if 'example_input' in args and args['example_input'] is not None: @@ -951,6 +953,6 @@ def _convert(cli_parser: argparse.ArgumentParser, framework, args, python_api_us send_conversion_result('fail') if python_api_used: - raise e#.with_traceback(None) + raise e.with_traceback(None) else: return None, argv diff --git a/tools/mo/openvino/tools/mo/front/tf/loader.py b/tools/mo/openvino/tools/mo/front/tf/loader.py index 72acbe0dd6d583..4e0035a76aca21 100644 --- a/tools/mo/openvino/tools/mo/front/tf/loader.py +++ b/tools/mo/openvino/tools/mo/front/tf/loader.py @@ -11,7 +11,7 @@ from openvino.tools.mo.graph.graph import Node from openvino.tools.mo.utils.error import Error, FrameworkError from openvino.tools.mo.utils.utils import refer_to_faq_msg -from openvino.tools.mo.utils.versions_checker import get_environment_setup +from openvino.tools.ovc.environment_setup_utils import get_environment_setup # pylint: disable=no-name-in-module,import-error # do not print INFO and WARNING messages from TensorFlow os.environ['TF_CPP_MIN_LOG_LEVEL'] = '2' diff --git a/tools/mo/openvino/tools/mo/load/caffe/loader.py b/tools/mo/openvino/tools/mo/load/caffe/loader.py index 05426b49554ddb..b9f0356dc26b8f 100644 --- a/tools/mo/openvino/tools/mo/load/caffe/loader.py +++ b/tools/mo/openvino/tools/mo/load/caffe/loader.py @@ -1,6 +1,7 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +import os from openvino.tools.mo.load.loader import Loader from openvino.tools.mo.front.caffe import custom_layers_mapping, loader from openvino.tools.mo.front.caffe.extractor import caffe_type_extractors, caffe_extractor @@ -17,6 +18,8 @@ class CaffeLoader(Loader): def load(self, graph: Graph): argv = graph.graph['cmd_params'] + if argv.caffe_parser_path is None: + argv.caffe_parser_path = os.path.join(os.path.dirname(os.path.dirname(os.path.dirname(__file__))), 'front', 'caffe', 'proto') caffe_pb2 = loader.import_caffe_pb2(argv.caffe_parser_path) proto, model = loader.load_caffe_proto_model(caffe_pb2, argv.input_proto, argv.input_model) @@ -42,6 +45,8 @@ def load(self, graph: Graph): graph.graph['original_shapes'] = original_shapes graph.graph['caffe_pb2'] = caffe_pb2 + if argv.k is None: + argv.k = os.path.join(os.path.dirname(os.path.dirname(os.path.dirname(__file__))), 'front', 'caffe', 'CustomLayersMapping.xml') custom_layers_map = custom_layers_mapping.load_layers_xml(argv.k) custom_layers_mapping.update_extractors( caffe_type_extractors, diff --git a/tools/mo/openvino/tools/mo/main.py b/tools/mo/openvino/tools/mo/main.py index d5fe1bcd08d330..b6d3affa738b69 100644 --- a/tools/mo/openvino/tools/mo/main.py +++ b/tools/mo/openvino/tools/mo/main.py @@ -34,5 +34,5 @@ def main(cli_parser: argparse.ArgumentParser, framework=None): if __name__ == "__main__": - from openvino.tools.mo.utils.cli_parser import get_all_cli_parser + from openvino.tools.ovc.cli_parser import get_all_cli_parser # pylint: disable=no-name-in-module,import-error sys.exit(main(get_all_cli_parser(), None)) diff --git a/tools/mo/openvino/tools/mo/main_caffe.py b/tools/mo/openvino/tools/mo/main_caffe.py index 7086e44c7f0405..a2a30426638fdb 100644 --- a/tools/mo/openvino/tools/mo/main_caffe.py +++ b/tools/mo/openvino/tools/mo/main_caffe.py @@ -3,7 +3,7 @@ import sys -from openvino.tools.mo.utils.cli_parser import get_caffe_cli_parser +from openvino.tools.ovc.cli_parser import get_caffe_cli_parser # pylint: disable=no-name-in-module,import-error if __name__ == "__main__": from openvino.tools.mo.main import main diff --git a/tools/mo/openvino/tools/mo/main_kaldi.py b/tools/mo/openvino/tools/mo/main_kaldi.py index 15ce48009efc57..2c29fa8cb080c0 100644 --- a/tools/mo/openvino/tools/mo/main_kaldi.py +++ b/tools/mo/openvino/tools/mo/main_kaldi.py @@ -3,7 +3,7 @@ import sys -from openvino.tools.mo.utils.cli_parser import get_kaldi_cli_parser +from openvino.tools.ovc.cli_parser import get_kaldi_cli_parser # pylint: disable=no-name-in-module,import-error if __name__ == "__main__": from openvino.tools.mo.main import main diff --git a/tools/mo/openvino/tools/mo/main_mxnet.py b/tools/mo/openvino/tools/mo/main_mxnet.py index 5481472358f6ce..46c4d5f9a81512 100644 --- a/tools/mo/openvino/tools/mo/main_mxnet.py +++ b/tools/mo/openvino/tools/mo/main_mxnet.py @@ -3,7 +3,7 @@ import sys -from openvino.tools.mo.utils.cli_parser import get_mxnet_cli_parser +from openvino.tools.ovc.cli_parser import get_mxnet_cli_parser # pylint: disable=no-name-in-module,import-error if __name__ == "__main__": from openvino.tools.mo.main import main diff --git a/tools/mo/openvino/tools/mo/main_onnx.py b/tools/mo/openvino/tools/mo/main_onnx.py index 06a8b48de3ef07..cb4ccc4a00b4a5 100644 --- a/tools/mo/openvino/tools/mo/main_onnx.py +++ b/tools/mo/openvino/tools/mo/main_onnx.py @@ -3,7 +3,7 @@ import sys -from openvino.tools.mo.utils.cli_parser import get_onnx_cli_parser +from openvino.tools.ovc.cli_parser import get_onnx_cli_parser # pylint: disable=no-name-in-module,import-error if __name__ == "__main__": from openvino.tools.mo.main import main diff --git a/tools/mo/openvino/tools/mo/main_paddle.py b/tools/mo/openvino/tools/mo/main_paddle.py index 0807972d59a133..6f5f393b4d3bde 100644 --- a/tools/mo/openvino/tools/mo/main_paddle.py +++ b/tools/mo/openvino/tools/mo/main_paddle.py @@ -3,7 +3,7 @@ import sys -from openvino.tools.mo.utils.cli_parser import get_all_cli_parser +from openvino.tools.ovc.cli_parser import get_all_cli_parser # pylint: disable=no-name-in-module,import-error from openvino.frontend import FrontEndManager # pylint: disable=no-name-in-module,import-error diff --git a/tools/mo/openvino/tools/mo/main_tf.py b/tools/mo/openvino/tools/mo/main_tf.py index 6bb7929a337694..e68c8bda516cc2 100644 --- a/tools/mo/openvino/tools/mo/main_tf.py +++ b/tools/mo/openvino/tools/mo/main_tf.py @@ -3,7 +3,7 @@ import sys -from openvino.tools.mo.utils.cli_parser import get_tf_cli_parser +from openvino.tools.ovc.cli_parser import get_tf_cli_parser # pylint: disable=no-name-in-module,import-error if __name__ == "__main__": from openvino.tools.mo.main import main diff --git a/tools/mo/openvino/tools/mo/middle/passes/convert_data_type.py b/tools/mo/openvino/tools/mo/middle/passes/convert_data_type.py index 38c9d8047c7e07..d72878f5c80e64 100644 --- a/tools/mo/openvino/tools/mo/middle/passes/convert_data_type.py +++ b/tools/mo/openvino/tools/mo/middle/passes/convert_data_type.py @@ -10,88 +10,10 @@ from openvino.tools.mo.utils.error import Error from openvino.tools.mo.utils.utils import refer_to_faq_msg -""" -Packed data of custom types are stored in numpy uint8 data type. -To distinguish true uint8 and custom data we introduce this class not to store, -but to have unique data type in SUPPORTED_DATA_TYPES map -""" - - -class packed_U1(np.generic): - pass - - -class packed_U4(np.generic): - pass - - -class packed_I4(np.generic): - pass - - -SUPPORTED_DATA_TYPES = { - 'float': (np.float32, 'FP32', 'f32'), - 'half': (np.float16, 'FP16', 'f16'), - 'FP32': (np.float32, 'FP32', 'f32'), - 'FP64': (np.float64, 'FP64', 'f64'), - 'FP16': (np.float16, 'FP16', 'f16'), - 'I32': (np.int32, 'I32', 'i32'), - 'I64': (np.int64, 'I64', 'i64'), - 'int8': (np.int8, 'I8', 'i8'), - 'int32': (np.int32, 'I32', 'i32'), - 'int64': (np.int64, 'I64', 'i64'), - 'bool': (bool, 'BOOL', 'boolean'), - 'uint8': (np.uint8, 'U8', 'u8'), - 'uint32': (np.uint32, 'U32', 'u32'), - 'uint64': (np.uint64, 'U64', 'u64'), - - # custom types - 'U1': (packed_U1, 'U1', 'u1'), - 'int4': (packed_I4, 'I4', 'i4'), - 'uint4': (packed_U4, 'U4', 'u4'), - 'I4': (packed_I4, 'I4', 'i4'), - 'U4': (packed_U4, 'U4', 'u4'), -} - - -def data_type_str_to_np(data_type_str: str): - return SUPPORTED_DATA_TYPES[data_type_str][0] if data_type_str in SUPPORTED_DATA_TYPES else None - - -def data_type_str_to_precision(data_type_str: str): - return SUPPORTED_DATA_TYPES[data_type_str][1] if data_type_str in SUPPORTED_DATA_TYPES else None - - -def data_type_str_to_destination_type(data_type_str: str): - return SUPPORTED_DATA_TYPES[data_type_str][2] if data_type_str in SUPPORTED_DATA_TYPES else None - - -def np_data_type_to_precision(np_data_type): - for np_t, precision, _ in SUPPORTED_DATA_TYPES.values(): - if np_t == np_data_type: - return precision - raise Error('Data type "{}" is not supported'.format(np_data_type)) - - -def np_data_type_to_destination_type(np_data_type): - for np_t, _, destination_type in SUPPORTED_DATA_TYPES.values(): - if np_t == np_data_type: - return destination_type - raise Error('Data type "{}" is not supported'.format(np_data_type)) - - -def destination_type_to_np_data_type(dst_type): - for np_t, _, destination_type in SUPPORTED_DATA_TYPES.values(): - if destination_type == dst_type: - return np_t - raise Error('Destination type "{}" is not supported'.format(dst_type)) - - -def precision_to_destination_type(data_type_str): - for _, precision, destination_type in SUPPORTED_DATA_TYPES.values(): - if precision == data_type_str: - return destination_type - raise Error('Data type "{}" is not supported'.format(data_type_str)) +# pylint: disable=no-name-in-module,import-error +from openvino.tools.ovc.convert_data_type import packed_U1, packed_U4, packed_I4, SUPPORTED_DATA_TYPES, \ + data_type_str_to_np, data_type_str_to_precision, data_type_str_to_destination_type, np_data_type_to_precision, \ + np_data_type_to_destination_type, destination_type_to_np_data_type, precision_to_destination_type def convert_blob(blob: np.ndarray, dst_type: type): diff --git a/tools/mo/openvino/tools/mo/utils/class_registration.py b/tools/mo/openvino/tools/mo/utils/class_registration.py index 48777c4a0f8deb..e95c6ab6e0ce7c 100644 --- a/tools/mo/openvino/tools/mo/utils/class_registration.py +++ b/tools/mo/openvino/tools/mo/utils/class_registration.py @@ -12,8 +12,7 @@ from openvino.tools.mo.middle.passes.eliminate import shape_inference from openvino.tools.mo.middle.pattern_match import for_graph_and_each_sub_graph_recursively from openvino.tools.mo.utils.error import Error, InternalError, FrameworkError -from openvino.tools.mo.utils.logger import progress_bar -from openvino.tools.mo.utils.utils import refer_to_faq_msg +from openvino.tools.ovc.logger import progress_bar # pylint: disable=no-name-in-module,import-error _registered_classes_dict = {} diff --git a/tools/mo/openvino/tools/mo/utils/cli_parser.py b/tools/mo/openvino/tools/mo/utils/cli_parser.py index 2efb7e0db2ce16..a9692746c92e1c 100644 --- a/tools/mo/openvino/tools/mo/utils/cli_parser.py +++ b/tools/mo/openvino/tools/mo/utils/cli_parser.py @@ -1,2017 +1,4 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -import argparse -import ast -import logging as log -import os -import re -from collections import OrderedDict, namedtuple -from distutils.util import strtobool -from itertools import zip_longest -from pathlib import Path -from operator import xor -from typing import List, Union -import numbers -import inspect - -import numpy as np -from openvino.runtime import Layout, PartialShape, Dimension, Shape, Type - -import openvino -from openvino.tools.mo.front.extractor import split_node_in_port -from openvino.tools.mo.middle.passes.convert_data_type import destination_type_to_np_data_type -from openvino.tools.mo.utils.error import Error -from openvino.tools.mo.utils.utils import refer_to_faq_msg, get_mo_root_dir -from openvino.tools.mo.utils.help import get_convert_model_help_specifics, get_to_string_methods_for_params - - -def extension_path_to_str_or_extensions_class(extension): - if isinstance(extension, str): - return extension - elif isinstance(extension, Path): - return str(extension) - else: - # Return unknown object as is. - # The type of the object will be checked by frontend.add_extension() method - return extension - - -def transformations_config_to_str(value): - if value is None: - return value - return extension_path_to_str_or_extensions_class(value) - - -def extensions_to_str_or_extensions_class(extensions): - if extensions is None: - return None - extensions_list = [] - if isinstance(extensions, str): - extensions_list = extensions.split(',') - elif isinstance(extensions, list): - for ext in extensions: - ext = extension_path_to_str_or_extensions_class(ext) - extensions_list.append(ext) - else: - extensions_list = [extension_path_to_str_or_extensions_class(extensions)] - - for ext in extensions_list: - if isinstance(ext, str): - readable_file_or_dir(ext) - return extensions_list - - -def path_to_str(path): - if path is None: - return None - if isinstance(path, str): - return path - elif isinstance(path, Path): - return str(path) - else: - raise Exception("Incorrect type of {} expected str or Path, got {}".format(path, type(path))) - - -def path_to_str_or_object(value): - if value is None or isinstance(value, str): - return value - elif isinstance(value, Path): - return str(value) - else: - return value - - -def paths_to_str(paths): - if paths is None: - return None - if isinstance(paths, list): - paths_str = [] - for path in paths: - paths_str.append(path_to_str(path)) - return ','.join(paths_str) - else: - path_to_str(paths) - - -def str_list_to_str(values): - if values is None: - return None - if isinstance(values, str): - return values - elif isinstance(values, list): - for value in values: - if not isinstance(value, str): - raise Error("Incorrect argument. {} expected to string, got type {}.".format(value, type(value))) - return ','.join(values) - else: - raise Error("Incorrect argument. {} expected to string or list of strings, got type {}.".format(values, type(values))) - - -def is_shape_type(value): - if isinstance(value, PartialShape): - return True - if isinstance(value, Shape): - return True - if isinstance(value, list) or isinstance(value, tuple): - for dim in value: - if not (isinstance(dim, Dimension) or isinstance(dim, int)): - return False - return True - return False - - -def value_to_str(value, separator): - if isinstance(value, np.ndarray): - values = [] - for x in np.nditer(value): - values.append(str(x)) - return "[" + separator.join(values) + "]" - if isinstance(value, list): - values = [] - for x in value: - if not isinstance(x, numbers.Number): - raise Exception("Incorrect value type. Expected numeric value, got {}".format(type(x))) - values.append(str(x)) - return "[" + separator.join(values) + "]" - if isinstance(value, bool): - return "True" if value else "False" - raise Exception("Incorrect value type. Expected np.ndarray or list, got {}".format(type(value))) - - -def single_input_to_input_cut_info(input: [str, tuple, list, PartialShape, Type, type]): - """ - Parses parameters of single input to InputCutInfo. - :param input: input cut parameters of single input - :return: InputCutInfo - """ - if isinstance(input, str): - # Parse params from string - node_name, shape, value, data_type = parse_input_value(input) - return openvino.tools.mo.InputCutInfo(node_name, - PartialShape(shape) if shape is not None else None, - data_type, - value) - if isinstance(input, openvino.tools.mo.InputCutInfo): - # Wrap input.shape to PartialShape if possible and wrap to InputCutInfo - return openvino.tools.mo.InputCutInfo(input.name, - PartialShape(input.shape) if input.shape is not None else None, - input.type, - input.value) - if isinstance(input, (tuple, list, PartialShape)): - # If input represents list with shape, wrap it to list. Single PartialShape also goes to this condition. - # Check of all dimensions will be in is_shape_type(val) method below - if len(input) > 0 and isinstance(input[0], (int, Dimension)): - input = [input] - - # Check values of tuple or list and collect to InputCutInfo - name = None - inp_type = None - shape = None - for val in input: - if isinstance(val, str): - if name is not None: - raise Exception("More than one input name provided: {}".format(input)) - name = val - elif isinstance(val, (type, Type)): - if inp_type is not None: - raise Exception("More than one input type provided: {}".format(input)) - inp_type = val - elif is_shape_type(val): - if shape is not None: - raise Exception("More than one input shape provided: {}".format(input)) - shape = PartialShape(val) - else: - raise Exception("Incorrect input parameters provided. Expected tuple with input name, " - "input type or input shape. Got unknown object: {}".format(val)) - return openvino.tools.mo.InputCutInfo(name, - PartialShape(shape) if shape is not None else None, - inp_type, - None) - # Case when only type is set - if isinstance(input, (type, Type)): - return openvino.tools.mo.InputCutInfo(None, None, input, None) - - # We don't expect here single unnamed value. If list of int is set it is considered as shape. - # Setting of value is expected only using InputCutInfo or string analog. - - raise Exception("Unexpected object provided for input. Expected openvino.tools.mo.InputCutInfo " - "or tuple or str. Got {}".format(type(input))) - - -def input_to_input_cut_info(input: [str, tuple, list]): - """ - Parses 'input' to list of InputCutInfo. - :param input: input cut parameters passed by user - :return: list of InputCutInfo with input cut parameters - """ - if input is None: - return [] - if isinstance(input, str): - inputs = [] - # Split to list of string - for input_value in split_inputs(input): - - # Parse string with parameters for single input - node_name, shape, value, data_type = parse_input_value(input_value) - inputs.append(openvino.tools.mo.InputCutInfo(node_name, - PartialShape(shape) if shape is not None else None, - data_type, - value)) - return inputs - if isinstance(input, openvino.tools.mo.InputCutInfo): - # Wrap to list and return - return [input] - if isinstance(input, tuple): - # Case when input is single shape set in tuple - if len(input) > 0 and isinstance(input[0], (int, Dimension)): - input = [input] - # Case when input is set as tuple. Expected that it is always single input. - return [single_input_to_input_cut_info(input)] - if isinstance(input, list): - # Case when input is single shape set in list - if len(input) > 0 and isinstance(input[0], (int, Dimension)): - input = [input] - inputs = [] - # Case when input is set as list. Expected that it is list of params for different inputs. - for inp in input: - inputs.append(single_input_to_input_cut_info(inp)) - return inputs - # Case when single type or value is set, or unknown object - return [single_input_to_input_cut_info(input)] - - -def input_shape_to_input_cut_info(input_shape: [str, Shape, PartialShape, list, tuple], inputs: list): - """ - Parses 'input_shape' to list of PartialShape and updates 'inputs'. - :param input_shape: input shapes passed by user - :param inputs: list of InputCutInfo with information from 'input' parameter - """ - if input_shape is None: - return - if isinstance(input_shape, str): - # Split input_shape to list of string - input_shape = split_shapes(input_shape) - if isinstance(input_shape, (Shape, PartialShape)): - # Whap single shape to list - input_shape = [input_shape] - if isinstance(input_shape, (list, tuple)): - # Check case when single shape is passed as list or tuple - if len(input_shape) > 0 and isinstance(input_shape[0], (int, Dimension)): - input_shape = [input_shape] - - if len(inputs) > 0 and len(input_shape) > 0: - assert len(inputs) == len(input_shape), "Different numbers of inputs were specified in --input parameter " \ - "and --input_shapes. --input has {} items, --input_shape has {} item.".format(len(inputs), len(input_shape)) - - # Update inputs with information from 'input_shape' - if len(inputs) > 0: - for idx, shape in enumerate(input_shape): - shape = PartialShape(shape) - assert inputs[idx].shape is None, "Shape was set in both --input and in --input_shape parameter." \ - "Please use either --input or --input_shape for shape setting." - inputs[idx] = openvino.tools.mo.InputCutInfo(inputs[idx].name, shape, inputs[idx].type, inputs[idx].value) - - else: - for shape in input_shape: - inputs.append(openvino.tools.mo.InputCutInfo(None, PartialShape(shape), None, None)) - return - - raise Exception("Unexpected object provided for input_shape. Expected PartialShape, Shape, tuple, list or str. " - "Got {}".format(type(input_shape))) - - -def freeze_placeholder_to_input_cut_info(argv_freeze_placeholder_with_value: str, inputs: list): - """ - Parses 'argv_freeze_placeholder_with_value' to dictionary and collects unnamed inputs from 'inputs' to list. - :param argv_freeze_placeholder_with_value: string set by user. - As it was planned to be deprecated no Python analogs were made. - :param inputs: list of InputCutInfo with information from 'input' parameter - :returns (placeholder_values, unnamed_placeholder_values), where - placeholder_values - dictionary where key is node name, value is node value, - unnamed_placeholder_values - list with unnamed node values - """ - # Parse argv_freeze_placeholder_with_value to dictionary with names and values - placeholder_values = parse_freeze_placeholder_values(argv_freeze_placeholder_with_value) - unnamed_placeholder_values = [] - - # Collect values for freezing from 'inputs' - if inputs is not None and len(inputs) > 0: - for input in inputs: - node_name = input.name - value = input.value - if value is None: - continue - # Check for value conflict - if node_name in placeholder_values and placeholder_values[node_name] != value: - raise Error("Overriding replacement value of the placeholder with name '{}': old value = {}, new value = {}" - ".".format(node_name, placeholder_values[node_name], value)) - if node_name is not None: - # Named input case, add to dictionary - placeholder_values[node_name] = value - else: - # Unnamed input case, add to list - unnamed_placeholder_values.append(value) - - return placeholder_values, unnamed_placeholder_values - - -def mean_scale_value_to_str(value): - # default empty value - if isinstance(value, tuple) and len(value) == 0: - return value - - if isinstance(value, str): - return value - if isinstance(value, dict): - values_str = [] - for op_name, val in value.items(): - if not isinstance(op_name, str): - raise Exception("Incorrect operation name type. Expected string, got {}".format(type(op_name))) - values_str.append(op_name + value_to_str(val, ",")) - return ",".join(values_str) - if isinstance(value, list) or isinstance(value, tuple): - list_of_lists = False - for val in value: - if isinstance(val, list) or isinstance(val, tuple): - list_of_lists = True - break - if list_of_lists: - values_str = [] - for val in value: - values_str.append(value_to_str(val, ",")) - return ",".join(values_str) - else: - return value_to_str(value, ",") - return value_to_str(value, ",") - - -def layout_to_str(layout): - if isinstance(layout, str): - return layout - if isinstance(layout, Layout): - return layout.to_string() - raise Exception("Incorrect layout type. Expected Layout or string or dictionary, " - "where key is operation name and value is layout or list of layouts, got {}".format(type(layout))) - - -def source_target_layout_to_str(value): - # default empty value - if isinstance(value, tuple) and len(value) == 0: - return value - - if isinstance(value, str): - return value - if isinstance(value, dict): - values_str = [] - for op_name, layout in value.items(): - if not isinstance(op_name, str): - raise Exception("Incorrect operation name type. Expected string, got {}".format(type(op_name))) - values_str.append(op_name + "(" + layout_to_str(layout) + ")") - return ",".join(values_str) - - return layout_to_str(value) - - -def layoutmap_to_str(value): - if isinstance(value, str): - return value - if isinstance(value, openvino.tools.mo.LayoutMap): - assert value.source_layout is not None, "Incorrect layout map. 'source_layout' should be set." - source_layout = layout_to_str(value.source_layout) - if value.target_layout is not None: - target_layout = layout_to_str(value.target_layout) - source_layout += "->" + target_layout - return source_layout - return layout_to_str(value) - - -def layout_param_to_str(value): - # default empty value - if isinstance(value, tuple) and len(value) == 0: - return value - - if isinstance(value, str): - return value - - if isinstance(value, dict): - values_str = [] - for op_name, layout in value.items(): - if not isinstance(op_name, str): - raise Exception("Incorrect operation name type. Expected string, got {}".format(type(op_name))) - values_str.append(op_name + "(" + layoutmap_to_str(layout) + ")") - return ",".join(values_str) - if isinstance(value, openvino.tools.mo.LayoutMap): - return layoutmap_to_str(value) - if isinstance(value, list) or isinstance(value, tuple): - values_str = [] - for layout in value: - values_str.append(layoutmap_to_str(layout)) - return ",".join(values_str) - - return layoutmap_to_str(value) - - -def batch_to_int(value): - if value is None or isinstance(value, int): - return value - if isinstance(value, Dimension): - if not value.is_static: - # TODO: Ticket 88676 - raise Exception("Dynamic batch for --batch parameter is not supported.") - else: - return value.get_length() - raise Exception("Incorrect batch value. Expected int, got {}.".format(type(value))) - - -def transform_param_value_to_str(value): - # This function supports parsing of parameters of MakeStateful, LowLatency2, Pruning. - # If available transforms list is extended this method should be extended for new transforms. - if isinstance(value, str): - return value - if isinstance(value, bool): - return str(value) - if isinstance(value, dict): - # param_res_names dictionary for MakeStateful transform - values_str = [] - for input_name, output_name in value.items(): - assert isinstance(input_name, str), "Incorrect input name. " \ - "Expected string, got {}".format(type(input_name)) - assert isinstance(output_name, str), "Incorrect output name. " \ - "Expected string, got {}".format(type(output_name)) - values_str.append("\'{}\':\'{}\'".format(input_name, output_name)) - return "{" + ','.join(values_str) + "}" - raise Exception("Unknown parameter type.") - - -def transform_to_str(value): - from openvino.tools.mo.back.offline_transformations import get_available_transformations - - if isinstance(value, str): - return value - - if isinstance(value, tuple): - assert 1 <= len(value) <= 2, "Incorrect definition of transformation in transform argument: " \ - "expected two elements in tuple, provided {}. " \ - "Supported transforms are: {}".format( - len(value), - list(get_available_transformations().keys())) - transform_name = value[0] - assert isinstance(transform_name, str), "Incorrect transform name type. " \ - "Expected string, got {}".format(type(transform_name)) - if len(value) == 2: - params = value[1] - assert isinstance(params, dict), "Incorrect transform params type. " \ - "Expected dictionary, got {}".format(type(params)) - params_str_list = [] - for param_name, val in params.items(): - assert isinstance(param_name, str), "Incorrect transform parameter name type. " \ - "Expected string, got {}".format(type(param_name)) - val_str = transform_param_value_to_str(val) - params_str_list.append(param_name + "=" + val_str) - transform_name += '[' + ','.join(params_str_list) + ']' - return transform_name - raise Exception("Incorrect transform type. Expected tuple with transform name and " - "dictionary with transform parameters. Got object of type {}".format(type(value))) - - -def transform_param_to_str(value): - if value is None or isinstance(value, str): - return value - if isinstance(value, list): - transforms_str = [] - for transform in value: - transforms_str.append(transform_to_str(transform)) - return ','.join(transforms_str) - return transform_to_str(value) - - -ParamDescription = namedtuple("ParamData", - ["description", "cli_tool_description", "to_string"]) - - -def get_mo_convert_params(): - mo_convert_docs = openvino.tools.mo.convert_model.__doc__ - mo_convert_params = {} - group = "Optional parameters:" - mo_convert_params[group] = {} - - mo_convert_docs = mo_convert_docs[:mo_convert_docs.find('Returns:')] - - while len(mo_convert_docs) > 0: - param_idx1 = mo_convert_docs.find(":param") - if param_idx1 == -1: - break - param_idx2 = mo_convert_docs.find(":", param_idx1+1) - param_name = mo_convert_docs[param_idx1+len(':param '):param_idx2] - - param_description_idx = mo_convert_docs.find(":param", param_idx2+1) - param_description = mo_convert_docs[param_idx2+1: param_description_idx] - - group_name_idx = param_description.rfind('\n\n') - group_name = '' - if group_name_idx != -1: - group_name = param_description[group_name_idx:].strip() - - param_description = param_description[:group_name_idx] - param_description = param_description.strip() - - mo_convert_params[group][param_name] = ParamDescription(param_description, "", None) - - mo_convert_docs = mo_convert_docs[param_description_idx:] - - if group_name != '': - mo_convert_params[group_name] = {} - group = group_name - - # TODO: remove this when internal converting of params to string is removed - params_converted_to_string = get_to_string_methods_for_params() - - params_with_paths = get_params_with_paths_list() - cli_tool_specific_descriptions = get_convert_model_help_specifics() - - for group_name, param_group in mo_convert_params.items(): - for param_name, d in param_group.items(): - to_str_method = None - if param_name in params_converted_to_string: - to_str_method = params_converted_to_string[param_name] - elif param_name in params_with_paths: - to_str_method = path_to_str - - cli_tool_description = None - if param_name in cli_tool_specific_descriptions: - cli_tool_description = cli_tool_specific_descriptions[param_name] - - desc = ParamDescription(d.description, - cli_tool_description, - to_str_method) - mo_convert_params[group_name][param_name] = desc - - return mo_convert_params - - -class DeprecatedStoreTrue(argparse.Action): - def __init__(self, nargs=0, **kw): - super().__init__(nargs=nargs, **kw) - - def __call__(self, parser, namespace, values, option_string=None): - dep_msg = "Use of deprecated cli option {} detected. Option use in the following releases will be fatal. ".format(option_string) - if 'fusing' in option_string: - dep_msg += 'Please use --finegrain_fusing cli option instead' - log.error(dep_msg, extra={'is_warning': True}) - setattr(namespace, self.dest, True) - - -class DeprecatedOptionCommon(argparse.Action): - def __call__(self, parser, args, values, option_string): - dep_msg = "Use of deprecated cli option {} detected. Option use in the following releases will be fatal. ".format(option_string) - log.error(dep_msg, extra={'is_warning': True}) - setattr(args, self.dest, values) - - -class IgnoredAction(argparse.Action): - def __init__(self, nargs=0, **kw): - super().__init__(nargs=nargs, **kw) - - def __call__(self, parser, namespace, values, option_string=None): - dep_msg = "Use of removed cli option '{}' detected. The option is ignored. ".format(option_string) - log.error(dep_msg, extra={'is_warning': True}) - setattr(namespace, self.dest, True) - - -def canonicalize_and_check_paths(values: Union[str, List[str]], param_name, - try_mo_root=False, check_existence=True) -> List[str]: - if values is not None: - list_of_values = list() - if isinstance(values, str): - if values != "": - list_of_values = values.split(',') - elif isinstance(values, list): - list_of_values = values - else: - raise Error('Unsupported type of command line parameter "{}" value'.format(param_name)) - - if not check_existence: - return [get_absolute_path(path) for path in list_of_values] - - for idx, val in enumerate(list_of_values): - list_of_values[idx] = val - - error_msg = 'The value for command line parameter "{}" must be existing file/directory, ' \ - 'but "{}" does not exist.'.format(param_name, val) - if os.path.exists(val): - continue - elif not try_mo_root or val == '': - raise Error(error_msg) - elif try_mo_root: - path_from_mo_root = get_mo_root_dir() + '/mo/' + val - list_of_values[idx] = path_from_mo_root - if not os.path.exists(path_from_mo_root): - raise Error(error_msg) - - return [get_absolute_path(path) for path in list_of_values] - - -class CanonicalizePathAction(argparse.Action): - """ - Expand user home directory paths and convert relative-paths to absolute. - """ - - def __call__(self, parser, namespace, values, option_string=None): - list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, - try_mo_root=False, check_existence=False) - setattr(namespace, self.dest, ','.join(list_of_paths)) - - -class CanonicalizeTransformationPathCheckExistenceAction(argparse.Action): - """ - Convert relative to the current and relative to mo root paths to absolute - and check specified file or directory existence. - """ - - def __call__(self, parser, namespace, values, option_string=None): - list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, - try_mo_root=True, check_existence=True) - setattr(namespace, self.dest, ','.join(list_of_paths)) - - -class CanonicalizePathCheckExistenceAction(argparse.Action): - """ - Expand user home directory paths and convert relative-paths to absolute and check specified file or directory - existence. - """ - - def __call__(self, parser, namespace, values, option_string=None): - list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, - try_mo_root=False, check_existence=True) - setattr(namespace, self.dest, ','.join(list_of_paths)) - - -class CanonicalizeExtensionsPathCheckExistenceAction(argparse.Action): - """ - Expand user home directory paths and convert relative-paths to absolute and check specified file or directory - existence. - """ - - def __call__(self, parser, namespace, values, option_string=None): - list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, - try_mo_root=False, check_existence=True) - # Extensions paths are needed to be stored as list - setattr(namespace, self.dest, list_of_paths) - - -class CanonicalizePathCheckExistenceIfNeededAction(CanonicalizePathCheckExistenceAction): - - def __call__(self, parser, namespace, values, option_string=None): - if values is not None: - if isinstance(values, str): - if values != "": - super().__call__(parser, namespace, values, option_string) - else: - setattr(namespace, self.dest, values) - - -class DeprecatedCanonicalizePathCheckExistenceAction(CanonicalizePathCheckExistenceAction): - def __call__(self, parser, namespace, values, option_string=None): - dep_msg = "Use of deprecated cli option {} detected. Option use in the following releases will be fatal. ".format( - option_string) - log.error(dep_msg, extra={'is_warning': True}) - super().__call__(parser, namespace, values, option_string) - - -def readable_file(path: str): - """ - Check that specified path is a readable file. - :param path: path to check - :return: path if the file is readable - """ - if not os.path.isfile(path): - raise Error('The "{}" is not existing file'.format(path)) - elif not os.access(path, os.R_OK): - raise Error('The "{}" is not readable'.format(path)) - else: - return path - - -def readable_file_or_dir(path: str): - """ - Check that specified path is a readable file or directory. - :param path: path to check - :return: path if the file/directory is readable - """ - if not os.path.isfile(path) and not os.path.isdir(path): - raise Error('The "{}" is not existing file or directory'.format(path)) - elif not os.access(path, os.R_OK): - raise Error('The "{}" is not readable'.format(path)) - else: - return path - - -def readable_dirs(paths: str): - """ - Checks that comma separated list of paths are readable directories. - :param paths: comma separated list of paths. - :return: comma separated list of paths. - """ - paths_list = [readable_dir(path) for path in paths.split(',')] - return ','.join(paths_list) - - -def readable_dirs_or_empty(paths: str): - """ - Checks that comma separated list of paths are readable directories of if it is empty. - :param paths: comma separated list of paths. - :return: comma separated list of paths. - """ - if paths: - return readable_dirs(paths) - return paths - - -def readable_dirs_or_files_or_empty(paths: str): - """ - Checks that comma separated list of paths are readable directories, files or a provided path is empty. - :param paths: comma separated list of paths. - :return: comma separated list of paths. - """ - if paths: - paths_list = [readable_file_or_dir(path) for path in paths.split(',')] - return ','.join(paths_list) - return paths - - -def readable_dir(path: str): - """ - Check that specified path is a readable directory. - :param path: path to check - :return: path if the directory is readable - """ - if not os.path.isdir(path): - raise Error('The "{}" is not existing directory'.format(path)) - elif not os.access(path, os.R_OK): - raise Error('The "{}" is not readable'.format(path)) - else: - return path - - -def writable_dir(path: str): - """ - Checks that specified directory is writable. The directory may not exist but it's parent or grandparent must exist. - :param path: path to check that it is writable. - :return: path if it is writable - """ - if path is None: - raise Error('The directory parameter is None') - if os.path.exists(path): - if os.path.isdir(path): - if os.access(path, os.W_OK): - return path - else: - raise Error('The directory "{}" is not writable'.format(path)) - else: - raise Error('The "{}" is not a directory'.format(path)) - else: - cur_path = path - while os.path.dirname(cur_path) != cur_path: - if os.path.exists(cur_path): - break - cur_path = os.path.dirname(cur_path) - if cur_path == '': - cur_path = os.path.curdir - if os.access(cur_path, os.W_OK): - return path - else: - raise Error('The directory "{}" is not writable'.format(cur_path)) - - -def add_args_by_description(args_group, params_description): - signature = inspect.signature(openvino.tools.mo.convert_model) - filepath_args = get_params_with_paths_list() - cli_tool_specific_descriptions = get_convert_model_help_specifics() - for param_name, param_description in params_description.items(): - if param_name == 'help': - continue - cli_param_name = "--"+param_name - if cli_param_name not in args_group._option_string_actions: - # Get parameter specifics - param_specifics = cli_tool_specific_descriptions[param_name] if param_name in \ - cli_tool_specific_descriptions else {} - help_text = param_specifics['description'] if 'description' in param_specifics \ - else param_description.description - action = param_specifics['action'] if 'action' in param_specifics else None - param_type = param_specifics['type'] if 'type' in param_specifics else None - param_alias = param_specifics['aliases'] if 'aliases' in param_specifics else {} - param_version = param_specifics['version'] if 'version' in param_specifics else None - param_choices = param_specifics['choices'] if 'choices' in param_specifics else None - - # Bool params common setting - if signature.parameters[param_name].annotation == bool and param_name != 'version': - args_group.add_argument( - cli_param_name, *param_alias, - type=check_bool if param_type is None else param_type, - nargs="?", - const=True, - help=help_text, - default=signature.parameters[param_name].default) - # File paths common setting - elif param_name in filepath_args: - action = action if action is not None else CanonicalizePathCheckExistenceAction - args_group.add_argument( - cli_param_name, *param_alias, - type=str if param_type is None else param_type, - action=action, - help=help_text, - default=signature.parameters[param_name].default) - # Other params - else: - additional_params = {} - if param_version is not None: - additional_params['version'] = param_version - if param_type is not None: - additional_params['type'] = param_type - if param_choices is not None: - additional_params['choices'] = param_choices - args_group.add_argument( - cli_param_name, *param_alias, - help=help_text, - default=signature.parameters[param_name].default, - action=action, - **additional_params - ) - - -def get_common_cli_parser(parser: argparse.ArgumentParser = None): - if not parser: - parser = argparse.ArgumentParser() - common_group = parser.add_argument_group('Framework-agnostic parameters') - mo_convert_params = get_mo_convert_params() - mo_convert_params_common = mo_convert_params['Framework-agnostic parameters:'] - - # Command line tool specific params - common_group.add_argument('--model_name', '-n', - help='Model_name parameter passed to the final create_ir transform. ' + - 'This parameter is used to name ' + - 'a network in a generated IR and output .xml/.bin files.') - common_group.add_argument('--output_dir', '-o', - help='Directory that stores the generated IR. ' + - 'By default, it is the directory from where the Model Optimizer is launched.', - default=get_absolute_path('.'), - action=CanonicalizePathAction, - type=writable_dir) - - # Deprecated params - common_group.add_argument('--freeze_placeholder_with_value', - help='Replaces input layer with constant node with ' - 'provided value, for example: "node_name->True". ' - 'It will be DEPRECATED in future releases. ' - 'Use --input option to specify a value for freezing.', - default=None) - common_group.add_argument('--static_shape', - help='Enables IR generation for fixed input shape (folding `ShapeOf` operations and ' - 'shape-calculating sub-graphs to `Constant`). Changing model input shape using ' - 'the OpenVINO Runtime API in runtime may fail for such an IR.', - action='store_true', default=False) - common_group.add_argument("--use_new_frontend", - help='Force the usage of new Frontend of Model Optimizer for model conversion into IR. ' - 'The new Frontend is C++ based and is available for ONNX* and PaddlePaddle* models. ' - 'Model optimizer uses new Frontend for ONNX* and PaddlePaddle* by default that means ' - '`--use_new_frontend` and `--use_legacy_frontend` options are not specified.', - action='store_true', default=False) - common_group.add_argument("--use_legacy_frontend", - help='Force the usage of legacy Frontend of Model Optimizer for model conversion into IR. ' - 'The legacy Frontend is Python based and is available for TensorFlow*, ONNX*, MXNet*, ' - 'Caffe*, and Kaldi* models.', - action='store_true', default=False) - add_args_by_description(common_group, mo_convert_params_common) - return parser - - -def get_common_cli_options(model_name): - d = OrderedDict() - d['input_model'] = '- Path to the Input Model' - d['output_dir'] = ['- Path for generated IR', lambda x: x if x != '.' else os.getcwd()] - d['model_name'] = ['- IR output name', lambda x: x if x else model_name] - d['log_level'] = '- Log level' - d['batch'] = ['- Batch', lambda x: x if x else 'Not specified, inherited from the model'] - d['input'] = ['- Input layers', lambda x: x if x else 'Not specified, inherited from the model'] - d['output'] = ['- Output layers', lambda x: x if x else 'Not specified, inherited from the model'] - d['input_shape'] = ['- Input shapes', lambda x: x if x else 'Not specified, inherited from the model'] - d['source_layout'] = ['- Source layout', lambda x: x if x else 'Not specified'] - d['target_layout'] = ['- Target layout', lambda x: x if x else 'Not specified'] - d['layout'] = ['- Layout', lambda x: x if x else 'Not specified'] - d['mean_values'] = ['- Mean values', lambda x: x if x else 'Not specified'] - d['scale_values'] = ['- Scale values', lambda x: x if x else 'Not specified'] - d['scale'] = ['- Scale factor', lambda x: x if x else 'Not specified'] - d['transform'] = ['- User transformations', lambda x: x if x else 'Not specified'] - d['reverse_input_channels'] = '- Reverse input channels' - d['static_shape'] = '- Enable IR generation for fixed input shape' - d['transformations_config'] = '- Use the transformations config file' - return d - - -def get_advanced_cli_options(): - d = OrderedDict() - d['use_legacy_frontend'] = '- Force the usage of legacy Frontend of Model Optimizer for model conversion into IR' - d['use_new_frontend'] = '- Force the usage of new Frontend of Model Optimizer for model conversion into IR' - return d - - -def get_caffe_cli_options(): - d = { - 'input_proto': ['- Path to the Input prototxt', lambda x: x], - 'caffe_parser_path': ['- Path to Python Caffe* parser generated from caffe.proto', lambda x: x], - 'k': '- Path to CustomLayersMapping.xml', - } - - return OrderedDict(sorted(d.items(), key=lambda t: t[0])) - - -def get_tf_cli_options(): - d = { - 'input_model_is_text': '- Input model in text protobuf format', - 'tensorflow_custom_operations_config_update': '- Update the configuration file with input/output node names', - 'tensorflow_object_detection_api_pipeline_config': '- Use configuration file used to generate the model with ' - 'Object Detection API', - 'tensorflow_custom_layer_libraries': '- List of shared libraries with TensorFlow custom layers implementation', - 'tensorboard_logdir': '- Path to model dump for TensorBoard' - } - - return OrderedDict(sorted(d.items(), key=lambda t: t[0])) - - -def get_mxnet_cli_options(): - d = { - 'input_symbol': '- Deploy-ready symbol file', - 'nd_prefix_name': '- Prefix name for args.nd and argx.nd files', - 'pretrained_model_name': '- Pretrained model to be merged with the .nd files', - 'save_params_from_nd': '- Enable saving built parameters file from .nd files', - 'legacy_mxnet_model': '- Enable MXNet loader for models trained with MXNet version lower than 1.0.0', - } - - return OrderedDict(sorted(d.items(), key=lambda t: t[0])) - - -def get_kaldi_cli_options(): - d = { - 'counts': '- A file name with full path to the counts file or empty string if you want to use counts from model', - 'remove_output_softmax': '- Removes the SoftMax layer that is the output layer', - 'remove_memory': '- Removes the Memory layer and use additional inputs and outputs instead' - } - - return OrderedDict(sorted(d.items(), key=lambda t: t[0])) - - -def get_onnx_cli_options(): - d = { - } - - return OrderedDict(sorted(d.items(), key=lambda t: t[0])) - - -def get_params_with_paths_list(): - return ['input_model', 'output_dir', 'caffe_parser_path', 'extensions', 'k', 'output_dir', - 'input_checkpoint', 'input_meta_graph', 'input_proto', 'input_symbol', - 'pretrained_model_name', 'saved_model_dir', 'tensorboard_logdir', - 'tensorflow_custom_layer_libraries', 'tensorflow_custom_operations_config_update', - 'tensorflow_object_detection_api_pipeline_config', - 'transformations_config'] - - -def get_caffe_cli_parser(parser: argparse.ArgumentParser = None): - """ - Specifies cli arguments for Model Optimizer for Caffe* - - Returns - ------- - ArgumentParser instance - """ - if not parser: - parser = argparse.ArgumentParser(usage='%(prog)s [options]') - get_common_cli_parser(parser=parser) - - caffe_group = parser.add_argument_group('Caffe*-specific parameters') - mo_convert_params_caffe = get_mo_convert_params()['Caffe*-specific parameters:'] - add_args_by_description(caffe_group, mo_convert_params_caffe) - return parser - - -def get_tf_cli_parser(parser: argparse.ArgumentParser = None): - """ - Specifies cli arguments for Model Optimizer for TF - - Returns - ------- - ArgumentParser instance - """ - if not parser: - parser = argparse.ArgumentParser(usage='%(prog)s [options]') - get_common_cli_parser(parser=parser) - mo_convert_params_tf = get_mo_convert_params()['TensorFlow*-specific parameters:'] - - tf_group = parser.add_argument_group('TensorFlow*-specific parameters') - add_args_by_description(tf_group, mo_convert_params_tf) - return parser - - -def get_mxnet_cli_parser(parser: argparse.ArgumentParser = None): - """ - Specifies cli arguments for Model Optimizer for MXNet* - - Returns - ------- - ArgumentParser instance - """ - if not parser: - parser = argparse.ArgumentParser(usage='%(prog)s [options]') - get_common_cli_parser(parser=parser) - - mx_group = parser.add_argument_group('MXNet-specific parameters') - mo_convert_params_mxnet = get_mo_convert_params()['MXNet-specific parameters:'] - add_args_by_description(mx_group, mo_convert_params_mxnet) - - return parser - - -def get_kaldi_cli_parser(parser: argparse.ArgumentParser = None): - """ - Specifies cli arguments for Model Optimizer for MXNet* - - Returns - ------- - ArgumentParser instance - """ - if not parser: - parser = argparse.ArgumentParser(usage='%(prog)s [options]') - get_common_cli_parser(parser=parser) - - kaldi_group = parser.add_argument_group('Kaldi-specific parameters') - mo_convert_params_kaldi = get_mo_convert_params()['Kaldi-specific parameters:'] - add_args_by_description(kaldi_group, mo_convert_params_kaldi) - return parser - - -def get_onnx_cli_parser(parser: argparse.ArgumentParser = None): - """ - Specifies cli arguments for Model Optimizer for ONNX - - Returns - ------- - ArgumentParser instance - """ - if not parser: - parser = argparse.ArgumentParser(usage='%(prog)s [options]') - get_common_cli_parser(parser=parser) - - return parser - - -def get_all_cli_parser(): - """ - Specifies cli arguments for Model Optimizer - - Returns - ------- - ArgumentParser instance - """ - parser = argparse.ArgumentParser(usage='%(prog)s [options]') - mo_convert_params_optional = get_mo_convert_params()['Optional parameters:'] - add_args_by_description(parser, mo_convert_params_optional) - - get_common_cli_parser(parser=parser) - get_tf_cli_parser(parser=parser) - get_caffe_cli_parser(parser=parser) - get_mxnet_cli_parser(parser=parser) - get_kaldi_cli_parser(parser=parser) - get_onnx_cli_parser(parser=parser) - - return parser - - -def remove_data_type_from_input_value(input_value: str): - """ - Removes the type specification from the input string. The type specification is a string enclosed with curly braces. - :param input_value: string passed as input to the --input command line parameter - :return: string without type specification - """ - return re.sub(r'\{.*\}', '', input_value) - - -def get_data_type_from_input_value(input_value: str): - """ - Returns the numpy data type corresponding to the data type specified in the input value string - :param input_value: string passed as input to the --input command line parameter - :return: the corresponding numpy data type and None if the data type is not specified in the input value - """ - data_type_match = re.match(r'.*\{(.*)\}.*', input_value) - return destination_type_to_np_data_type(data_type_match.group(1)) if data_type_match is not None else None - - -def remove_shape_from_input_value(input_value: str): - """ - Removes the shape specification from the input string. The shape specification is a string enclosed with square - brackets. - :param input_value: string passed as input to the --input command line parameter - :return: string without shape specification - """ - assert '->' not in input_value, 'The function should not be called for input_value with constant value specified' - return re.sub(r'[(\[]([0-9\.?, -]*)[)\]]', '', input_value) - - -def get_shape_from_input_value(input_value: str): - """ - Returns PartialShape corresponding to the shape specified in the input value string - :param input_value: string passed as input to the --input command line parameter - :return: the corresponding shape and None if the shape is not specified in the input value - """ - # remove the tensor value from the input_value first - input_value = input_value.split('->')[0] - - # parse shape - shape = re.findall(r'[(\[]([0-9\.\?, -]*)[)\]]', input_value) - if len(shape) == 0: - shape = None - elif len(shape) == 1 and shape[0] in ['', ' ']: - # this shape corresponds to scalar - shape = PartialShape([]) - elif len(shape) == 1: - dims = re.split(r', *| +', shape[0]) - dims = list(filter(None, dims)) - shape = PartialShape([Dimension(dim) for dim in dims]) - else: - raise Error("Wrong syntax to specify shape. Use --input " - "\"node_name[shape]->value\"") - return shape - - -def get_node_name_with_port_from_input_value(input_value: str): - """ - Returns the node name (optionally with input/output port) from the input value - :param input_value: string passed as input to the --input command line parameter - :return: the corresponding node name with input/output port - """ - return remove_shape_from_input_value(remove_data_type_from_input_value(input_value.split('->')[0])) - - -def get_value_from_input_value(input_value: str): - """ - Returns the value from the input value string - :param input_value: string passed as input to the --input command line parameter - :return: the corresponding value or None if it is not specified - """ - parts = input_value.split('->') - value = None - if len(parts) == 2: - value = parts[1] - if value[0] == '[' and value[-1] != ']' or value[0] != '[' and value[-1] == ']': - raise Error("Wrong syntax to specify value. Use --input \"node_name[shape]->value\"") - if '[' in value.strip(' '): - value = value.replace('[', '').replace(']', '') - if ',' in value: - value = value.replace(' ', '') - value = value.split(',') - else: - value = value.split(' ') - if not isinstance(value, list): - value = ast.literal_eval(value) - elif len(parts) > 2: - raise Error("Wrong syntax to specify value. Use --input \"node_name[shape]->value\"") - return value - - -def partial_shape_prod(shape: [PartialShape, tuple]): - assert not (isinstance(shape, PartialShape) and shape.is_dynamic), \ - "Unable to calculate prod for dynamic shape {}.".format(shape) - - prod = 1 - for dim in shape: - prod *= dim.get_min_length() - return prod - - -def parse_input_value(input_value: str): - """ - Parses a value of the --input command line parameter and gets a node name, shape and value. - The node name includes a port if it is specified. - Shape and value is equal to None if they are not specified. - Parameters - ---------- - input_value - string with a specified node name, shape, value and data_type. - E.g. 'node_name:0[4]{fp32}->[1.0 2.0 3.0 4.0]' - - Returns - ------- - Node name, shape, value, data type - E.g. 'node_name:0', '4', [1.0 2.0 3.0 4.0], np.float32 - """ - data_type = get_data_type_from_input_value(input_value) - node_name = get_node_name_with_port_from_input_value(input_value) - value = get_value_from_input_value(input_value) - shape = get_shape_from_input_value(input_value) - value_size = np.prod(len(value)) if isinstance(value, list) else 1 - - if value is not None and shape is not None: - for dim in shape: - if isinstance(dim, Dimension) and dim.is_dynamic: - raise Error("Cannot freeze input with dynamic shape: {}".format(shape)) - - if shape is not None and value is not None and partial_shape_prod(shape) != value_size: - raise Error("The shape '{}' of the input node '{}' does not correspond to the number of elements '{}' in the " - "value: {}".format(shape, node_name, value_size, value)) - return node_name, shape, value, data_type - - -def split_str_avoiding_square_brackets(s: str) -> list: - """ - Splits a string by comma, but skips commas inside square brackets. - :param s: string to split - :return: list of strings split by comma - """ - res = list() - skipping = 0 - last_idx = 0 - for i, c in enumerate(s): - if c == '[': - skipping += 1 - elif c == ']': - skipping -= 1 - elif c == ',' and skipping == 0: - res.append(s[last_idx:i]) - last_idx = i + 1 - res.append(s[last_idx:]) - return res - - -def split_layouts_by_arrow(s: str) -> tuple: - """ - Splits a layout string by first arrow (->). - :param s: string to split - :return: tuple containing source and target layouts - """ - arrow = s.find('->') - if arrow != -1: - source_layout = s[:arrow] - target_layout = s[arrow + 2:] - if source_layout == '': - source_layout = None - if target_layout == '': - target_layout = None - return source_layout, target_layout - else: - return s, None - - -def validate_layout(layout: str): - """ - Checks if layout is of valid format. - :param layout: string containing layout - :raises: if layout is incorrect - """ - error_msg = 'Invalid layout parsed: {}'.format(layout) - if layout: - incorrect_brackets = xor(layout[0] == '[', layout[-1] == ']') - if incorrect_brackets or layout[-1] == '-': - error_msg += ', did you forget quotes?' - else: - valid_layout_re = re.compile(r'\[?[^\[\]\(\)\-\s]*\]?') - if valid_layout_re.fullmatch(layout): - return - raise Error(error_msg) - - -def write_found_layout(name: str, found_layout: str, parsed: dict, dest: str = None): - """ - Writes found layout data to the 'parsed' dict. - :param name: name of the node to add layout - :param found_layout: string containing layout for the node - :param parsed: dict where result will be stored - :param dest: type of the command line: - * 'source' is --source_layout - * 'target' is --target_layout - * None is --layout - """ - s_layout = None - t_layout = None - if name in parsed: - s_layout = parsed[name]['source_layout'] - t_layout = parsed[name]['target_layout'] - if dest == 'source': - s_layout = found_layout - elif dest == 'target': - t_layout = found_layout - else: - s_layout, t_layout = split_layouts_by_arrow(found_layout) - validate_layout(s_layout) - validate_layout(t_layout) - parsed[name] = {'source_layout': s_layout, 'target_layout': t_layout} - - -def write_found_layout_list(idx: int, found_layout: str, parsed: list, dest: str = None): - """ - Writes found layout data to the 'parsed' dict. - :param idx: idx of of the node to add layout - :param found_layout: string containing layout for the node - :param parsed: list where result will be stored - :param dest: type of the command line: - * 'source' is --source_layout - * 'target' is --target_layout - * None is --layout - """ - s_layout = None - t_layout = None - if idx < len(parsed): - s_layout = parsed[idx]['source_layout'] - t_layout = parsed[idx]['target_layout'] - if dest == 'source': - s_layout = found_layout - elif dest == 'target': - t_layout = found_layout - else: - s_layout, t_layout = split_layouts_by_arrow(found_layout) - validate_layout(s_layout) - validate_layout(t_layout) - - if idx < len(parsed): - parsed[idx] = {'source_layout': s_layout, 'target_layout': t_layout} - else: - parsed.append({'source_layout': s_layout, 'target_layout': t_layout}) - - -def parse_layouts_by_destination(s: str, parsed: dict, parsed_list: list, dest: str = None) -> None: - """ - Parses layout command line to get all names and layouts from it. Adds all found data in the 'parsed' dict. - :param s: string to parse - :param parsed: dict where result will be stored - :param dest: type of the command line: - * 'source' is --source_layout - * 'target' is --target_layout - * None is --layout - """ - list_s = split_str_avoiding_square_brackets(s) - if len(list_s) == 1 and (list_s[0][-1] not in ')]' or (list_s[0][0] == '[' and list_s[0][-1] == ']')): - # single layout case - write_found_layout('', list_s[0], parsed, dest) - else: - for idx, layout_str in enumerate(list_s): - # case for: "name1(nhwc->[n,c,h,w])" - p1 = re.compile(r'([^\[\]\(\)]*)\((\S+)\)') - m1 = p1.match(layout_str) - # case for: "name1[n,h,w,c]->[n,c,h,w]" - p2 = re.compile(r'([^\[\]\(\)]*)(\[\S*\])') - m2 = p2.match(layout_str) - if m1: - found_g = m1.groups() - elif m2: - found_g = m2.groups() - else: - # case for layout without name - write_found_layout_list(idx, layout_str, parsed_list, dest) - continue - if len(found_g[0]) > 0: - write_found_layout(found_g[0], found_g[1], parsed, dest) - else: - write_found_layout_list(idx, found_g[1], parsed_list, dest) - - -def get_layout_values(argv_layout: str = '', argv_source_layout: str = '', argv_target_layout: str = ''): - """ - Parses layout string. - :param argv_layout: string with a list of layouts passed as a --layout. - :param argv_source_layout: string with a list of layouts passed as a --source_layout. - :param argv_target_layout: string with a list of layouts passed as a --target_layout. - :return: dict with names and layouts associated - """ - if argv_layout and (argv_source_layout or argv_target_layout): - raise Error("--layout is used as well as --source_layout and/or --target_layout which is not allowed, please " - "use one of them.") - res = {} - res_list = [] - if argv_layout: - parse_layouts_by_destination(argv_layout, res, res_list) - if argv_source_layout: - parse_layouts_by_destination(argv_source_layout, res, res_list, 'source') - if argv_target_layout: - parse_layouts_by_destination(argv_target_layout, res, res_list, 'target') - if len(res) > 0 and len(res_list) > 0: - raise Error("Some layout values are provided with names, and some without names. " - "Please provide ether all layouts with names or all layouts without names.") - if len(res) > 0: - return res - else: - return res_list - - -def parse_freeze_placeholder_values(argv_freeze_placeholder_with_value: str): - """ - Parses parse_freeze_placeholder_values string. - :param argv_freeze_placeholder_with_value: string information on freezing placeholders - :return: dictionary where key is node name, value is node value. - """ - placeholder_values = {} - if argv_freeze_placeholder_with_value is not None: - for plh_with_value in argv_freeze_placeholder_with_value.split(','): - plh_with_value = plh_with_value.split('->') - if len(plh_with_value) != 2: - raise Error("Wrong replacement syntax. Use --freeze_placeholder_with_value " - "\"node1_name->value1,node2_name->value2\"") - node_name = plh_with_value[0] - value = plh_with_value[1] - if node_name in placeholder_values and placeholder_values[node_name] != value: - raise Error("Overriding replacement value of the placeholder with name '{}': old value = {}, new value = {}" - ".".format(node_name, placeholder_values[node_name], value)) - if '[' in value.strip(' '): - value = value.replace('[', '').replace(']', '').split(' ') - placeholder_values[node_name] = value - return placeholder_values - - -def get_freeze_placeholder_values(argv_input: str, argv_freeze_placeholder_with_value: str): - """ - Parses values for placeholder freezing and input node names - - Parameters - ---------- - argv_input - string with a list of input layers: either an empty string, or strings separated with comma. - 'node_name1[shape1]->value1,node_name2[shape2]->value2,...' - argv_freeze_placeholder_with_value - string with a list of input shapes: either an empty string, or tuples separated with comma. - 'placeholder_name1->value1, placeholder_name2->value2,...' - - Returns - ------- - parsed placeholders with values for freezing - input nodes cleaned from shape info - """ - placeholder_values = parse_freeze_placeholder_values(argv_freeze_placeholder_with_value) - input_node_names = None - - if argv_input is not None: - input_node_names = '' - # walkthrough all input values and save values for freezing - for input_value in split_inputs(argv_input): - node_name, _, value, _ = parse_input_value(input_value) - input_node_names = input_node_names + ',' + node_name if input_node_names != '' else node_name - if value is None: # no value is specified for freezing - continue - if node_name in placeholder_values and placeholder_values[node_name] != value: - raise Error("Overriding replacement value of the placeholder with name '{}': old value = {}, new value = {}" - ".".format(node_name, placeholder_values[node_name], value)) - placeholder_values[node_name] = value - - return placeholder_values, input_node_names - - -def split_inputs(input_str): - brakets_count = 0 - inputs = [] - while input_str: - idx = 0 - for c in input_str: - if c == '[': - brakets_count += 1 - if c == ']': - brakets_count -= 1 - if c == ',': - if brakets_count != 0: - idx += 1 - continue - else: - break - idx += 1 - if idx >= len(input_str)-1: - inputs.append(input_str) - break - inputs.append(input_str[:idx]) - input_str = input_str[idx+1:] - return inputs - - - -def split_shapes(argv_input_shape: str): - range_reg = r'([0-9]*\.\.[0-9]*)' - first_digit_reg = r'([0-9 ]+|-1|\?|{})'.format(range_reg) - next_digits_reg = r'(,{})*'.format(first_digit_reg) - tuple_reg = r'((\({}{}\))|(\[{}{}\]))'.format(first_digit_reg, next_digits_reg, - first_digit_reg, next_digits_reg) - - full_reg = r'^{}(\s*,\s*{})*$|^$'.format(tuple_reg, tuple_reg) - if not re.match(full_reg, argv_input_shape): - raise Error('Input shape "{}" cannot be parsed. ' + refer_to_faq_msg(57), argv_input_shape) - return re.findall(r'[(\[]([0-9,\.\? -]+)[)\]]', argv_input_shape) - -def get_placeholder_shapes(argv_input: str, argv_input_shape: str, argv_batch=None): - """ - Parses input layers names and input shapes from the cli and returns the parsed object. - All shapes are specified only through one command line option either --input or --input_shape. - - Parameters - ---------- - argv_input - string with a list of input layers: either an empty string, or strings separated with comma. - E.g. 'inp1,inp2', 'node_name1[shape1]->value1,node_name2[shape2]->value2' - argv_input_shape - string with a list of input shapes: either an empty string, or tuples separated with comma. - E.g. '[1,2],[3,4]'. - Only positive integers are accepted. - '?' marks dynamic dimension. - Partial shape is specified with ellipsis. E.g. '[1..10,2,3]' - argv_batch - integer that overrides batch size in input shape - - Returns - ------- - parsed shapes in form of {'name of input':tuple} if names of inputs are provided with shapes - parsed shapes in form of {'name of input':None} if names of inputs are provided without shapes - tuple if only one shape is provided and no input name - None if neither shape nor input were provided - """ - if argv_input_shape and argv_batch: - raise Error("Both --input_shape and --batch were provided. Please provide only one of them. " + - refer_to_faq_msg(56)) - - # attempt to extract shapes from --input parameters - placeholder_shapes = dict() - placeholder_data_types = dict() - are_shapes_specified_through_input = False - inputs_list = list() - if argv_input: - for input_value in split_inputs(argv_input): - node_name, shape, _, data_type = parse_input_value(input_value) - placeholder_shapes[node_name] = shape - inputs_list.append(node_name) - if data_type is not None: - placeholder_data_types[node_name] = data_type - if shape is not None: - are_shapes_specified_through_input = True - - if argv_input_shape and are_shapes_specified_through_input: - raise Error("Shapes are specified using both --input and --input_shape command-line parameters, but only one " - "parameter is allowed.") - - if argv_batch and are_shapes_specified_through_input: - raise Error("Shapes are specified using both --input and --batch command-line parameters, but only one " - "parameter is allowed.") - - if are_shapes_specified_through_input: - return inputs_list, placeholder_shapes, placeholder_data_types - - shapes = list() - inputs = list() - inputs_list = list() - placeholder_shapes = None - - - if argv_input_shape: - shapes = split_shapes(argv_input_shape) - - if argv_input: - inputs = split_inputs(argv_input) - inputs = [remove_data_type_from_input_value(inp) for inp in inputs] - - # check number of shapes with no input provided - if argv_input_shape and not argv_input: - placeholder_shapes = [PartialShape(shape) for shape in shapes] - if len(placeholder_shapes) == 1: - placeholder_shapes = PartialShape(placeholder_shapes[0]) - # check if number of shapes does not match number of passed inputs - elif argv_input and (len(shapes) == len(inputs) or len(shapes) == 0): - # clean inputs from values for freezing - inputs_without_value = list(map(lambda x: x.split('->')[0], inputs)) - placeholder_shapes = dict(zip_longest(inputs_without_value, - map(lambda x: PartialShape(x) if x else None, shapes))) - for inp in inputs: - if '->' not in inp: - inputs_list.append(inp) - continue - shape = placeholder_shapes[inp.split('->')[0]] - inputs_list.append(inp.split('->')[0]) - - if shape is None: - continue - for dim in shape: - if isinstance(dim, Dimension) and not dim.is_static: - raise Error("Cannot freeze input with dynamic shape: {}".format(shape)) - - elif argv_input: - raise Error('Please provide each input layers with an input layer shape. ' + refer_to_faq_msg(58)) - - return inputs_list, placeholder_shapes, placeholder_data_types - - -def parse_tuple_pairs(argv_values: str): - """ - Gets mean/scale values from the given string parameter - Parameters - ---------- - argv_values - string with a specified input name and list of mean values: either an empty string, or a tuple - in a form [] or (). - E.g. 'data(1,2,3)' means 1 for the RED channel, 2 for the GREEN channel, 3 for the BLUE channel for the data - input layer, or tuple of values in a form [] or () if input is specified separately, e.g. (1,2,3),[4,5,6]. - - Returns - ------- - dictionary with input name and tuple of values or list of values if mean/scale value is specified with input, - e.g.: - "data(10,20,30),info(11,22,33)" -> { 'data': [10,20,30], 'info': [11,22,33] } - "(10,20,30),(11,22,33)" -> [mo_array(10,20,30), mo_array(11,22,33)] - """ - res = {} - if not argv_values: - return res - - matches = [m for m in re.finditer(r'[(\[]([0-9., -]+)[)\]]', argv_values, re.IGNORECASE)] - - error_msg = 'Mean/scale values should consist of name and values specified in round or square brackets ' \ - 'separated by comma, e.g. data(1,2,3),info[2,3,4],egg[255] or data(1,2,3). Or just plain set of ' \ - 'values without names: (1,2,3),(2,3,4) or [1,2,3],[2,3,4].' + refer_to_faq_msg(101) - if not matches: - raise Error(error_msg, argv_values) - - name_start_idx = 0 - name_was_present = False - for idx, match in enumerate(matches): - input_name = argv_values[name_start_idx:match.start(0)] - name_start_idx = match.end(0) + 1 - tuple_value = np.fromstring(match.groups()[0], dtype=float, sep=',') - - if idx != 0 and (name_was_present ^ bool(input_name)): - # if node name firstly was specified and then subsequently not or vice versa - # e.g. (255),input[127] or input(255),[127] - raise Error(error_msg, argv_values) - - name_was_present = True if input_name != "" else False - if name_was_present: - res[input_name] = tuple_value - else: - res[idx] = tuple_value - - if not name_was_present: - # return a list instead of a dictionary - res = sorted(res.values(), key=lambda v: v[0]) - return res - - -def get_tuple_values(argv_values: str or tuple, num_exp_values: int = 3, t=float or int): - """ - Gets mean values from the given string parameter - Args: - argv_values: string with list of mean values: either an empty string, or a tuple in a form [] or (). - E.g. '(1,2,3)' means 1 for the RED channel, 2 for the GREEN channel, 4 for the BLUE channel. - t: either float or int - num_exp_values: number of values in tuple - - Returns: - tuple of values - """ - - digit_reg = r'(-?[0-9. ]+)' if t == float else r'(-?[0-9 ]+)' - - assert num_exp_values > 1, 'Can not parse tuple of size 1' - content = r'{0}\s*,{1}\s*{0}'.format(digit_reg, (digit_reg + ',') * (num_exp_values - 2)) - tuple_reg = r'((\({0}\))|(\[{0}\]))'.format(content) - - if isinstance(argv_values, tuple) and not len(argv_values): - return argv_values - - if not len(argv_values) or not re.match(tuple_reg, argv_values): - raise Error('Values "{}" cannot be parsed. ' + - refer_to_faq_msg(59), argv_values) - - mean_values_matches = re.findall(r'[(\[]([0-9., -]+)[)\]]', argv_values) - - for mean in mean_values_matches: - if len(mean.split(',')) != num_exp_values: - raise Error('{} channels are expected for given values. ' + - refer_to_faq_msg(60), num_exp_values) - - return mean_values_matches - - -def get_mean_scale_dictionary(mean_values, scale_values, argv_input: list): - """ - This function takes mean_values and scale_values, checks and processes them into convenient structure - - Parameters - ---------- - mean_values dictionary, contains input name and mean values passed py user (e.g. {data: np.array[102.4, 122.1, 113.9]}), - or list containing values (e.g. np.array[102.4, 122.1, 113.9]) - scale_values dictionary, contains input name and scale values passed py user (e.g. {data: np.array[102.4, 122.1, 113.9]}) - or list containing values (e.g. np.array[102.4, 122.1, 113.9]) - - Returns - ------- - The function returns a dictionary e.g. - mean = { 'data': np.array, 'info': np.array }, scale = { 'data': np.array, 'info': np.array }, input = "data, info" -> - { 'data': { 'mean': np.array, 'scale': np.array }, 'info': { 'mean': np.array, 'scale': np.array } } - - """ - res = {} - # collect input names - if argv_input: - inputs = [get_node_name_with_port_from_input_value(input_value) for input_value in split_inputs(argv_input)] - else: - inputs = [] - if type(mean_values) is dict: - inputs = list(mean_values.keys()) - if type(scale_values) is dict: - for name in scale_values.keys(): - if name not in inputs: - inputs.append(name) - - # create unified object containing both mean and scale for input - if type(mean_values) is dict and type(scale_values) is dict: - if not mean_values and not scale_values: - return res - - for inp_scale in scale_values.keys(): - if inp_scale not in inputs: - raise Error("Specified scale_values name '{}' do not match to any of inputs: {}. " - "Please set 'scale_values' that correspond to values from input.".format(inp_scale, inputs)) - - for inp_mean in mean_values.keys(): - if inp_mean not in inputs: - raise Error("Specified mean_values name '{}' do not match to any of inputs: {}. " - "Please set 'mean_values' that correspond to values from input.".format(inp_mean, inputs)) - - for inp in inputs: - inp, port = split_node_in_port(inp) - if inp in mean_values or inp in scale_values: - res.update( - { - inp: { - 'mean': - mean_values[inp] if inp in mean_values else None, - 'scale': - scale_values[inp] if inp in scale_values else None - } - } - ) - return res - - # user specified input and mean/scale separately - we should return dictionary - if inputs: - if mean_values and scale_values: - if len(inputs) != len(mean_values): - raise Error('Numbers of inputs and mean values do not match. ' + - refer_to_faq_msg(61)) - if len(inputs) != len(scale_values): - raise Error('Numbers of inputs and scale values do not match. ' + - refer_to_faq_msg(62)) - - data = list(zip(mean_values, scale_values)) - - for i in range(len(data)): - res.update( - { - inputs[i]: { - 'mean': - data[i][0], - 'scale': - data[i][1], - - } - } - ) - return res - # only mean value specified - if mean_values: - data = list(mean_values) - for i in range(len(data)): - res.update( - { - inputs[i]: { - 'mean': - data[i], - 'scale': - None - - } - } - ) - return res - - # only scale value specified - if scale_values: - data = list(scale_values) - for i in range(len(data)): - res.update( - { - inputs[i]: { - 'mean': - None, - 'scale': - data[i] - - } - } - ) - return res - # mean and/or scale are specified without inputs - return list(zip_longest(mean_values, scale_values)) - - -def get_model_name(path_input_model: str) -> str: - """ - Deduces model name by a given path to the input model - Args: - path_input_model: path to the input model - - Returns: - name of the output IR - """ - parsed_name, extension = os.path.splitext(os.path.basename(path_input_model)) - return 'model' if parsed_name.startswith('.') or len(parsed_name) == 0 else parsed_name - - -def get_model_name_from_args(argv: argparse.Namespace): - model_name = "" - if hasattr(argv, 'model_name'): - if argv.model_name: - model_name = argv.model_name - elif argv.input_model: - model_name = get_model_name(argv.input_model) - elif argv.saved_model_dir: - model_name = "saved_model" - elif argv.input_meta_graph: - model_name = get_model_name(argv.input_meta_graph) - elif argv.input_symbol: - model_name = get_model_name(argv.input_symbol) - argv.model_name = model_name - return model_name - - -def get_absolute_path(path_to_file: str) -> str: - """ - Deduces absolute path of the file by a given path to the file - Args: - path_to_file: path to the file - - Returns: - absolute path of the file - """ - file_path = os.path.expanduser(path_to_file) - if not os.path.isabs(file_path): - file_path = os.path.join(os.getcwd(), file_path) - return file_path - - -def isfloat(value): - try: - float(value) - return True - except ValueError: - return False - - -def isbool(value): - try: - strtobool(value) - return True - except ValueError: - return False - - -def isdict(value): - try: - evaluated = ast.literal_eval(value) - return isinstance(evaluated, dict) - except ValueError: - return False - - -def convert_string_to_real_type(value: str): - if isdict(value): - return ast.literal_eval(value) - - values = value.split(',') - for i in range(len(values)): - value = values[i] - if value.isdigit(): - values[i] = int(value) - elif isfloat(value): - values[i] = float(value) - elif isbool(value): - values[i] = strtobool(value) - - return values[0] if len(values) == 1 else values - - -def parse_transform(transform: str) -> list: - transforms = [] - - if len(transform) == 0: - return transforms - - all_transforms = re.findall(r"([a-zA-Z0-9]+)(\[([^\]]+)\])*(,|$)", transform) - - # Check that all characters were matched otherwise transform key value is invalid - key_len = len(transform) - for transform in all_transforms: - # In regexp we have 4 groups where 1st group - transformation_name, - # 2nd group - [args], - # 3rd group - args, <-- nested group - # 4th group - EOL - # And to check that regexp matched all string we decrease total length by the length of matched groups (1,2,4) - # In case if no arguments were given to transformation then 2nd and 3rd groups will be empty. - if len(transform) != 4: - raise Error("Unexpected transform key structure: {}".format(transform)) - key_len -= len(transform[0]) + len(transform[1]) + len(transform[3]) - - if key_len != 0: - raise Error("Unexpected transform key structure: {}".format(transform)) - - for transform in all_transforms: - name = transform[0] - args = transform[2] - - args_dict = {} - - if len(args) != 0: - for arg in args.split(';'): - m = re.match(r"^([_a-zA-Z]+)=(.+)$", arg) - if not m: - raise Error("Unrecognized attributes for transform key: {}".format(transform)) - - args_dict[m.group(1)] = convert_string_to_real_type(m.group(2)) - - transforms.append((name, args_dict)) - - return transforms - - -def check_available_transforms(transforms: list): - """ - This function check that transformations specified by user are available. - :param transforms: list of user specified transformations - :return: raises an Error if transformation is not available - """ - from openvino.tools.mo.back.offline_transformations import get_available_transformations - available_transforms = get_available_transformations() - - missing_transformations = [] - for name, _ in transforms: - if name not in available_transforms.keys(): - missing_transformations.append(name) - - if len(missing_transformations) != 0: - raise Error('Following transformations ({}) are not available. ' - 'List with available transformations ({})'.format(','.join(missing_transformations), - ','.join(available_transforms.keys()))) - return True - - -def check_positive(value): - try: - int_value = int(value) - if int_value <= 0: - raise ValueError - except ValueError: - raise argparse.ArgumentTypeError("expected a positive integer value") - - return int_value - - -def check_bool(value): - if isinstance(value, bool): - return value - elif isinstance(value, str): - if value.lower() not in ['true', 'false']: - raise argparse.ArgumentTypeError("expected a True/False value") - return value.lower() == 'true' - else: - raise argparse.ArgumentTypeError("expected a bool or str type") - - -def depersonalize(value: str, key: str): - dir_keys = [ - 'output_dir', 'extensions', 'saved_model_dir', 'tensorboard_logdir', 'caffe_parser_path' - ] - if isinstance(value, list): - updated_value = [] - for elem in value: - updated_value.append(depersonalize(elem, key)) - return updated_value - - if not isinstance(value, str): - return value - res = [] - for path in value.split(','): - if os.path.isdir(path) and key in dir_keys: - res.append('DIR') - elif os.path.isfile(path): - res.append(os.path.join('DIR', os.path.split(path)[1])) - else: - res.append(path) - return ','.join(res) - -def get_available_front_ends(fem=None): - # Use this function as workaround to avoid IR frontend usage by MO - if fem is None: - return [] - available_moc_front_ends = fem.get_available_front_ends() - if 'ir' in available_moc_front_ends: - available_moc_front_ends.remove('ir') - - return available_moc_front_ends +from openvino.tools.ovc.cli_parser import get_all_cli_parser, get_layout_values # pylint: disable=no-name-in-module,import-error diff --git a/tools/mo/openvino/tools/mo/utils/error.py b/tools/mo/openvino/tools/mo/utils/error.py index f1f6937f4ccfa0..1daf27e6f1f6f3 100644 --- a/tools/mo/openvino/tools/mo/utils/error.py +++ b/tools/mo/openvino/tools/mo/utils/error.py @@ -1,49 +1,4 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -import re - - -class BasicError(Exception): - """ Base class for all exceptions in Model Optimizer - - It operates like Exception but when it is converted to str, - it formats string as args[0].format(*args[1:]), where - args are arguments provided when an exception instance is - created. - """ - - def __str__(self): - if len(self.args) <= 1: - return Exception.__str__(self) - return self.args[0].format(*self.args[1:]) # pylint: disable=unsubscriptable-object - - -class FrameworkError(BasicError): - """ User-friendly error: raised when the error on the framework side. """ - pass - - -class Error(BasicError): - """ User-friendly error: raised when the error on the user side. """ - pass - - -class InternalError(BasicError): - """ Not user-friendly error: user cannot fix it and it points to the bug inside MO. """ - pass - - -def classify_error_type(e): - patterns = [ - # Example: No module named 'openvino._offline_transformations.offline_transformations_api' - r"No module named \'\S+\'", - # Example: cannot import name 'IECore' from 'openvino.inference_engine' (unknown location) - r"cannot import name \'\S+\'", - ] - error_message = str(e) - for pattern in patterns: - m = re.search(pattern, error_message) - if m: - return m.group(0) - return "undefined" +from openvino.tools.ovc.error import Error, InternalError, FrameworkError, classify_error_type # pylint: disable=no-name-in-module,import-error diff --git a/tools/mo/openvino/tools/mo/utils/get_ov_update_message.py b/tools/mo/openvino/tools/mo/utils/get_ov_update_message.py index 6768be91ebd661..c1fb37e7723e42 100644 --- a/tools/mo/openvino/tools/mo/utils/get_ov_update_message.py +++ b/tools/mo/openvino/tools/mo/utils/get_ov_update_message.py @@ -1,48 +1,6 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -import datetime - -msg_fmt = 'Check for a new version of Intel(R) Distribution of OpenVINO(TM) toolkit here {0} ' \ - 'or on https://github.com/openvinotoolkit/openvino' - - -def get_ov_update_message(): - expected_update_date = datetime.date(year=2023, month=12, day=1) - current_date = datetime.date.today() - - link = 'https://software.intel.com/content/www/us/en/develop/tools/openvino-toolkit/download.html?cid=other&source=prod&campid=ww_2023_bu_IOTG_OpenVINO-2023-0&content=upg_all&medium=organic' - - return msg_fmt.format(link) if current_date >= expected_update_date else None - - -def get_ov_api20_message(): - link = "https://docs.openvino.ai/2023.0/openvino_2_0_transition_guide.html" - message = '[ INFO ] The model was converted to IR v11, the latest model format that corresponds to the source DL framework ' \ - 'input/output format. While IR v11 is backwards compatible with OpenVINO Inference Engine API v1.0, ' \ - 'please use API v2.0 (as of 2022.1) to take advantage of the latest improvements in IR v11.\n' \ - 'Find more information about API v2.0 and IR v11 at {}'.format(link) - - return message - - -def get_tf_fe_message(): - link = "https://docs.openvino.ai/2023.0/openvino_docs_MO_DG_TensorFlow_Frontend.html" - message = '[ INFO ] IR generated by new TensorFlow Frontend is compatible only with API v2.0. Please make sure to use API v2.0.\n' \ - 'Find more information about new TensorFlow Frontend at {}'.format(link) - - return message - - -def get_compression_message(): - link = "https://docs.openvino.ai/2023.0/openvino_docs_MO_DG_FP16_Compression.html" - message = '[ INFO ] Generated IR will be compressed to FP16. ' \ - 'If you get lower accuracy, please consider disabling compression ' \ - 'by removing argument --compress_to_fp16 or set it to false --compress_to_fp16=False.\n' \ - 'Find more information about compression to FP16 at {}'.format(link) - return message - - def get_try_legacy_fe_message(): message = '[ INFO ] You can also try to use legacy TensorFlow Frontend by using argument --use_legacy_frontend.\n' return message diff --git a/tools/mo/openvino/tools/mo/utils/logger.py b/tools/mo/openvino/tools/mo/utils/logger.py index 3f0a6145e1a1d2..82ae3f15bda13a 100644 --- a/tools/mo/openvino/tools/mo/utils/logger.py +++ b/tools/mo/openvino/tools/mo/utils/logger.py @@ -1,160 +1,6 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -import importlib.util -import logging as log -import os -import re -import sys -from argparse import Namespace -from copy import copy -# WA for abseil bug that affects logging while importing TF starting 1.14 version -# Link to original issue: https://github.com/abseil/abseil-py/issues/99 -if importlib.util.find_spec('absl') is not None: - import absl.logging - - log.root.removeHandler(absl.logging._absl_handler) - -handler_num = 0 - - -class LvlFormatter(log.Formatter): - format_dict = { - log.DEBUG: "[ %(asctime)s ] [ %(levelname)s ] [ %(module)s:%(lineno)d ] %(msg)s", - log.INFO: "[ %(levelname)s ] %(msg)s", - log.WARNING: "[ WARNING ] %(msg)s", - log.ERROR: "[ %(levelname)s ] %(msg)s", - log.CRITICAL: "[ %(levelname)s ] %(msg)s", - 'framework_error': "[ FRAMEWORK ERROR ] %(msg)s", - 'analysis_info': "[ ANALYSIS INFO ] %(msg)s" - } - - def __init__(self, lvl, fmt=None): - log.Formatter.__init__(self, fmt) - self.lvl = lvl - - def format(self, record: log.LogRecord): - if self.lvl == 'DEBUG': - self._style._fmt = self.format_dict[log.DEBUG] - else: - self._style._fmt = self.format_dict[record.levelno] - if 'is_warning' in record.__dict__.keys(): - self._style._fmt = self.format_dict[log.WARNING] - if 'framework_error' in record.__dict__.keys(): - self._style._fmt = self.format_dict['framework_error'] - if 'analysis_info' in record.__dict__.keys(): - self._style._fmt = self.format_dict['analysis_info'] - return log.Formatter.format(self, record) - - -class TagFilter(log.Filter): - def __init__(self, regex: str): - self.regex = regex - - def filter(self, record: log.LogRecord): - if record.__dict__['funcName'] == 'load_grammar': # for nx not to log into our logs - return False - if self.regex: - if 'tag' in record.__dict__.keys(): - tag = record.__dict__['tag'] - return re.findall(self.regex, tag) - else: - return False - return True # if regex wasn't set print all logs - - -def init_logger(lvl: str, silent: bool): - global handler_num - log_exp = os.environ.get('MO_LOG_PATTERN') - if silent: - lvl = 'ERROR' - fmt = LvlFormatter(lvl=lvl) - handler = log.StreamHandler() - handler.setFormatter(fmt) - logger = log.getLogger() - logger.setLevel(lvl) - logger.addFilter(TagFilter(regex=log_exp)) - if handler_num == 0 and len(logger.handlers) == 0: - logger.addHandler(handler) - handler_num += 1 - -def get_logger_state(): - logger = log.getLogger() - return logger.level, copy(logger.filters), copy(logger.handlers) - -def restore_logger_state(state: tuple): - level, filters, handlers = state - logger = log.getLogger() - logger.setLevel(level) - logger.filters = filters - logger.handlers = handlers - - -def progress_bar(function: callable): - """ - Decorator for model conversion pipeline progress display - Works in combination with function: mo.utils.class_registration.apply_transform - """ - - def wrapper(*args, **kwargs): - for arg in ['graph', 'curr_transform_num', 'num_transforms']: - msg = 'Progress bar decorator is enabled for Model Optimizer transformation applying cycle only. ' \ - 'Argument `{}` {}' - - assert arg in kwargs, msg.format(arg, 'is missing') - assert kwargs[arg] is not None, msg.format(arg, 'should not be None') - - if 'progress' in kwargs['graph'].graph['cmd_params'] and kwargs['graph'].graph['cmd_params'].progress: - bar_len = 20 - total_replacers_count = kwargs['num_transforms'] - - def progress(i): - return int((i + 1) / total_replacers_count * bar_len) - - def percent(i): - return (i + 1) / total_replacers_count * 100 - - end = '' if not kwargs['graph'].graph['cmd_params'].stream_output else '\n' - curr_i = kwargs['curr_transform_num'] - print('\rProgress: [{:{}}]{:>7.2f}% done'.format('.' * progress(curr_i), bar_len, percent(curr_i)), end=end) - - sys.stdout.flush() - - function(*args, **kwargs) - - return wrapper - -def progress_printer(argv: Namespace): - """ - A higher-order factory function returning a configurable callback displaying a progress bar - Depending on the configuration stored in 'argv' the progress bar can be one-line, multi-line, or silent. - """ - def _progress_bar(progress, total, completed, endline): - bar_len = 20 - - def dots(): - return '.' * int(progress * bar_len) - - print('\rProgress: [{:{}}]{:>7.2f}% done'.format(dots(), bar_len, progress*100), end=endline) - sys.stdout.flush() - - def no_progress_bar(progress, total, completed): - """ A 'dummy' progressbar which doesn't print anything """ - pass - - def oneline_progress_bar(progress, total, completed): - """ A callback that always prints the progress in the same line (mimics real GUI progress bar)""" - _progress_bar(progress, total, completed, '') - - def newline_progress_bar(progress, total, completed): - """ A callback that prints an updated progress bar in separate lines """ - _progress_bar(progress, total, completed, '\n') - - if "progress" in argv and argv.progress: - if "stream_output" in argv and argv.stream_output: - return newline_progress_bar - else: - return oneline_progress_bar - else: - return no_progress_bar +from openvino.tools.ovc.logger import init_logger, LvlFormatter, TagFilter, get_logger_state, restore_logger_state, \ + progress_bar, progress_printer # pylint: disable=no-name-in-module,import-error \ No newline at end of file diff --git a/tools/mo/openvino/tools/mo/utils/telemetry_stub.py b/tools/mo/openvino/tools/mo/utils/telemetry_stub.py index 567a4adf814b73..0e1ba9a8341528 100644 --- a/tools/mo/openvino/tools/mo/utils/telemetry_stub.py +++ b/tools/mo/openvino/tools/mo/utils/telemetry_stub.py @@ -1,29 +1,4 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 - -class Telemetry(object): - """ - Stab file for the Telemetry class which is used when Telemetry class is not available. - """ - - def __init__(self, *arg, **kwargs): - pass - - def send_event(self, *arg, **kwargs): - pass - - def send_error(self, *arg, **kwargs): - pass - - def start_session(self, *arg, **kwargs): - pass - - def end_session(self, *arg, **kwargs): - pass - - def force_shutdown(self, *arg, **kwargs): - pass - - def send_stack_trace(self, *arg, **kwargs): - pass +from openvino.tools.ovc.telemetry_stub import Telemetry # pylint: disable=no-name-in-module,import-error diff --git a/tools/mo/openvino/tools/mo/utils/telemetry_utils.py b/tools/mo/openvino/tools/mo/utils/telemetry_utils.py index d53b70956cb819..23e69782c505d1 100644 --- a/tools/mo/openvino/tools/mo/utils/telemetry_utils.py +++ b/tools/mo/openvino/tools/mo/utils/telemetry_utils.py @@ -1,18 +1,15 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -import argparse from collections import Counter import numpy as np -import numbers + +from openvino.tools.ovc.telemetry_utils import init_mo_telemetry, send_framework_info, get_tid, \ + send_conversion_result, arg_to_str, send_params_info # pylint: disable=no-name-in-module,import-error from openvino.tools.mo.front.common.partial_infer.utils import is_fully_defined, unmask_shape, int64_array from openvino.tools.mo.graph.graph import Graph from openvino.tools.mo.middle.pattern_match import for_graph_and_each_sub_graph_recursively -from openvino.tools.mo.utils.cli_parser import get_params_with_paths_list -from openvino.tools.mo.utils.telemetry_params import telemetry_params -from openvino.tools.mo.utils.version import VersionChecker -from openvino.tools.mo.utils.utils import check_values_equal try: import openvino_telemetry as tm @@ -20,10 +17,6 @@ import openvino.tools.mo.utils.telemetry_stub as tm -def init_mo_telemetry(): - _ = tm.Telemetry(tid=get_tid(), app_name='Model Optimizer', app_version=VersionChecker().get_mo_simplified_version()) - - def send_op_names_info(framework: str, graph: Graph): """ This function sends information about operations in model. @@ -68,58 +61,3 @@ def send_shapes_info(framework: str, graph: Graph): t.send_event('mo', 'input_shapes', message_str) t.send_event('mo', 'partially_defined_shape', "{partially_defined_shape:" + is_partially_defined + ",fw:" + framework + "}") - - -def arg_to_str(arg): - # This method converts to string only known types, otherwise returns string with name of the type - from openvino.runtime import PartialShape, Shape, Type, Layout - if isinstance(arg, (PartialShape, Shape, Type, Layout)): - return str(arg) - if isinstance(arg, (str, numbers.Number, bool)): - return str(arg) - return str(type(arg)) - - -def send_params_info(argv: argparse.Namespace, cli_parser: argparse.ArgumentParser): - """ - This function sends information about used command line parameters. - :param argv: command line parameters. - :param cli_parser: command line parameters parser. - """ - t = tm.Telemetry() - params_with_paths = get_params_with_paths_list() - for arg in vars(argv): - arg_value = getattr(argv, arg) - if not check_values_equal(arg_value, cli_parser.get_default(arg)): - if arg in params_with_paths: - # If command line argument value is a directory or a path to file it is not sent - # as it may contain confidential information. "1" value is used instead. - param_str = arg + ":" + str(1) - else: - param_str = arg + ":" + arg_to_str(arg_value) - - t.send_event('mo', 'cli_parameters', param_str) - - -def send_framework_info(framework: str): - """ - This function sends information about used framework. - :param framework: framework name. - """ - t = tm.Telemetry() - t.send_event('mo', 'framework', framework) - - -def get_tid(): - """ - This function returns the ID of the database to send telemetry. - """ - return telemetry_params['TID'] - - -def send_conversion_result(conversion_result: str, need_shutdown=True): - t = tm.Telemetry() - t.send_event('mo', 'conversion_result', conversion_result) - t.end_session('mo') - if need_shutdown: - t.force_shutdown(1.0) diff --git a/tools/mo/openvino/tools/mo/utils/utils.py b/tools/mo/openvino/tools/mo/utils/utils.py index 17d3f47a413541..fef2bf9c1cde91 100644 --- a/tools/mo/openvino/tools/mo/utils/utils.py +++ b/tools/mo/openvino/tools/mo/utils/utils.py @@ -10,24 +10,7 @@ import numpy as np from openvino.tools.mo.front.common.partial_infer.utils import dynamic_dimension - -try: - import openvino_telemetry as tm -except ImportError: - import openvino.tools.mo.utils.telemetry_stub as tm - - -def refer_to_faq_msg(question_num: int): - try: - t = tm.Telemetry() - t.send_event('mo', 'error_info', "faq:" + str(question_num)) - except Exception: - # Telemetry can be not initialized if it is used in MO IR Reader - pass - - return '\n For more information please refer to Model Optimizer FAQ, question #{0}. ' \ - '(https://docs.openvino.ai/2023.0/openvino_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html' \ - '?question={0}#question-{0})'.format(question_num) +from openvino.tools.ovc.utils import refer_to_faq_msg, check_values_equal # pylint: disable=no-name-in-module,import-error class NamedAttrsClass: @@ -145,14 +128,3 @@ def unique_by(xs: list, predicate: Callable) -> list: """ groups = group_by_with_binary_predicate(xs, predicate) return [group[0] for group in groups] - - -def check_values_equal(val1, val2): - # This method is needed to check equality of values where some values can be None - if val1 is None and val2 is None: - return True - if val1 is None: - return False - if val2 is None: - return False - return val1 == val2 diff --git a/tools/mo/openvino/tools/mo/utils/version.py b/tools/mo/openvino/tools/mo/utils/version.py index f877fdd3963d40..cd8bbcb96269ad 100644 --- a/tools/mo/openvino/tools/mo/utils/version.py +++ b/tools/mo/openvino/tools/mo/utils/version.py @@ -11,6 +11,8 @@ from openvino.tools.mo.utils.error import Error from openvino.tools.mo.utils.find_ie_version import find_ie_version from openvino.tools.mo.utils.utils import get_mo_root_dir +from openvino.tools.ovc.version import extract_release_version, simplify_version, extract_hash_from_version, \ + SingletonMetaClass # pylint: disable=no-name-in-module,import-error def get_version_file_path(): @@ -39,28 +41,6 @@ def get_version(): return f.readline().replace('\n', '') -def extract_release_version(version: str): - patterns = [ - # captures release version set by CI for example: '2021.1.0-1028-55e4d5673a8' - r"^([0-9]+).([0-9]+)*", - # captures release version generated by MO from release branch, for example: 'custom_releases/2021/1_55e4d567' - r"_releases/([0-9]+)/([0-9]+)_*" - ] - - for pattern in patterns: - m = re.search(pattern, version) - if m and len(m.groups()) == 2: - return m.group(1), m.group(2) - return None, None - - -def simplify_version(version: str): - release_version = extract_release_version(version) - if release_version == (None, None): - return "custom" - return "{}.{}".format(*release_version) - - def get_simplified_mo_version(): return simplify_version(get_version()) @@ -79,25 +59,6 @@ def get_simplified_ie_version(env=dict(), version=None): return simplify_version(version) -def extract_hash_from_version(full_version: str): - res = re.findall(r'[-_]([a-f0-9]{7,40})', full_version) - if len(res) > 0: - return res[0] - else: - return None - - -class SingletonMetaClass(type): - def __init__(self, cls_name, super_classes, dic): - self.__single_instance = None - super().__init__(cls_name, super_classes, dic) - - def __call__(cls, *args, **kwargs): - if cls.__single_instance is None: - cls.__single_instance = super(SingletonMetaClass, cls).__call__(*args, **kwargs) - return cls.__single_instance - - class VersionChecker(metaclass=SingletonMetaClass): def __init__(self): self.runtime_checked = False diff --git a/tools/mo/unit_tests/mo/back/moc_preprocessing_test_actual.py b/tools/mo/unit_tests/mo/back/moc_preprocessing_test_actual.py index 7c8504781994cf..99f7a5827ee3aa 100644 --- a/tools/mo/unit_tests/mo/back/moc_preprocessing_test_actual.py +++ b/tools/mo/unit_tests/mo/back/moc_preprocessing_test_actual.py @@ -9,7 +9,7 @@ try: # pylint: disable=no-name-in-module,import-error - from openvino.tools.mo.back.preprocessing import apply_preprocessing + from openvino.tools.ovc.moc_frontend.preprocessing import apply_preprocessing # pylint: disable=no-name-in-module,import-error import openvino.runtime.opset8 as ops diff --git a/tools/mo/unit_tests/mo/moc_frontend/moc_extractor_test_actual.py b/tools/mo/unit_tests/mo/moc_frontend/moc_extractor_test_actual.py index 1534c962963973..e201baf6833618 100644 --- a/tools/mo/unit_tests/mo/moc_frontend/moc_extractor_test_actual.py +++ b/tools/mo/unit_tests/mo/moc_frontend/moc_extractor_test_actual.py @@ -3,7 +3,7 @@ import unittest -from openvino.tools.mo.moc_frontend.extractor import decode_name_with_port +from openvino.tools.ovc.moc_frontend.extractor import decode_name_with_port from openvino.tools.mo.utils.error import Error import pytest diff --git a/tools/mo/unit_tests/mo/utils/convert_impl_tmp_irs_cleanup_test_actual.py b/tools/mo/unit_tests/mo/utils/convert_impl_tmp_irs_cleanup_test_actual.py index aec3e6d7fb330c..f083cfa0eadff2 100644 --- a/tools/mo/unit_tests/mo/utils/convert_impl_tmp_irs_cleanup_test_actual.py +++ b/tools/mo/unit_tests/mo/utils/convert_impl_tmp_irs_cleanup_test_actual.py @@ -22,7 +22,7 @@ def are_tmp_files_left(orig_model_name): return False def test_tmp_irs_cleanup_convert_impl_1(self): - with patch("openvino.tools.mo.back.offline_transformations.apply_offline_transformations") as emit_ir_func: + with patch("openvino.tools.ovc.moc_frontend.offline_transformations.apply_offline_transformations") as emit_ir_func: emit_ir_func.side_effect = Error('offline transformations step has failed') params = {'input_model': self.test_model_file, 'input_model_is_text': True, 'input': 'x[3],y[1 3]', diff --git a/tools/mo/unit_tests/mo/utils/ir_reader/ops_test.py b/tools/mo/unit_tests/mo/utils/ir_reader/ops_test.py index aa1f690f4a0490..c01a815b42cc13 100644 --- a/tools/mo/unit_tests/mo/utils/ir_reader/ops_test.py +++ b/tools/mo/unit_tests/mo/utils/ir_reader/ops_test.py @@ -11,7 +11,7 @@ from openvino.runtime import Model, serialize, Core, PartialShape, Dimension from openvino.tools.mo.utils.ir_reader.restore_graph import restore_graph_from_ir, save_restored_graph -from openvino.tools.mo.utils.logger import init_logger +from openvino.tools.ovc.logger import init_logger # required to be in global area to run MO IR Reader init_logger('ERROR', False) diff --git a/tools/mo/unit_tests/mo/utils/test_mo_model_analysis_actual.py b/tools/mo/unit_tests/mo/utils/test_mo_model_analysis_actual.py index 0837d0c86375a2..9878aa5a588bbc 100644 --- a/tools/mo/unit_tests/mo/utils/test_mo_model_analysis_actual.py +++ b/tools/mo/unit_tests/mo/utils/test_mo_model_analysis_actual.py @@ -11,7 +11,7 @@ import argparse from openvino.tools.mo.convert_impl import prepare_ir from openvino.frontend import FrontEndManager # pylint: disable=no-name-in-module,import-error -from openvino.tools.mo.moc_frontend.analysis import json_model_analysis_dump + try: import openvino_telemetry as tm @@ -112,7 +112,7 @@ def tearDown(self): os.remove(name) - @patch('openvino.tools.mo.moc_frontend.analysis.json_model_analysis_print') + @patch('openvino.tools.ovc.moc_frontend.analysis.json_model_analysis_print') def test_model(self, json_print): args = base_args_config() args.input_model = "test_model.onnx" @@ -132,7 +132,7 @@ def test_model(self, json_print): "add_out": {"shape": "None", "data_type": "None", "value": "None"}}') - @patch('openvino.tools.mo.moc_frontend.analysis.json_model_analysis_print') + @patch('openvino.tools.ovc.moc_frontend.analysis.json_model_analysis_print') def test_model_with_dyn_shapes(self, json_print): args = base_args_config() args.input_model = "test_model_2.onnx" @@ -156,7 +156,7 @@ def test_model_with_dyn_shapes(self, json_print): "add_out": {"shape": "None", "data_type": "None", "value": "None"}}') - @patch('openvino.tools.mo.moc_frontend.analysis.json_model_analysis_print') + @patch('openvino.tools.ovc.moc_frontend.analysis.json_model_analysis_print') def test_multi_outputs_model(self, json_print): args = base_args_config() args.input_model = "test_model_3.onnx" diff --git a/tools/mo/unit_tests/moc_tf_fe/check_info_messages_test.py b/tools/mo/unit_tests/moc_tf_fe/check_info_messages_test.py index 554740094d0165..cf93a78e20f9bc 100644 --- a/tools/mo/unit_tests/moc_tf_fe/check_info_messages_test.py +++ b/tools/mo/unit_tests/moc_tf_fe/check_info_messages_test.py @@ -9,8 +9,7 @@ from unittest.mock import patch from openvino.tools.mo.main import main -from openvino.tools.mo.utils.get_ov_update_message import get_tf_fe_message, get_compression_message, \ - get_try_legacy_fe_message +from openvino.tools.ovc.get_ov_update_message import get_tf_fe_message def arg_parse_helper(input_model, @@ -56,36 +55,6 @@ def arg_parse_helper(input_model, ) -class TestInfoMessagesTFFE(unittest.TestCase): - @patch('argparse.ArgumentParser.parse_args', - return_value=arg_parse_helper(input_model="model_int32.pbtxt", - use_legacy_frontend=False, use_new_frontend=True, - framework=None, input_model_is_text=True)) - def test_api20_only(self, mock_argparse): - f = io.StringIO() - with redirect_stdout(f): - main(argparse.ArgumentParser()) - std_out = f.getvalue() - tf_fe_message_found = get_tf_fe_message() in std_out - assert tf_fe_message_found - - @patch('openvino.tools.mo.convert_impl.driver', side_effect=Exception('MESSAGE')) - def run_fail_tf_fe(self, mock_driver): - from openvino.tools.mo import convert_model - path = os.path.dirname(__file__) - convert_model(os.path.join(path, "test_models", "model_int32.pbtxt"), silent=False) - - def test_suggest_legacy_fe(self): - f = io.StringIO() - with redirect_stdout(f): - try: - self.run_fail_tf_fe() - except: - pass - std_out = f.getvalue() - assert get_try_legacy_fe_message() in std_out - - class TestInfoMessagesTFFEWithFallback(unittest.TestCase): @patch('argparse.ArgumentParser.parse_args', return_value=arg_parse_helper(input_model="model_switch_merge.pbtxt", @@ -100,17 +69,3 @@ def test_tf_fe_message_fallback(self, mock_argparse): tf_fe_message_found = get_tf_fe_message() in std_out assert not tf_fe_message_found, 'TF FE Info message is found for the fallback case' - -class TestInfoMessagesCompressFP16(unittest.TestCase): - @patch('argparse.ArgumentParser.parse_args', - return_value=arg_parse_helper(input_model="model_int32.pbtxt", - use_legacy_frontend=False, use_new_frontend=True, - compress_to_fp16=True, - framework=None, input_model_is_text=True)) - def test_compress_to_fp16(self, mock_argparse): - f = io.StringIO() - with redirect_stdout(f): - main(argparse.ArgumentParser()) - std_out = f.getvalue() - fp16_compression_message_found = get_compression_message() in std_out - assert fp16_compression_message_found diff --git a/tools/mo/unit_tests/moc_tf_fe/conversion_basic_models_test.py b/tools/mo/unit_tests/moc_tf_fe/conversion_basic_models_test.py index bf49176e5d04b0..f697c9ffbc67aa 100644 --- a/tools/mo/unit_tests/moc_tf_fe/conversion_basic_models_test.py +++ b/tools/mo/unit_tests/moc_tf_fe/conversion_basic_models_test.py @@ -40,272 +40,10 @@ def basic(self, input_model, argv_input, inputs, dtype, expected, freeze_placeho assert values.dtype == dtype assert np.allclose(values, expected) - @generate( - *[ - ( - "in1[1 4]->[1.0 2.0 3.0 4.0],in2[1 4]{f32}->[1.0 2.0 3.0 4.0]", - {}, - np.array([2.0, 4.0, 6.0, 8.0]), - np.float32, - ), - ( - "in2{f32}->[0.0 0.0 0.0 0.0]", - {"in1": np.array([[1.0, 2.0], [3.0, 4.0]])}, - np.array([[1.0, 2.0], [3.0, 4.0]]), - np.float32, - ), - ( - "in2->[1.0 15.0 15.5 1.0]", - {"in1": np.array([[2.0, 4.0], [12.0, 8.0]])}, - np.array([[3.0, 19.0], [27.5, 9.0]]), - np.float32, - ), - ( - "in1[1 4]{i32}->[1 2 3 4],in2[1 4]{i32}->[1 2 3 4]", - {}, - np.array([2.0, 4.0, 6.0, 8.0]), - np.int32, - ), - ], - ) - def test_fp32(self, input_freezing_value, inputs, expected, - dtype): - self.basic("model_fp32.pbtxt", input_freezing_value, inputs, dtype, expected) - - @generate( - *[ - ( - "in1[1 4]->[1 2 3 4],in2[1 4]{i32}->[1 2 3 4]", - {}, - np.array([1, 4, 9, 16]), - np.int32, - ), - ( - "in2->[2 5 6 7 3 2]", - {"in1": np.array([[2, 4, 1], [1, 2, 8]])}, - np.array([[4, 20, 6], [7, 6, 16]]), - np.int32, - ), - ], - ) - def test_int32(self, input_freezing_value, inputs, expected, - dtype=None): - self.basic("model_int32.pbtxt", input_freezing_value, inputs, dtype, expected) - - @generate( - *[ - ( - "in1[2]->[True False],in2[2]->[True True]", - {}, - np.array([True, False], dtype=bool), - bool, - ), - ( - "in2[2,3]->[True,True,False,True,True,False]", - {"in1": np.array([[False, True, True], [False, True, True]], dtype=bool)}, - np.array([[False, True, False], [False, True, False]], dtype=bool), - bool, - ), - ( - "in2[]->True", - {"in1": np.array([[False, True, True], [False, True, True]], dtype=bool)}, - np.array([[False, True, True], [False, True, True]], dtype=bool), - bool, - ), - ], - ) - def test_bool(self, input_freezing_value, inputs, expected, - dtype=None): - self.basic("model_bool.pbtxt", input_freezing_value, inputs, dtype, expected) - - @generate( - *[ - ( - "in1[3]->[1 2 3],in2[3]->[4 5 6],cond->False", - {}, - np.array([4, 5, 6], dtype=np.float32), - np.float32, - None - ), - ( - None, - {"in1": np.array([2.0, 4.0, 6.0], dtype=np.float32), - "in2": np.array([1.0, 3.0, 5.0], dtype=np.float32)}, - np.array([2, 4, 6], dtype=np.float32), - np.float32, - "cond->False", - None, - True # fill a bug to investigate why compilation of this model is hang on - ), - # case: input_shape + freeze_placeholder_with_value - ( - None, - {"in2": np.array([1.0, 3.0, 5.0], dtype=np.float32)}, - np.array([2, 4, 6], dtype=np.float32), - np.float32, - "in1->[2.0 4.0 6.0],cond->True", - "[3]", - False - ), - ], - ) - def test_bool2(self, input_freezing_value, inputs, expected, - dtype=None, freeze_placeholder_with_value=None, input_shape=None, only_conversion=False): - self.basic("model_bool2.pbtxt", input_freezing_value, inputs, dtype, expected, freeze_placeholder_with_value, - input_shape, only_conversion) - - @generate( - *[ - ( - "add:0[3],z", - {"add:0": np.array([4, 5, 6], dtype=np.float32), "z": np.array([1, 2, 3], dtype=np.float32)}, - np.array([4, 10, 18], dtype=np.float32), - np.float32, - None - ), - ( - "add:0{i32}[3],z{i32}", - {"add:0": np.array([4, 5, 6], dtype=np.int32), "z": np.array([1, 2, 3], dtype=np.int32)}, - np.array([4, 10, 18], dtype=np.int32), - np.int32, - None - ), - ], - ) - def test_cutting_fp32(self, input_freezing_value, inputs, expected, - dtype=None, freeze_placeholder_with_value=None, input_shape=None, only_conversion=False): - self.basic("model_three_inputs.pbtxt", input_freezing_value, inputs, dtype, expected, - freeze_placeholder_with_value, - input_shape, only_conversion, True) - - @generate( - *[ - ( - "x[1,4],y[4]", - {"x": np.array([[3, 2, 1, 5]], dtype=np.int32), "y": np.array([0, -1, -7, 8], dtype=np.int32)}, - np.array([[3, 1, -6, 13]], dtype=np.int32), - np.int32, - None - ), - ( - "x,y", - {"x": np.array([[-3, 20, 1]], dtype=np.int32), "y": np.array([[10, -11, -17]], dtype=np.int32)}, - np.array([[7, 9, -16]], dtype=np.int32), - np.int32, - None - ), - ( - "x", - {"x": np.array([[-3, 20, 1]], dtype=np.int32)}, - np.array([[-2, 22, 4], [1, 25, 7]], dtype=np.int32), - np.int32, - None - ), - ], - ) - def test_placeholder_with_default(self, inputs, inputs_data, expected, - dtype=None, freeze_placeholder_with_value=None, input_shape=None, - only_conversion=False): - self.basic("placeholder_with_default.pbtxt", inputs, inputs_data, dtype, expected, - freeze_placeholder_with_value, - input_shape, only_conversion, True) - - @generate( - *[ - ( - "x[4],y->2.0", - {"x": np.array([3, 2, 1, 5], dtype=np.float32)}, - np.array([6, 4, 2, 10], dtype=np.float32), - np.float32, - None - ), - ( - "x[1],y->[2.0,3.0]", - {"x": np.array([3], dtype=np.float32)}, - np.array([6, 9], dtype=np.float32), - np.float32, - None - ), - ], - ) - def test_freeze_placeholder_with_unknown_rank(self, inputs, inputs_data, expected, - dtype=None, freeze_placeholder_with_value=None, input_shape=None, - only_conversion=False): - self.basic("mul_with_unknown_rank_y.pbtxt", inputs, inputs_data, dtype, expected, - freeze_placeholder_with_value, - input_shape, only_conversion, True) - def test_conversion_failure_fallback_default(self): self.basic("ctc_model_based.pbtxt", None, None, None, None, None, None, True, True, False, False) - def test_conversion_failure_fallback_use_new_frontend(self): - with self.assertRaisesRegex(Exception, - "\[TensorFlow Frontend\] Internal error, no translator found for operation\(s\)\: " - "Enter\, Exit\, LoopCond\, Merge\, NextIteration\, Switch\, TensorArrayGatherV3\, " - "TensorArraySizeV3\, TensorArrayV3"): - self.basic("ctc_model_based.pbtxt", None, None, None, None, - None, None, True, True, True, False) - - @unittest.skip("88349: Fix auto-pruning in legacy FE") - def test_conversion_model_oneshot_iterator_use_legacy_frontend(self): - self.basic("model_oneshot_iterator.pbtxt", None, None, None, None, - None, None, True, True, False, True) - - def test_conversion_model_oneshot_iterator_default(self): - self.basic("model_oneshot_iterator.pbtxt", None, None, None, None, - None, None, True, True, False, False) - - @generate( - *[ - ( - "in2{f32}->[0.0 0.0 0.0 0.0]", - {"in1": np.array([[1.0, 2.0], [3.0, 4.0]])}, - np.array([[1.0, 2.0], [3.0, 4.0]]), - np.float32, - ), - ( - "in2->[1.0 15.0 15.5 1.0]", - {"in1": np.array([[2.0, 4.0], [12.0, 8.0]])}, - np.array([[3.0, 19.0], [27.5, 9.0]]), - np.float32, - ), - ], - ) - @unittest.skip("109220: Use generating script for this test model instead of Git LFS") - def test_conversion_model_with_non_standard_extension(self, input_freezing_value, inputs, expected, - dtype): - self.basic("model_fp32.frozen", input_freezing_value, inputs, dtype, expected, only_conversion=False, - input_model_is_text=False, use_new_frontend=True, - use_legacy_frontend=False) - - @unittest.skip("109220: Make TF FE to return the error") - def test_conversion_dir_model(self): - with self.assertRaisesRegex(Exception, - "Internal error or inconsistent input model: the frontend supports " - "only frozen binary protobuf format."): - self.basic(".", None, None, None, None, - only_conversion=True, input_model_is_text=False, use_new_frontend=True, - use_legacy_frontend=False) - - @generate( - *[ - ( - {"x": np.array([1, 2], dtype=np.int32), "y": np.array([4], dtype=np.int32)}, - np.array([-3, -2], dtype=np.int32), - np.int32, - ), - ( - {"x": np.array([20, 25], dtype=np.int32), "y": np.array([10], dtype=np.int32)}, - np.array([30, 35], dtype=np.int32), - np.int32, - ) - ], - ) - def test_conversion_pbtxt_model_with_inference(self, inputs, expected, dtype): - self.basic("model_with_if.pbtxt", None, inputs, dtype, expected, only_conversion=False, - input_model_is_text=False, use_new_frontend=True, use_legacy_frontend=False) - @generate( *[ # legacy frontend @@ -323,21 +61,6 @@ def test_conversion_pbtxt_model_with_inference(self, inputs, expected, dtype): np.array([0, 0], dtype=np.int32), np.int32, False, True, ), - # new frontend - ( - "model_add_with_undefined_constant.pbtxt", - "x[2,3]", - {"x": np.array([[12, 13, 10], [11, 14, 16]], dtype=np.float32)}, - np.array([[12, 13, 10], [11, 14, 16]], dtype=np.float32), - np.float32, True, False, - ), - ( - "model_mul_with_undefined_constant.pbtxt", - "x[2]", - {"x": np.array([11, -12], dtype=np.int32)}, - np.array([0, 0], dtype=np.int32), - np.int32, True, False, - ), ], ) def test_conversion_model_with_undefined_constant(self, model_name, argv_input, inputs, expected, dtype, diff --git a/tools/mo/unit_tests/moc_tf_fe/conversion_incorrect_models_test.py b/tools/mo/unit_tests/moc_tf_fe/conversion_incorrect_models_test.py index a9f2a4a4c4febf..e77b29eb87a61b 100644 --- a/tools/mo/unit_tests/moc_tf_fe/conversion_incorrect_models_test.py +++ b/tools/mo/unit_tests/moc_tf_fe/conversion_incorrect_models_test.py @@ -1,7 +1,6 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 -import os import tempfile import unittest @@ -9,38 +8,8 @@ from openvino.tools.mo.convert import convert_model - @generator class TestMoFreezePlaceholderTFFE(unittest.TestCase): - @generate( - *[ - # the default frontend - ( - False, False, None - ), - ( - False, False, "tf" - ), - # new frontend - ( - True, False, None - ), - ( - True, False, "tf" - ), - ], - ) - def test_conversion_fake_pb_model(self, use_new_frontend, use_legacy_frontend, framework): - with self.assertRaisesRegex(Exception, - "Internal error or inconsistent input model: the frontend supports frozen formats" - " \(.pb and .pbtxt\), SavedModel and MetaGraph \(.meta\), and v1 checkpoints."): - path = os.path.dirname(__file__) - input_model = os.path.join(path, "test_models", "fake.pb") - - convert_model(input_model, - use_new_frontend=use_new_frontend, use_legacy_frontend=use_legacy_frontend, - framework=framework) - @generate( *[ # the default frontend diff --git a/tools/ovc/CMakeLists.txt b/tools/ovc/CMakeLists.txt new file mode 100644 index 00000000000000..0d7f396c0ba026 --- /dev/null +++ b/tools/ovc/CMakeLists.txt @@ -0,0 +1,36 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 +# + +cmake_minimum_required (VERSION 3.13) + +project(OpenVINOConverter) + +# +# Packages & settings +# + +if(NOT DEFINED OpenVINO_SOURCE_DIR) + get_filename_component(OpenVINO_SOURCE_DIR "${CMAKE_CURRENT_SOURCE_DIR}/../.." REALPATH) +endif() + +if(NOT IEDevScripts_FOUND) + find_package(IEDevScripts REQUIRED + PATHS "${OpenVINO_SOURCE_DIR}/cmake/developer_package" + NO_CMAKE_FIND_ROOT_PATH + NO_DEFAULT_PATH) +endif() + +# +# Installation rules +# + +ov_get_pyversion(pyversion) +ov_cpack_add_component(${OV_CPACK_COMP_PYTHON_OPENVINO}_${pyversion} + HIDDEN) + +install(DIRECTORY ${OpenVINOConverter_SOURCE_DIR}/openvino + DESTINATION ${OV_CPACK_PYTHONDIR} + COMPONENT ${OV_CPACK_COMP_PYTHON_OPENVINO}_${pyversion} + ${OV_CPACK_COMP_PYTHON_OPENVINO_EXCLUDE_ALL} + USE_SOURCE_PERMISSIONS) diff --git a/tools/ovc/openvino/tools/ovc/__init__.py b/tools/ovc/openvino/tools/ovc/__init__.py new file mode 100644 index 00000000000000..5d5f94ac686b70 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/__init__.py @@ -0,0 +1,12 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +from openvino.tools.ovc.convert import convert_model, InputCutInfo, LayoutMap + +try: + import openvino.runtime + openvino.runtime.convert_model = convert_model + openvino.runtime.InputCutInfo = InputCutInfo + openvino.runtime.LayoutMap = LayoutMap +except: + pass \ No newline at end of file diff --git a/tools/ovc/openvino/tools/ovc/__main__.py b/tools/ovc/openvino/tools/ovc/__main__.py new file mode 100644 index 00000000000000..13bb809a6cf86c --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/__main__.py @@ -0,0 +1,10 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import sys + +from openvino.tools.ovc.telemetry_utils import init_mo_telemetry +from openvino.tools.ovc.main import main + +init_mo_telemetry() +sys.exit(main()) diff --git a/tools/ovc/openvino/tools/ovc/cli_parser.py b/tools/ovc/openvino/tools/ovc/cli_parser.py new file mode 100644 index 00000000000000..a3d7790182a4bd --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/cli_parser.py @@ -0,0 +1,2045 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import argparse +import ast +import logging as log +import os +import re +from collections import OrderedDict, namedtuple +from distutils.util import strtobool +from itertools import zip_longest +from pathlib import Path +from operator import xor +from typing import List, Union +import numbers +import inspect + +import numpy as np +from openvino.runtime import Layout, PartialShape, Dimension, Shape, Type + +import openvino +from openvino.tools.ovc.convert_data_type import destination_type_to_np_data_type +from openvino.tools.ovc.error import Error +from openvino.tools.ovc.utils import refer_to_faq_msg, get_mo_root_dir +from openvino.tools.ovc.help import get_convert_model_help_specifics, get_to_string_methods_for_params + + +def extension_path_to_str_or_extensions_class(extension): + if isinstance(extension, str): + return extension + elif isinstance(extension, Path): + return str(extension) + else: + # Return unknown object as is. + # The type of the object will be checked by frontend.add_extension() method + return extension + + +def transformations_config_to_str(value): + if value is None: + return value + return extension_path_to_str_or_extensions_class(value) + + +def extensions_to_str_or_extensions_class(extensions): + if extensions is None: + return None + extensions_list = [] + if isinstance(extensions, str): + extensions_list = extensions.split(',') + elif isinstance(extensions, list): + for ext in extensions: + ext = extension_path_to_str_or_extensions_class(ext) + extensions_list.append(ext) + else: + extensions_list = [extension_path_to_str_or_extensions_class(extensions)] + + for ext in extensions_list: + if isinstance(ext, str): + readable_file_or_dir(ext) + return extensions_list + + +def path_to_str(path): + if path is None: + return None + if isinstance(path, str): + return path + elif isinstance(path, Path): + return str(path) + else: + raise Exception("Incorrect type of {} expected str or Path, got {}".format(path, type(path))) + + +def path_to_str_or_object(value): + if value is None or isinstance(value, str): + return value + elif isinstance(value, Path): + return str(value) + else: + return value + + +def paths_to_str(paths): + if paths is None: + return None + if isinstance(paths, list): + paths_str = [] + for path in paths: + paths_str.append(path_to_str(path)) + return ','.join(paths_str) + else: + path_to_str(paths) + + +def str_list_to_str(values): + if values is None: + return None + if isinstance(values, str): + return values + elif isinstance(values, list): + for value in values: + if not isinstance(value, str): + raise Error("Incorrect argument. {} expected to string, got type {}.".format(value, type(value))) + return ','.join(values) + else: + raise Error("Incorrect argument. {} expected to string or list of strings, got type {}.".format(values, type(values))) + + +def is_shape_type(value): + if isinstance(value, PartialShape): + return True + if isinstance(value, Shape): + return True + if isinstance(value, list) or isinstance(value, tuple): + for dim in value: + if not (isinstance(dim, Dimension) or isinstance(dim, int)): + return False + return True + return False + + +def value_to_str(value, separator): + if isinstance(value, np.ndarray): + values = [] + for x in np.nditer(value): + values.append(str(x)) + return "[" + separator.join(values) + "]" + if isinstance(value, list): + values = [] + for x in value: + if not isinstance(x, numbers.Number): + raise Exception("Incorrect value type. Expected numeric value, got {}".format(type(x))) + values.append(str(x)) + return "[" + separator.join(values) + "]" + if isinstance(value, bool): + return "True" if value else "False" + raise Exception("Incorrect value type. Expected np.ndarray or list, got {}".format(type(value))) + + +def single_input_to_input_cut_info(input: [str, tuple, list, PartialShape, Type, type]): + """ + Parses parameters of single input to InputCutInfo. + :param input: input cut parameters of single input + :return: InputCutInfo + """ + if isinstance(input, str): + # Parse params from string + node_name, shape, value, data_type = parse_input_value(input) + return openvino.runtime.InputCutInfo(node_name, + PartialShape(shape) if shape is not None else None, + data_type, + value) + if isinstance(input, openvino.runtime.InputCutInfo): + # Wrap input.shape to PartialShape if possible and wrap to InputCutInfo + return openvino.runtime.InputCutInfo(input.name, + PartialShape(input.shape) if input.shape is not None else None, + input.type, + input.value) + if isinstance(input, (tuple, list, PartialShape)): + # If input represents list with shape, wrap it to list. Single PartialShape also goes to this condition. + # Check of all dimensions will be in is_shape_type(val) method below + if len(input) > 0 and isinstance(input[0], (int, Dimension)): + input = [input] + + # Check values of tuple or list and collect to InputCutInfo + name = None + inp_type = None + shape = None + for val in input: + if isinstance(val, str): + if name is not None: + raise Exception("More than one input name provided: {}".format(input)) + name = val + elif isinstance(val, (type, Type)): + if inp_type is not None: + raise Exception("More than one input type provided: {}".format(input)) + inp_type = val + elif is_shape_type(val): + if shape is not None: + raise Exception("More than one input shape provided: {}".format(input)) + shape = PartialShape(val) + else: + raise Exception("Incorrect input parameters provided. Expected tuple with input name, " + "input type or input shape. Got unknown object: {}".format(val)) + return openvino.runtime.InputCutInfo(name, + PartialShape(shape) if shape is not None else None, + inp_type, + None) + # Case when only type is set + if isinstance(input, (type, Type)): + return openvino.runtime.InputCutInfo(None, None, input, None) + + # We don't expect here single unnamed value. If list of int is set it is considered as shape. + # Setting of value is expected only using InputCutInfo or string analog. + + raise Exception("Unexpected object provided for input. Expected openvino.runtime.InputCutInfo " + "or tuple or str. Got {}".format(type(input))) + + +def input_to_input_cut_info(input: [str, tuple, list]): + """ + Parses 'input' to list of InputCutInfo. + :param input: input cut parameters passed by user + :return: list of InputCutInfo with input cut parameters + """ + if input is None: + return [] + if isinstance(input, str): + inputs = [] + # Split to list of string + for input_value in split_inputs(input): + + # Parse string with parameters for single input + node_name, shape, value, data_type = parse_input_value(input_value) + inputs.append(openvino.runtime.InputCutInfo(node_name, + PartialShape(shape) if shape is not None else None, + data_type, + value)) + return inputs + if isinstance(input, openvino.runtime.InputCutInfo): + # Wrap to list and return + return [input] + if isinstance(input, tuple): + # Case when input is single shape set in tuple + if len(input) > 0 and isinstance(input[0], (int, Dimension)): + input = [input] + # Case when input is set as tuple. Expected that it is always single input. + return [single_input_to_input_cut_info(input)] + if isinstance(input, list): + # Case when input is single shape set in list + if len(input) > 0 and isinstance(input[0], (int, Dimension)): + input = [input] + inputs = [] + # Case when input is set as list. Expected that it is list of params for different inputs. + for inp in input: + inputs.append(single_input_to_input_cut_info(inp)) + return inputs + # Case when single type or value is set, or unknown object + return [single_input_to_input_cut_info(input)] + + +def input_shape_to_input_cut_info(input_shape: [str, Shape, PartialShape, list, tuple], inputs: list): + """ + Parses 'input_shape' to list of PartialShape and updates 'inputs'. + :param input_shape: input shapes passed by user + :param inputs: list of InputCutInfo with information from 'input' parameter + """ + if input_shape is None: + return + if isinstance(input_shape, str): + # Split input_shape to list of string + input_shape = split_shapes(input_shape) + if isinstance(input_shape, (Shape, PartialShape)): + # Whap single shape to list + input_shape = [input_shape] + if isinstance(input_shape, (list, tuple)): + # Check case when single shape is passed as list or tuple + if len(input_shape) > 0 and isinstance(input_shape[0], (int, Dimension)): + input_shape = [input_shape] + + if len(inputs) > 0 and len(input_shape) > 0: + assert len(inputs) == len(input_shape), "Different numbers of inputs were specified in \"input\" parameter " \ + "and \"input_shapes\". \"input\" has {} items, \"input_shape\" has {} item.".format(len(inputs), len(input_shape)) + + # Update inputs with information from 'input_shape' + if len(inputs) > 0: + for idx, shape in enumerate(input_shape): + shape = PartialShape(shape) + assert inputs[idx].shape is None, "Shape was set in both \"input\" and in \"input_shape\" parameter." \ + "Please use either \"input\" or \"input_shape\" for shape setting." + inputs[idx] = openvino.runtime.InputCutInfo(inputs[idx].name, shape, inputs[idx].type, inputs[idx].value) + + else: + for shape in input_shape: + inputs.append(openvino.runtime.InputCutInfo(None, PartialShape(shape), None, None)) + return + + raise Exception("Unexpected object provided for input_shape. Expected PartialShape, Shape, tuple, list or str. " + "Got {}".format(type(input_shape))) + + +def freeze_placeholder_to_input_cut_info(argv_freeze_placeholder_with_value: str, inputs: list): + """ + Parses 'argv_freeze_placeholder_with_value' to dictionary and collects unnamed inputs from 'inputs' to list. + :param argv_freeze_placeholder_with_value: string set by user. + As it was planned to be deprecated no Python analogs were made. + :param inputs: list of InputCutInfo with information from 'input' parameter + :returns (placeholder_values, unnamed_placeholder_values), where + placeholder_values - dictionary where key is node name, value is node value, + unnamed_placeholder_values - list with unnamed node values + """ + # Parse argv_freeze_placeholder_with_value to dictionary with names and values + placeholder_values = parse_freeze_placeholder_values(argv_freeze_placeholder_with_value) + unnamed_placeholder_values = [] + + # Collect values for freezing from 'inputs' + if inputs is not None and len(inputs) > 0: + for input in inputs: + node_name = input.name + value = input.value + if value is None: + continue + # Check for value conflict + if node_name in placeholder_values and placeholder_values[node_name] != value: + raise Error("Overriding replacement value of the placeholder with name '{}': old value = {}, new value = {}" + ".".format(node_name, placeholder_values[node_name], value)) + if node_name is not None: + # Named input case, add to dictionary + placeholder_values[node_name] = value + else: + # Unnamed input case, add to list + unnamed_placeholder_values.append(value) + + return placeholder_values, unnamed_placeholder_values + + +def mean_scale_value_to_str(value): + # default empty value + if isinstance(value, tuple) and len(value) == 0: + return value + + if isinstance(value, str): + return value + if isinstance(value, dict): + values_str = [] + for op_name, val in value.items(): + if not isinstance(op_name, str): + raise Exception("Incorrect operation name type. Expected string, got {}".format(type(op_name))) + values_str.append(op_name + value_to_str(val, ",")) + return ",".join(values_str) + if isinstance(value, list) or isinstance(value, tuple): + list_of_lists = False + for val in value: + if isinstance(val, list) or isinstance(val, tuple): + list_of_lists = True + break + if list_of_lists: + values_str = [] + for val in value: + values_str.append(value_to_str(val, ",")) + return ",".join(values_str) + else: + return value_to_str(value, ",") + return value_to_str(value, ",") + + +def layout_to_str(layout): + if isinstance(layout, str): + return layout + if isinstance(layout, Layout): + return layout.to_string() + raise Exception("Incorrect layout type. Expected Layout or string or dictionary, " + "where key is operation name and value is layout or list of layouts, got {}".format(type(layout))) + + +def source_target_layout_to_str(value): + # default empty value + if isinstance(value, tuple) and len(value) == 0: + return value + + if isinstance(value, str): + return value + if isinstance(value, dict): + values_str = [] + for op_name, layout in value.items(): + if not isinstance(op_name, str): + raise Exception("Incorrect operation name type. Expected string, got {}".format(type(op_name))) + values_str.append(op_name + "(" + layout_to_str(layout) + ")") + return ",".join(values_str) + + return layout_to_str(value) + + +def layoutmap_to_str(value): + if isinstance(value, str): + return value + if isinstance(value, openvino.runtime.LayoutMap): + assert value.source_layout is not None, "Incorrect layout map. 'source_layout' should be set." + source_layout = layout_to_str(value.source_layout) + if value.target_layout is not None: + target_layout = layout_to_str(value.target_layout) + source_layout += "->" + target_layout + return source_layout + return layout_to_str(value) + + +def layout_param_to_str(value): + # default empty value + if isinstance(value, tuple) and len(value) == 0: + return value + + if isinstance(value, str): + return value + + if isinstance(value, dict): + values_str = [] + for op_name, layout in value.items(): + if not isinstance(op_name, str): + raise Exception("Incorrect operation name type. Expected string, got {}".format(type(op_name))) + values_str.append(op_name + "(" + layoutmap_to_str(layout) + ")") + return ",".join(values_str) + if isinstance(value, openvino.runtime.LayoutMap): + return layoutmap_to_str(value) + if isinstance(value, list) or isinstance(value, tuple): + values_str = [] + for layout in value: + values_str.append(layoutmap_to_str(layout)) + return ",".join(values_str) + + return layoutmap_to_str(value) + + +def batch_to_int(value): + if value is None or isinstance(value, int): + return value + if isinstance(value, Dimension): + if not value.is_static: + # TODO: Ticket 88676 + raise Exception("Dynamic batch for \"batch\" parameter is not supported.") + else: + return value.get_length() + raise Exception("Incorrect batch value. Expected int, got {}.".format(type(value))) + + +def transform_param_value_to_str(value): + # This function supports parsing of parameters of MakeStateful, LowLatency2, Pruning. + # If available transforms list is extended this method should be extended for new transforms. + if isinstance(value, str): + return value + if isinstance(value, bool): + return str(value) + if isinstance(value, dict): + # param_res_names dictionary for MakeStateful transform + values_str = [] + for input_name, output_name in value.items(): + assert isinstance(input_name, str), "Incorrect input name. " \ + "Expected string, got {}".format(type(input_name)) + assert isinstance(output_name, str), "Incorrect output name. " \ + "Expected string, got {}".format(type(output_name)) + values_str.append("\'{}\':\'{}\'".format(input_name, output_name)) + return "{" + ','.join(values_str) + "}" + raise Exception("Unknown parameter type.") + + +def transform_to_str(value): + from openvino.tools.ovc.moc_frontend.offline_transformations import get_available_transformations + + if isinstance(value, str): + return value + + if isinstance(value, tuple): + assert 1 <= len(value) <= 2, "Incorrect definition of transformation in transform argument: " \ + "expected two elements in tuple, provided {}. " \ + "Supported transforms are: {}".format( + len(value), + list(get_available_transformations().keys())) + transform_name = value[0] + assert isinstance(transform_name, str), "Incorrect transform name type. " \ + "Expected string, got {}".format(type(transform_name)) + if len(value) == 2: + params = value[1] + assert isinstance(params, dict), "Incorrect transform params type. " \ + "Expected dictionary, got {}".format(type(params)) + params_str_list = [] + for param_name, val in params.items(): + assert isinstance(param_name, str), "Incorrect transform parameter name type. " \ + "Expected string, got {}".format(type(param_name)) + val_str = transform_param_value_to_str(val) + params_str_list.append(param_name + "=" + val_str) + transform_name += '[' + ','.join(params_str_list) + ']' + return transform_name + raise Exception("Incorrect transform type. Expected tuple with transform name and " + "dictionary with transform parameters. Got object of type {}".format(type(value))) + + +def transform_param_to_str(value): + if value is None or isinstance(value, str): + return value + if isinstance(value, list): + transforms_str = [] + for transform in value: + transforms_str.append(transform_to_str(transform)) + return ','.join(transforms_str) + return transform_to_str(value) + + +ParamDescription = namedtuple("ParamData", + ["description", "cli_tool_description", "to_string"]) + + +def get_mo_convert_params(): + mo_convert_docs = openvino.runtime.convert_model.__doc__ + mo_convert_params = {} + group = "Optional parameters:" + mo_convert_params[group] = {} + + mo_convert_docs = mo_convert_docs[:mo_convert_docs.find('Returns:')] + + while len(mo_convert_docs) > 0: + param_idx1 = mo_convert_docs.find(":param") + if param_idx1 == -1: + break + param_idx2 = mo_convert_docs.find(":", param_idx1+1) + param_name = mo_convert_docs[param_idx1+len(':param '):param_idx2] + + param_description_idx = mo_convert_docs.find(":param", param_idx2+1) + param_description = mo_convert_docs[param_idx2+1: param_description_idx] + + group_name_idx = param_description.rfind('\n\n') + group_name = '' + if group_name_idx != -1: + group_name = param_description[group_name_idx:].strip() + + param_description = param_description[:group_name_idx] + param_description = param_description.strip() + + mo_convert_params[group][param_name] = ParamDescription(param_description, "", None) + + mo_convert_docs = mo_convert_docs[param_description_idx:] + + if group_name != '': + mo_convert_params[group_name] = {} + group = group_name + + # TODO: remove this when internal converting of params to string is removed + params_converted_to_string = get_to_string_methods_for_params() + + params_with_paths = get_params_with_paths_list() + cli_tool_specific_descriptions = get_convert_model_help_specifics() + + for group_name, param_group in mo_convert_params.items(): + for param_name, d in param_group.items(): + to_str_method = None + if param_name in params_converted_to_string: + to_str_method = params_converted_to_string[param_name] + elif param_name in params_with_paths: + to_str_method = path_to_str + + cli_tool_description = None + if param_name in cli_tool_specific_descriptions: + cli_tool_description = cli_tool_specific_descriptions[param_name] + + desc = ParamDescription(d.description, + cli_tool_description, + to_str_method) + mo_convert_params[group_name][param_name] = desc + + return mo_convert_params + + +class DeprecatedStoreTrue(argparse.Action): + def __init__(self, nargs=0, **kw): + super().__init__(nargs=nargs, **kw) + + def __call__(self, parser, namespace, values, option_string=None): + dep_msg = "Use of deprecated cli option {} detected. Option use in the following releases will be fatal. ".format(option_string) + if 'fusing' in option_string: + dep_msg += 'Please use --finegrain_fusing cli option instead' + log.error(dep_msg, extra={'is_warning': True}) + setattr(namespace, self.dest, True) + + +class DeprecatedOptionCommon(argparse.Action): + def __call__(self, parser, args, values, option_string): + dep_msg = "Use of deprecated cli option {} detected. Option use in the following releases will be fatal. ".format(option_string) + log.error(dep_msg, extra={'is_warning': True}) + setattr(args, self.dest, values) + + +class IgnoredAction(argparse.Action): + def __init__(self, nargs=0, **kw): + super().__init__(nargs=nargs, **kw) + + def __call__(self, parser, namespace, values, option_string=None): + dep_msg = "Use of removed cli option '{}' detected. The option is ignored. ".format(option_string) + log.error(dep_msg, extra={'is_warning': True}) + setattr(namespace, self.dest, True) + + +def canonicalize_and_check_paths(values: Union[str, List[str]], param_name, + try_mo_root=False, check_existence=True) -> List[str]: + if values is not None: + list_of_values = list() + if isinstance(values, str): + if values != "": + list_of_values = values.split(',') + elif isinstance(values, list): + list_of_values = values + else: + raise Error('Unsupported type of command line parameter "{}" value'.format(param_name)) + + if not check_existence: + return [get_absolute_path(path) for path in list_of_values] + + for idx, val in enumerate(list_of_values): + list_of_values[idx] = val + + error_msg = 'The value for command line parameter "{}" must be existing file/directory, ' \ + 'but "{}" does not exist.'.format(param_name, val) + if os.path.exists(val): + continue + elif not try_mo_root or val == '': + raise Error(error_msg) + elif try_mo_root: + path_from_mo_root = get_mo_root_dir() + '/ovc/' + val + list_of_values[idx] = path_from_mo_root + if not os.path.exists(path_from_mo_root): + raise Error(error_msg) + + return [get_absolute_path(path) for path in list_of_values] + + +class CanonicalizePathAction(argparse.Action): + """ + Expand user home directory paths and convert relative-paths to absolute. + """ + + def __call__(self, parser, namespace, values, option_string=None): + list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, + try_mo_root=False, check_existence=False) + setattr(namespace, self.dest, ','.join(list_of_paths)) + + +class CanonicalizeTransformationPathCheckExistenceAction(argparse.Action): + """ + Convert relative to the current and relative to mo root paths to absolute + and check specified file or directory existence. + """ + + def __call__(self, parser, namespace, values, option_string=None): + list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, + try_mo_root=True, check_existence=True) + setattr(namespace, self.dest, ','.join(list_of_paths)) + + +class CanonicalizePathCheckExistenceAction(argparse.Action): + """ + Expand user home directory paths and convert relative-paths to absolute and check specified file or directory + existence. + """ + + def __call__(self, parser, namespace, values, option_string=None): + list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, + try_mo_root=False, check_existence=True) + setattr(namespace, self.dest, ','.join(list_of_paths)) + + +class CanonicalizeExtensionsPathCheckExistenceAction(argparse.Action): + """ + Expand user home directory paths and convert relative-paths to absolute and check specified file or directory + existence. + """ + + def __call__(self, parser, namespace, values, option_string=None): + list_of_paths = canonicalize_and_check_paths(values, param_name=option_string, + try_mo_root=False, check_existence=True) + # Extensions paths are needed to be stored as list + setattr(namespace, self.dest, list_of_paths) + + +class CanonicalizePathCheckExistenceIfNeededAction(CanonicalizePathCheckExistenceAction): + + def __call__(self, parser, namespace, values, option_string=None): + if values is not None: + if isinstance(values, str): + if values != "": + super().__call__(parser, namespace, values, option_string) + else: + setattr(namespace, self.dest, values) + + +class DeprecatedCanonicalizePathCheckExistenceAction(CanonicalizePathCheckExistenceAction): + def __call__(self, parser, namespace, values, option_string=None): + dep_msg = "Use of deprecated cli option {} detected. Option use in the following releases will be fatal. ".format( + option_string) + log.error(dep_msg, extra={'is_warning': True}) + super().__call__(parser, namespace, values, option_string) + + +def readable_file(path: str): + """ + Check that specified path is a readable file. + :param path: path to check + :return: path if the file is readable + """ + if not os.path.isfile(path): + raise Error('The "{}" is not existing file'.format(path)) + elif not os.access(path, os.R_OK): + raise Error('The "{}" is not readable'.format(path)) + else: + return path + + +def readable_file_or_dir(path: str): + """ + Check that specified path is a readable file or directory. + :param path: path to check + :return: path if the file/directory is readable + """ + if not os.path.isfile(path) and not os.path.isdir(path): + raise Error('The "{}" is not existing file or directory'.format(path)) + elif not os.access(path, os.R_OK): + raise Error('The "{}" is not readable'.format(path)) + else: + return path + + +def readable_dirs(paths: str): + """ + Checks that comma separated list of paths are readable directories. + :param paths: comma separated list of paths. + :return: comma separated list of paths. + """ + paths_list = [readable_dir(path) for path in paths.split(',')] + return ','.join(paths_list) + + +def readable_dirs_or_empty(paths: str): + """ + Checks that comma separated list of paths are readable directories of if it is empty. + :param paths: comma separated list of paths. + :return: comma separated list of paths. + """ + if paths: + return readable_dirs(paths) + return paths + + +def readable_dirs_or_files_or_empty(paths: str): + """ + Checks that comma separated list of paths are readable directories, files or a provided path is empty. + :param paths: comma separated list of paths. + :return: comma separated list of paths. + """ + if paths: + paths_list = [readable_file_or_dir(path) for path in paths.split(',')] + return ','.join(paths_list) + return paths + + +def readable_dir(path: str): + """ + Check that specified path is a readable directory. + :param path: path to check + :return: path if the directory is readable + """ + if not os.path.isdir(path): + raise Error('The "{}" is not existing directory'.format(path)) + elif not os.access(path, os.R_OK): + raise Error('The "{}" is not readable'.format(path)) + else: + return path + + +def writable_dir(path: str): + """ + Checks that specified directory is writable. The directory may not exist but it's parent or grandparent must exist. + :param path: path to check that it is writable. + :return: path if it is writable + """ + if path is None: + raise Error('The directory parameter is None') + if os.path.exists(path): + if os.path.isdir(path): + if os.access(path, os.W_OK): + return path + else: + raise Error('The directory "{}" is not writable'.format(path)) + else: + raise Error('The "{}" is not a directory'.format(path)) + else: + cur_path = path + while os.path.dirname(cur_path) != cur_path: + if os.path.exists(cur_path): + break + cur_path = os.path.dirname(cur_path) + if cur_path == '': + cur_path = os.path.curdir + if os.access(cur_path, os.W_OK): + return path + else: + raise Error('The directory "{}" is not writable'.format(cur_path)) + + +def add_args_by_description(args_group, params_description): + signature = inspect.signature(openvino.runtime.convert_model) + filepath_args = get_params_with_paths_list() + cli_tool_specific_descriptions = get_convert_model_help_specifics() + for param_name, param_description in params_description.items(): + if param_name == 'help': + continue + cli_param_name = "--"+param_name + if cli_param_name not in args_group._option_string_actions: + # Get parameter specifics + param_specifics = cli_tool_specific_descriptions[param_name] if param_name in \ + cli_tool_specific_descriptions else {} + help_text = param_specifics['description'] if 'description' in param_specifics \ + else param_description.description + action = param_specifics['action'] if 'action' in param_specifics else None + param_type = param_specifics['type'] if 'type' in param_specifics else None + param_alias = param_specifics['aliases'] if 'aliases' in param_specifics else {} + param_version = param_specifics['version'] if 'version' in param_specifics else None + param_choices = param_specifics['choices'] if 'choices' in param_specifics else None + + # Bool params common setting + if signature.parameters[param_name].annotation == bool and param_name != 'version': + args_group.add_argument( + cli_param_name, *param_alias, + type=check_bool if param_type is None else param_type, + nargs="?", + const=True, + help=help_text, + default=signature.parameters[param_name].default) + # File paths common setting + elif param_name in filepath_args: + action = action if action is not None else CanonicalizePathCheckExistenceAction + args_group.add_argument( + cli_param_name, *param_alias, + type=str if param_type is None else param_type, + action=action, + help=help_text, + default=signature.parameters[param_name].default) + # Other params + else: + additional_params = {} + if param_version is not None: + additional_params['version'] = param_version + if param_type is not None: + additional_params['type'] = param_type + if param_choices is not None: + additional_params['choices'] = param_choices + args_group.add_argument( + cli_param_name, *param_alias, + help=help_text, + default=signature.parameters[param_name].default, + action=action, + **additional_params + ) + + +def get_common_cli_parser(parser: argparse.ArgumentParser = None): + if not parser: + parser = argparse.ArgumentParser() + common_group = parser.add_argument_group('Framework-agnostic parameters') + mo_convert_params = get_mo_convert_params() + mo_convert_params_common = mo_convert_params['Framework-agnostic parameters:'] + + # Command line tool specific params + common_group.add_argument('--model_name', '-n', + help='Model_name parameter passed to the final create_ir transform. ' + + 'This parameter is used to name ' + + 'a network in a generated IR and output .xml/.bin files.') + common_group.add_argument('--output_dir', '-o', + help='Directory that stores the generated IR. ' + + 'By default, it is the directory from where the Model Conversion is launched.', + default=get_absolute_path('.'), + action=CanonicalizePathAction, + type=writable_dir) + + # Deprecated params + common_group.add_argument('--freeze_placeholder_with_value', + help='Replaces input layer with constant node with ' + 'provided value, for example: "node_name->True". ' + 'It will be DEPRECATED in future releases. ' + 'Use "input" option to specify a value for freezing.', + default=None) + common_group.add_argument('--static_shape', + help='Enables IR generation for fixed input shape (folding `ShapeOf` operations and ' + 'shape-calculating sub-graphs to `Constant`). Changing model input shape using ' + 'the OpenVINO Runtime API in runtime may fail for such an IR.', + action='store_true', default=False) + common_group.add_argument("--use_new_frontend", + help='Force the usage of new Frontend for model conversion into IR. ' + 'The new Frontend is C++ based and is available for ONNX* and PaddlePaddle* models. ' + 'Model Conversion API uses new Frontend for ONNX* and PaddlePaddle* by default that means ' + '`use_new_frontend` and `use_legacy_frontend` options are not specified.', + action='store_true', default=False) + common_group.add_argument("--use_legacy_frontend", + help='Force the usage of legacy Frontend for model conversion into IR. ' + 'The legacy Frontend is Python based and is available for TensorFlow*, ONNX*, MXNet*, ' + 'Caffe*, and Kaldi* models.', + action='store_true', default=False) + add_args_by_description(common_group, mo_convert_params_common) + return parser + + +def get_common_cli_options(model_name): + d = OrderedDict() + d['input_model'] = '- Path to the Input Model' + d['output_dir'] = ['- Path for generated IR', lambda x: x if x != '.' else os.getcwd()] + d['model_name'] = ['- IR output name', lambda x: x if x else model_name] + d['log_level'] = '- Log level' + d['batch'] = ['- Batch', lambda x: x if x else 'Not specified, inherited from the model'] + d['input'] = ['- Input layers', lambda x: x if x else 'Not specified, inherited from the model'] + d['output'] = ['- Output layers', lambda x: x if x else 'Not specified, inherited from the model'] + d['input_shape'] = ['- Input shapes', lambda x: x if x else 'Not specified, inherited from the model'] + d['source_layout'] = ['- Source layout', lambda x: x if x else 'Not specified'] + d['target_layout'] = ['- Target layout', lambda x: x if x else 'Not specified'] + d['layout'] = ['- Layout', lambda x: x if x else 'Not specified'] + d['mean_values'] = ['- Mean values', lambda x: x if x else 'Not specified'] + d['scale_values'] = ['- Scale values', lambda x: x if x else 'Not specified'] + d['scale'] = ['- Scale factor', lambda x: x if x else 'Not specified'] + d['transform'] = ['- User transformations', lambda x: x if x else 'Not specified'] + d['reverse_input_channels'] = '- Reverse input channels' + d['static_shape'] = '- Enable IR generation for fixed input shape' + d['transformations_config'] = '- Use the transformations config file' + return d + + +def get_advanced_cli_options(): + d = OrderedDict() + d['use_legacy_frontend'] = '- Force the usage of legacy Frontend for model conversion into IR' + d['use_new_frontend'] = '- Force the usage of new Frontend for model conversion into IR' + return d + + +def get_caffe_cli_options(): + d = { + 'input_proto': ['- Path to the Input prototxt', lambda x: x], + 'caffe_parser_path': ['- Path to Python Caffe* parser generated from caffe.proto', lambda x: x], + 'k': '- Path to CustomLayersMapping.xml', + } + + return OrderedDict(sorted(d.items(), key=lambda t: t[0])) + + +def get_tf_cli_options(): + d = { + 'input_model_is_text': '- Input model in text protobuf format', + 'tensorflow_custom_operations_config_update': '- Update the configuration file with input/output node names', + 'tensorflow_object_detection_api_pipeline_config': '- Use configuration file used to generate the model with ' + 'Object Detection API', + 'tensorflow_custom_layer_libraries': '- List of shared libraries with TensorFlow custom layers implementation', + 'tensorboard_logdir': '- Path to model dump for TensorBoard' + } + + return OrderedDict(sorted(d.items(), key=lambda t: t[0])) + + +def get_mxnet_cli_options(): + d = { + 'input_symbol': '- Deploy-ready symbol file', + 'nd_prefix_name': '- Prefix name for args.nd and argx.nd files', + 'pretrained_model_name': '- Pretrained model to be merged with the .nd files', + 'save_params_from_nd': '- Enable saving built parameters file from .nd files', + 'legacy_mxnet_model': '- Enable MXNet loader for models trained with MXNet version lower than 1.0.0', + } + + return OrderedDict(sorted(d.items(), key=lambda t: t[0])) + + +def get_kaldi_cli_options(): + d = { + 'counts': '- A file name with full path to the counts file or empty string if you want to use counts from model', + 'remove_output_softmax': '- Removes the SoftMax layer that is the output layer', + 'remove_memory': '- Removes the Memory layer and use additional inputs and outputs instead' + } + + return OrderedDict(sorted(d.items(), key=lambda t: t[0])) + + +def get_onnx_cli_options(): + d = { + } + + return OrderedDict(sorted(d.items(), key=lambda t: t[0])) + + +def get_params_with_paths_list(): + return ['input_model', 'output_dir', 'caffe_parser_path', 'extensions', 'k', 'output_dir', + 'input_checkpoint', 'input_meta_graph', 'input_proto', 'input_symbol', + 'pretrained_model_name', 'saved_model_dir', 'tensorboard_logdir', + 'tensorflow_custom_layer_libraries', 'tensorflow_custom_operations_config_update', + 'tensorflow_object_detection_api_pipeline_config', + 'transformations_config'] + + +def get_caffe_cli_parser(parser: argparse.ArgumentParser = None): + """ + Specifies cli arguments for Model Conversion for Caffe* + + Returns + ------- + ArgumentParser instance + """ + if not parser: + parser = argparse.ArgumentParser(usage='%(prog)s [options]') + get_common_cli_parser(parser=parser) + + caffe_group = parser.add_argument_group('Caffe*-specific parameters') + mo_convert_params_caffe = get_mo_convert_params()['Caffe*-specific parameters:'] + add_args_by_description(caffe_group, mo_convert_params_caffe) + return parser + + +def get_tf_cli_parser(parser: argparse.ArgumentParser = None): + """ + Specifies cli arguments for Model Conversion for TF + + Returns + ------- + ArgumentParser instance + """ + if not parser: + parser = argparse.ArgumentParser(usage='%(prog)s [options]') + get_common_cli_parser(parser=parser) + mo_convert_params_tf = get_mo_convert_params()['TensorFlow*-specific parameters:'] + + tf_group = parser.add_argument_group('TensorFlow*-specific parameters') + add_args_by_description(tf_group, mo_convert_params_tf) + return parser + + +def get_mxnet_cli_parser(parser: argparse.ArgumentParser = None): + """ + Specifies cli arguments for Model Conversion for MXNet* + + Returns + ------- + ArgumentParser instance + """ + if not parser: + parser = argparse.ArgumentParser(usage='%(prog)s [options]') + get_common_cli_parser(parser=parser) + + mx_group = parser.add_argument_group('MXNet-specific parameters') + mo_convert_params_mxnet = get_mo_convert_params()['MXNet-specific parameters:'] + add_args_by_description(mx_group, mo_convert_params_mxnet) + + return parser + + +def get_kaldi_cli_parser(parser: argparse.ArgumentParser = None): + """ + Specifies cli arguments for Model Conversion for MXNet* + + Returns + ------- + ArgumentParser instance + """ + if not parser: + parser = argparse.ArgumentParser(usage='%(prog)s [options]') + get_common_cli_parser(parser=parser) + + kaldi_group = parser.add_argument_group('Kaldi-specific parameters') + mo_convert_params_kaldi = get_mo_convert_params()['Kaldi-specific parameters:'] + add_args_by_description(kaldi_group, mo_convert_params_kaldi) + return parser + + +def get_onnx_cli_parser(parser: argparse.ArgumentParser = None): + """ + Specifies cli arguments for Model Conversion for ONNX + + Returns + ------- + ArgumentParser instance + """ + if not parser: + parser = argparse.ArgumentParser(usage='%(prog)s [options]') + get_common_cli_parser(parser=parser) + + return parser + + +def get_all_cli_parser(): + """ + Specifies cli arguments for Model Conversion + + Returns + ------- + ArgumentParser instance + """ + parser = argparse.ArgumentParser(usage='%(prog)s [options]') + mo_convert_params_optional = get_mo_convert_params()['Optional parameters:'] + add_args_by_description(parser, mo_convert_params_optional) + + get_common_cli_parser(parser=parser) + get_tf_cli_parser(parser=parser) + get_caffe_cli_parser(parser=parser) + get_mxnet_cli_parser(parser=parser) + get_kaldi_cli_parser(parser=parser) + get_onnx_cli_parser(parser=parser) + + return parser + + +def remove_data_type_from_input_value(input_value: str): + """ + Removes the type specification from the input string. The type specification is a string enclosed with curly braces. + :param input_value: string passed as input to the "input" command line parameter + :return: string without type specification + """ + return re.sub(r'\{.*\}', '', input_value) + + +def get_data_type_from_input_value(input_value: str): + """ + Returns the numpy data type corresponding to the data type specified in the input value string + :param input_value: string passed as input to the "input" command line parameter + :return: the corresponding numpy data type and None if the data type is not specified in the input value + """ + data_type_match = re.match(r'.*\{(.*)\}.*', input_value) + return destination_type_to_np_data_type(data_type_match.group(1)) if data_type_match is not None else None + + +def remove_shape_from_input_value(input_value: str): + """ + Removes the shape specification from the input string. The shape specification is a string enclosed with square + brackets. + :param input_value: string passed as input to the "input" command line parameter + :return: string without shape specification + """ + assert '->' not in input_value, 'The function should not be called for input_value with constant value specified' + return re.sub(r'[(\[]([0-9\.?, -]*)[)\]]', '', input_value) + + +def get_shape_from_input_value(input_value: str): + """ + Returns PartialShape corresponding to the shape specified in the input value string + :param input_value: string passed as input to the "input" command line parameter + :return: the corresponding shape and None if the shape is not specified in the input value + """ + # remove the tensor value from the input_value first + input_value = input_value.split('->')[0] + + # parse shape + shape = re.findall(r'[(\[]([0-9\.\?, -]*)[)\]]', input_value) + if len(shape) == 0: + shape = None + elif len(shape) == 1 and shape[0] in ['', ' ']: + # this shape corresponds to scalar + shape = PartialShape([]) + elif len(shape) == 1: + dims = re.split(r', *| +', shape[0]) + dims = list(filter(None, dims)) + shape = PartialShape([Dimension(dim) for dim in dims]) + else: + raise Error("Wrong syntax to specify shape. Use \"input\" " + "\"node_name[shape]->value\"") + return shape + + +def get_node_name_with_port_from_input_value(input_value: str): + """ + Returns the node name (optionally with input/output port) from the input value + :param input_value: string passed as input to the "input" command line parameter + :return: the corresponding node name with input/output port + """ + return remove_shape_from_input_value(remove_data_type_from_input_value(input_value.split('->')[0])) + + +def get_value_from_input_value(input_value: str): + """ + Returns the value from the input value string + :param input_value: string passed as input to the "input" command line parameter + :return: the corresponding value or None if it is not specified + """ + parts = input_value.split('->') + value = None + if len(parts) == 2: + value = parts[1] + if value[0] == '[' and value[-1] != ']' or value[0] != '[' and value[-1] == ']': + raise Error("Wrong syntax to specify value. Use \"input\"=\"node_name[shape]->value\"") + if '[' in value.strip(' '): + value = value.replace('[', '').replace(']', '') + if ',' in value: + value = value.replace(' ', '') + value = value.split(',') + else: + value = value.split(' ') + if not isinstance(value, list): + value = ast.literal_eval(value) + elif len(parts) > 2: + raise Error("Wrong syntax to specify value. Use \"input\"=\"node_name[shape]->value\"") + return value + + +def partial_shape_prod(shape: [PartialShape, tuple]): + assert not (isinstance(shape, PartialShape) and shape.is_dynamic), \ + "Unable to calculate prod for dynamic shape {}.".format(shape) + + prod = 1 + for dim in shape: + prod *= dim.get_min_length() + return prod + + +def parse_input_value(input_value: str): + """ + Parses a value of the "input" command line parameter and gets a node name, shape and value. + The node name includes a port if it is specified. + Shape and value is equal to None if they are not specified. + Parameters + ---------- + input_value + string with a specified node name, shape, value and data_type. + E.g. 'node_name:0[4]{fp32}->[1.0 2.0 3.0 4.0]' + + Returns + ------- + Node name, shape, value, data type + E.g. 'node_name:0', '4', [1.0 2.0 3.0 4.0], np.float32 + """ + data_type = get_data_type_from_input_value(input_value) + node_name = get_node_name_with_port_from_input_value(input_value) + value = get_value_from_input_value(input_value) + shape = get_shape_from_input_value(input_value) + value_size = np.prod(len(value)) if isinstance(value, list) else 1 + + if value is not None and shape is not None: + for dim in shape: + if isinstance(dim, Dimension) and dim.is_dynamic: + raise Error("Cannot freeze input with dynamic shape: {}".format(shape)) + + if shape is not None and value is not None and partial_shape_prod(shape) != value_size: + raise Error("The shape '{}' of the input node '{}' does not correspond to the number of elements '{}' in the " + "value: {}".format(shape, node_name, value_size, value)) + return node_name, shape, value, data_type + + +def split_str_avoiding_square_brackets(s: str) -> list: + """ + Splits a string by comma, but skips commas inside square brackets. + :param s: string to split + :return: list of strings split by comma + """ + res = list() + skipping = 0 + last_idx = 0 + for i, c in enumerate(s): + if c == '[': + skipping += 1 + elif c == ']': + skipping -= 1 + elif c == ',' and skipping == 0: + res.append(s[last_idx:i]) + last_idx = i + 1 + res.append(s[last_idx:]) + return res + + +def split_layouts_by_arrow(s: str) -> tuple: + """ + Splits a layout string by first arrow (->). + :param s: string to split + :return: tuple containing source and target layouts + """ + arrow = s.find('->') + if arrow != -1: + source_layout = s[:arrow] + target_layout = s[arrow + 2:] + if source_layout == '': + source_layout = None + if target_layout == '': + target_layout = None + return source_layout, target_layout + else: + return s, None + + +def validate_layout(layout: str): + """ + Checks if layout is of valid format. + :param layout: string containing layout + :raises: if layout is incorrect + """ + error_msg = 'Invalid layout parsed: {}'.format(layout) + if layout: + incorrect_brackets = xor(layout[0] == '[', layout[-1] == ']') + if incorrect_brackets or layout[-1] == '-': + error_msg += ', did you forget quotes?' + else: + valid_layout_re = re.compile(r'\[?[^\[\]\(\)\-\s]*\]?') + if valid_layout_re.fullmatch(layout): + return + raise Error(error_msg) + + +def write_found_layout(name: str, found_layout: str, parsed: dict, dest: str = None): + """ + Writes found layout data to the 'parsed' dict. + :param name: name of the node to add layout + :param found_layout: string containing layout for the node + :param parsed: dict where result will be stored + :param dest: type of the command line: + * 'source' is "source_layout" + * 'target' is "target_layout" + * None is "layout" + """ + s_layout = None + t_layout = None + if name in parsed: + s_layout = parsed[name]['source_layout'] + t_layout = parsed[name]['target_layout'] + if dest == 'source': + s_layout = found_layout + elif dest == 'target': + t_layout = found_layout + else: + s_layout, t_layout = split_layouts_by_arrow(found_layout) + validate_layout(s_layout) + validate_layout(t_layout) + parsed[name] = {'source_layout': s_layout, 'target_layout': t_layout} + + +def write_found_layout_list(idx: int, found_layout: str, parsed: list, dest: str = None): + """ + Writes found layout data to the 'parsed' dict. + :param idx: idx of of the node to add layout + :param found_layout: string containing layout for the node + :param parsed: list where result will be stored + :param dest: type of the command line: + * 'source' is "source_layout" + * 'target' is "target_layout" + * None is "layout" + """ + s_layout = None + t_layout = None + if idx < len(parsed): + s_layout = parsed[idx]['source_layout'] + t_layout = parsed[idx]['target_layout'] + if dest == 'source': + s_layout = found_layout + elif dest == 'target': + t_layout = found_layout + else: + s_layout, t_layout = split_layouts_by_arrow(found_layout) + validate_layout(s_layout) + validate_layout(t_layout) + + if idx < len(parsed): + parsed[idx] = {'source_layout': s_layout, 'target_layout': t_layout} + else: + parsed.append({'source_layout': s_layout, 'target_layout': t_layout}) + + +def parse_layouts_by_destination(s: str, parsed: dict, parsed_list: list, dest: str = None) -> None: + """ + Parses layout command line to get all names and layouts from it. Adds all found data in the 'parsed' dict. + :param s: string to parse + :param parsed: dict where result will be stored + :param dest: type of the command line: + * 'source' is "source_layout" + * 'target' is "target_layout" + * None is "layout" + """ + list_s = split_str_avoiding_square_brackets(s) + if len(list_s) == 1 and (list_s[0][-1] not in ')]' or (list_s[0][0] == '[' and list_s[0][-1] == ']')): + # single layout case + write_found_layout('', list_s[0], parsed, dest) + else: + for idx, layout_str in enumerate(list_s): + # case for: "name1(nhwc->[n,c,h,w])" + p1 = re.compile(r'([^\[\]\(\)]*)\((\S+)\)') + m1 = p1.match(layout_str) + # case for: "name1[n,h,w,c]->[n,c,h,w]" + p2 = re.compile(r'([^\[\]\(\)]*)(\[\S*\])') + m2 = p2.match(layout_str) + if m1: + found_g = m1.groups() + elif m2: + found_g = m2.groups() + else: + # case for layout without name + write_found_layout_list(idx, layout_str, parsed_list, dest) + continue + if len(found_g[0]) > 0: + write_found_layout(found_g[0], found_g[1], parsed, dest) + else: + write_found_layout_list(idx, found_g[1], parsed_list, dest) + + +def get_layout_values(argv_layout: str = '', argv_source_layout: str = '', argv_target_layout: str = ''): + """ + Parses layout string. + :param argv_layout: string with a list of layouts passed as a "layout". + :param argv_source_layout: string with a list of layouts passed as a "source_layout". + :param argv_target_layout: string with a list of layouts passed as a "target_layout". + :return: dict with names and layouts associated + """ + if argv_layout and (argv_source_layout or argv_target_layout): + raise Error("\"layout\" is used as well as \"source_layout\" and/or \"target_layout\" which is not allowed, please " + "use one of them.") + res = {} + res_list = [] + if argv_layout: + parse_layouts_by_destination(argv_layout, res, res_list) + if argv_source_layout: + parse_layouts_by_destination(argv_source_layout, res, res_list, 'source') + if argv_target_layout: + parse_layouts_by_destination(argv_target_layout, res, res_list, 'target') + if len(res) > 0 and len(res_list) > 0: + raise Error("Some layout values are provided with names, and some without names. " + "Please provide ether all layouts with names or all layouts without names.") + if len(res) > 0: + return res + else: + return res_list + + +def parse_freeze_placeholder_values(argv_freeze_placeholder_with_value: str): + """ + Parses parse_freeze_placeholder_values string. + :param argv_freeze_placeholder_with_value: string information on freezing placeholders + :return: dictionary where key is node name, value is node value. + """ + placeholder_values = {} + if argv_freeze_placeholder_with_value is not None: + for plh_with_value in argv_freeze_placeholder_with_value.split(','): + plh_with_value = plh_with_value.split('->') + if len(plh_with_value) != 2: + raise Error("Wrong replacement syntax. Use \"freeze_placeholder_with_value\" " + "\"node1_name->value1,node2_name->value2\"") + node_name = plh_with_value[0] + value = plh_with_value[1] + if node_name in placeholder_values and placeholder_values[node_name] != value: + raise Error("Overriding replacement value of the placeholder with name '{}': old value = {}, new value = {}" + ".".format(node_name, placeholder_values[node_name], value)) + if '[' in value.strip(' '): + value = value.replace('[', '').replace(']', '').split(' ') + placeholder_values[node_name] = value + return placeholder_values + + +def get_freeze_placeholder_values(argv_input: str, argv_freeze_placeholder_with_value: str): + """ + Parses values for placeholder freezing and input node names + + Parameters + ---------- + argv_input + string with a list of input layers: either an empty string, or strings separated with comma. + 'node_name1[shape1]->value1,node_name2[shape2]->value2,...' + argv_freeze_placeholder_with_value + string with a list of input shapes: either an empty string, or tuples separated with comma. + 'placeholder_name1->value1, placeholder_name2->value2,...' + + Returns + ------- + parsed placeholders with values for freezing + input nodes cleaned from shape info + """ + placeholder_values = parse_freeze_placeholder_values(argv_freeze_placeholder_with_value) + input_node_names = None + + if argv_input is not None: + input_node_names = '' + # walkthrough all input values and save values for freezing + for input_value in split_inputs(argv_input): + node_name, _, value, _ = parse_input_value(input_value) + input_node_names = input_node_names + ',' + node_name if input_node_names != '' else node_name + if value is None: # no value is specified for freezing + continue + if node_name in placeholder_values and placeholder_values[node_name] != value: + raise Error("Overriding replacement value of the placeholder with name '{}': old value = {}, new value = {}" + ".".format(node_name, placeholder_values[node_name], value)) + placeholder_values[node_name] = value + + return placeholder_values, input_node_names + + +def split_inputs(input_str): + brakets_count = 0 + inputs = [] + while input_str: + idx = 0 + for c in input_str: + if c == '[': + brakets_count += 1 + if c == ']': + brakets_count -= 1 + if c == ',': + if brakets_count != 0: + idx += 1 + continue + else: + break + idx += 1 + if idx >= len(input_str)-1: + inputs.append(input_str) + break + inputs.append(input_str[:idx]) + input_str = input_str[idx+1:] + return inputs + + + +def split_shapes(argv_input_shape: str): + range_reg = r'([0-9]*\.\.[0-9]*)' + first_digit_reg = r'([0-9 ]+|-1|\?|{})'.format(range_reg) + next_digits_reg = r'(,{})*'.format(first_digit_reg) + tuple_reg = r'((\({}{}\))|(\[{}{}\]))'.format(first_digit_reg, next_digits_reg, + first_digit_reg, next_digits_reg) + + full_reg = r'^{}(\s*,\s*{})*$|^$'.format(tuple_reg, tuple_reg) + if not re.match(full_reg, argv_input_shape): + raise Error('Input shape "{}" cannot be parsed. ' + refer_to_faq_msg(57), argv_input_shape) + return re.findall(r'[(\[]([0-9,\.\? -]+)[)\]]', argv_input_shape) + +def get_placeholder_shapes(argv_input: str, argv_input_shape: str, argv_batch=None): + """ + Parses input layers names and input shapes from the cli and returns the parsed object. + All shapes are specified only through one command line option either "input" or "input_shape". + + Parameters + ---------- + argv_input + string with a list of input layers: either an empty string, or strings separated with comma. + E.g. 'inp1,inp2', 'node_name1[shape1]->value1,node_name2[shape2]->value2' + argv_input_shape + string with a list of input shapes: either an empty string, or tuples separated with comma. + E.g. '[1,2],[3,4]'. + Only positive integers are accepted. + '?' marks dynamic dimension. + Partial shape is specified with ellipsis. E.g. '[1..10,2,3]' + argv_batch + integer that overrides batch size in input shape + + Returns + ------- + parsed shapes in form of {'name of input':tuple} if names of inputs are provided with shapes + parsed shapes in form of {'name of input':None} if names of inputs are provided without shapes + tuple if only one shape is provided and no input name + None if neither shape nor input were provided + """ + if argv_input_shape and argv_batch: + raise Error("Both \"input_shape\" and \"batch\" were provided. Please provide only one of them. " + + refer_to_faq_msg(56)) + + # attempt to extract shapes from "input" parameters + placeholder_shapes = dict() + placeholder_data_types = dict() + are_shapes_specified_through_input = False + inputs_list = list() + if argv_input: + for input_value in split_inputs(argv_input): + node_name, shape, _, data_type = parse_input_value(input_value) + placeholder_shapes[node_name] = shape + inputs_list.append(node_name) + if data_type is not None: + placeholder_data_types[node_name] = data_type + if shape is not None: + are_shapes_specified_through_input = True + + if argv_input_shape and are_shapes_specified_through_input: + raise Error("Shapes are specified using both \"input\" and \"input_shape\" command-line parameters, but only one " + "parameter is allowed.") + + if argv_batch and are_shapes_specified_through_input: + raise Error("Shapes are specified using both \"input\" and \"batch\" command-line parameters, but only one " + "parameter is allowed.") + + if are_shapes_specified_through_input: + return inputs_list, placeholder_shapes, placeholder_data_types + + shapes = list() + inputs = list() + inputs_list = list() + placeholder_shapes = None + + + if argv_input_shape: + shapes = split_shapes(argv_input_shape) + + if argv_input: + inputs = split_inputs(argv_input) + inputs = [remove_data_type_from_input_value(inp) for inp in inputs] + + # check number of shapes with no input provided + if argv_input_shape and not argv_input: + placeholder_shapes = [PartialShape(shape) for shape in shapes] + if len(placeholder_shapes) == 1: + placeholder_shapes = PartialShape(placeholder_shapes[0]) + # check if number of shapes does not match number of passed inputs + elif argv_input and (len(shapes) == len(inputs) or len(shapes) == 0): + # clean inputs from values for freezing + inputs_without_value = list(map(lambda x: x.split('->')[0], inputs)) + placeholder_shapes = dict(zip_longest(inputs_without_value, + map(lambda x: PartialShape(x) if x else None, shapes))) + for inp in inputs: + if '->' not in inp: + inputs_list.append(inp) + continue + shape = placeholder_shapes[inp.split('->')[0]] + inputs_list.append(inp.split('->')[0]) + + if shape is None: + continue + for dim in shape: + if isinstance(dim, Dimension) and not dim.is_static: + raise Error("Cannot freeze input with dynamic shape: {}".format(shape)) + + elif argv_input: + raise Error('Please provide each input layers with an input layer shape. ' + refer_to_faq_msg(58)) + + return inputs_list, placeholder_shapes, placeholder_data_types + + +def parse_tuple_pairs(argv_values: str): + """ + Gets mean/scale values from the given string parameter + Parameters + ---------- + argv_values + string with a specified input name and list of mean values: either an empty string, or a tuple + in a form [] or (). + E.g. 'data(1,2,3)' means 1 for the RED channel, 2 for the GREEN channel, 3 for the BLUE channel for the data + input layer, or tuple of values in a form [] or () if input is specified separately, e.g. (1,2,3),[4,5,6]. + + Returns + ------- + dictionary with input name and tuple of values or list of values if mean/scale value is specified with input, + e.g.: + "data(10,20,30),info(11,22,33)" -> { 'data': [10,20,30], 'info': [11,22,33] } + "(10,20,30),(11,22,33)" -> [mo_array(10,20,30), mo_array(11,22,33)] + """ + res = {} + if not argv_values: + return res + + matches = [m for m in re.finditer(r'[(\[]([0-9., -]+)[)\]]', argv_values, re.IGNORECASE)] + + error_msg = 'Mean/scale values should consist of name and values specified in round or square brackets ' \ + 'separated by comma, e.g. data(1,2,3),info[2,3,4],egg[255] or data(1,2,3). Or just plain set of ' \ + 'values without names: (1,2,3),(2,3,4) or [1,2,3],[2,3,4].' + refer_to_faq_msg(101) + if not matches: + raise Error(error_msg, argv_values) + + name_start_idx = 0 + name_was_present = False + for idx, match in enumerate(matches): + input_name = argv_values[name_start_idx:match.start(0)] + name_start_idx = match.end(0) + 1 + tuple_value = np.fromstring(match.groups()[0], dtype=float, sep=',') + + if idx != 0 and (name_was_present ^ bool(input_name)): + # if node name firstly was specified and then subsequently not or vice versa + # e.g. (255),input[127] or input(255),[127] + raise Error(error_msg, argv_values) + + name_was_present = True if input_name != "" else False + if name_was_present: + res[input_name] = tuple_value + else: + res[idx] = tuple_value + + if not name_was_present: + # return a list instead of a dictionary + res = sorted(res.values(), key=lambda v: v[0]) + return res + + +def get_tuple_values(argv_values: str or tuple, num_exp_values: int = 3, t=float or int): + """ + Gets mean values from the given string parameter + Args: + argv_values: string with list of mean values: either an empty string, or a tuple in a form [] or (). + E.g. '(1,2,3)' means 1 for the RED channel, 2 for the GREEN channel, 4 for the BLUE channel. + t: either float or int + num_exp_values: number of values in tuple + + Returns: + tuple of values + """ + + digit_reg = r'(-?[0-9. ]+)' if t == float else r'(-?[0-9 ]+)' + + assert num_exp_values > 1, 'Can not parse tuple of size 1' + content = r'{0}\s*,{1}\s*{0}'.format(digit_reg, (digit_reg + ',') * (num_exp_values - 2)) + tuple_reg = r'((\({0}\))|(\[{0}\]))'.format(content) + + if isinstance(argv_values, tuple) and not len(argv_values): + return argv_values + + if not len(argv_values) or not re.match(tuple_reg, argv_values): + raise Error('Values "{}" cannot be parsed. ' + + refer_to_faq_msg(59), argv_values) + + mean_values_matches = re.findall(r'[(\[]([0-9., -]+)[)\]]', argv_values) + + for mean in mean_values_matches: + if len(mean.split(',')) != num_exp_values: + raise Error('{} channels are expected for given values. ' + + refer_to_faq_msg(60), num_exp_values) + + return mean_values_matches + + +def split_node_in_port(node_id: str): + """Split node_id in form port:node to separate node and port, where port is converted to int""" + if isinstance(node_id, str): + separator = ':' + parts = node_id.split(separator) + if len(parts) > 1: + if parts[0].isdigit(): + node_name = separator.join(parts[1:]) + try: + port = int(parts[0]) + return node_name, port + except ValueError as err: + log.warning('Didn\'t recognize port:node format for "{}" because port is not an integer.'.format( + node_id)) + else: + node_name = separator.join(parts[:-1]) + try: + port = int(parts[-1]) + return node_name, port + except ValueError as err: + log.warning('Didn\'t recognize node:port format for "{}" because port is not an integer.'.format( + node_id)) + + return node_id, None + + +def get_mean_scale_dictionary(mean_values, scale_values, argv_input: list): + """ + This function takes mean_values and scale_values, checks and processes them into convenient structure + + Parameters + ---------- + mean_values dictionary, contains input name and mean values passed py user (e.g. {data: np.array[102.4, 122.1, 113.9]}), + or list containing values (e.g. np.array[102.4, 122.1, 113.9]) + scale_values dictionary, contains input name and scale values passed py user (e.g. {data: np.array[102.4, 122.1, 113.9]}) + or list containing values (e.g. np.array[102.4, 122.1, 113.9]) + + Returns + ------- + The function returns a dictionary e.g. + mean = { 'data': np.array, 'info': np.array }, scale = { 'data': np.array, 'info': np.array }, input = "data, info" -> + { 'data': { 'mean': np.array, 'scale': np.array }, 'info': { 'mean': np.array, 'scale': np.array } } + + """ + res = {} + # collect input names + if argv_input: + inputs = [get_node_name_with_port_from_input_value(input_value) for input_value in split_inputs(argv_input)] + else: + inputs = [] + if type(mean_values) is dict: + inputs = list(mean_values.keys()) + if type(scale_values) is dict: + for name in scale_values.keys(): + if name not in inputs: + inputs.append(name) + + # create unified object containing both mean and scale for input + if type(mean_values) is dict and type(scale_values) is dict: + if not mean_values and not scale_values: + return res + + for inp_scale in scale_values.keys(): + if inp_scale not in inputs: + raise Error("Specified scale_values name '{}' do not match to any of inputs: {}. " + "Please set 'scale_values' that correspond to values from input.".format(inp_scale, inputs)) + + for inp_mean in mean_values.keys(): + if inp_mean not in inputs: + raise Error("Specified mean_values name '{}' do not match to any of inputs: {}. " + "Please set 'mean_values' that correspond to values from input.".format(inp_mean, inputs)) + + for inp in inputs: + inp, port = split_node_in_port(inp) + if inp in mean_values or inp in scale_values: + res.update( + { + inp: { + 'mean': + mean_values[inp] if inp in mean_values else None, + 'scale': + scale_values[inp] if inp in scale_values else None + } + } + ) + return res + + # user specified input and mean/scale separately - we should return dictionary + if inputs: + if mean_values and scale_values: + if len(inputs) != len(mean_values): + raise Error('Numbers of inputs and mean values do not match. ' + + refer_to_faq_msg(61)) + if len(inputs) != len(scale_values): + raise Error('Numbers of inputs and scale values do not match. ' + + refer_to_faq_msg(62)) + + data = list(zip(mean_values, scale_values)) + + for i in range(len(data)): + res.update( + { + inputs[i]: { + 'mean': + data[i][0], + 'scale': + data[i][1], + + } + } + ) + return res + # only mean value specified + if mean_values: + data = list(mean_values) + for i in range(len(data)): + res.update( + { + inputs[i]: { + 'mean': + data[i], + 'scale': + None + + } + } + ) + return res + + # only scale value specified + if scale_values: + data = list(scale_values) + for i in range(len(data)): + res.update( + { + inputs[i]: { + 'mean': + None, + 'scale': + data[i] + + } + } + ) + return res + # mean and/or scale are specified without inputs + return list(zip_longest(mean_values, scale_values)) + + +def get_model_name(path_input_model: str) -> str: + """ + Deduces model name by a given path to the input model + Args: + path_input_model: path to the input model + + Returns: + name of the output IR + """ + parsed_name, extension = os.path.splitext(os.path.basename(path_input_model)) + return 'model' if parsed_name.startswith('.') or len(parsed_name) == 0 else parsed_name + + +def get_model_name_from_args(argv: argparse.Namespace): + model_name = "" + if hasattr(argv, 'model_name'): + if argv.model_name: + model_name = argv.model_name + elif argv.input_model: + model_name = get_model_name(argv.input_model) + elif argv.saved_model_dir: + model_name = "saved_model" + elif argv.input_meta_graph: + model_name = get_model_name(argv.input_meta_graph) + elif argv.input_symbol: + model_name = get_model_name(argv.input_symbol) + argv.model_name = model_name + return model_name + + +def get_absolute_path(path_to_file: str) -> str: + """ + Deduces absolute path of the file by a given path to the file + Args: + path_to_file: path to the file + + Returns: + absolute path of the file + """ + file_path = os.path.expanduser(path_to_file) + if not os.path.isabs(file_path): + file_path = os.path.join(os.getcwd(), file_path) + return file_path + + +def isfloat(value): + try: + float(value) + return True + except ValueError: + return False + + +def isbool(value): + try: + strtobool(value) + return True + except ValueError: + return False + + +def isdict(value): + try: + evaluated = ast.literal_eval(value) + return isinstance(evaluated, dict) + except ValueError: + return False + + +def convert_string_to_real_type(value: str): + if isdict(value): + return ast.literal_eval(value) + + values = value.split(',') + for i in range(len(values)): + value = values[i] + if value.isdigit(): + values[i] = int(value) + elif isfloat(value): + values[i] = float(value) + elif isbool(value): + values[i] = strtobool(value) + + return values[0] if len(values) == 1 else values + + +def parse_transform(transform: str) -> list: + transforms = [] + + if len(transform) == 0: + return transforms + + all_transforms = re.findall(r"([a-zA-Z0-9]+)(\[([^\]]+)\])*(,|$)", transform) + + # Check that all characters were matched otherwise transform key value is invalid + key_len = len(transform) + for transform in all_transforms: + # In regexp we have 4 groups where 1st group - transformation_name, + # 2nd group - [args], + # 3rd group - args, <-- nested group + # 4th group - EOL + # And to check that regexp matched all string we decrease total length by the length of matched groups (1,2,4) + # In case if no arguments were given to transformation then 2nd and 3rd groups will be empty. + if len(transform) != 4: + raise Error("Unexpected transform key structure: {}".format(transform)) + key_len -= len(transform[0]) + len(transform[1]) + len(transform[3]) + + if key_len != 0: + raise Error("Unexpected transform key structure: {}".format(transform)) + + for transform in all_transforms: + name = transform[0] + args = transform[2] + + args_dict = {} + + if len(args) != 0: + for arg in args.split(';'): + m = re.match(r"^([_a-zA-Z]+)=(.+)$", arg) + if not m: + raise Error("Unrecognized attributes for transform key: {}".format(transform)) + + args_dict[m.group(1)] = convert_string_to_real_type(m.group(2)) + + transforms.append((name, args_dict)) + + return transforms + + +def check_available_transforms(transforms: list): + """ + This function check that transformations specified by user are available. + :param transforms: list of user specified transformations + :return: raises an Error if transformation is not available + """ + from openvino.tools.ovc.moc_frontend.offline_transformations import get_available_transformations + available_transforms = get_available_transformations() + + missing_transformations = [] + for name, _ in transforms: + if name not in available_transforms.keys(): + missing_transformations.append(name) + + if len(missing_transformations) != 0: + raise Error('Following transformations ({}) are not available. ' + 'List with available transformations ({})'.format(','.join(missing_transformations), + ','.join(available_transforms.keys()))) + return True + + +def check_positive(value): + try: + int_value = int(value) + if int_value <= 0: + raise ValueError + except ValueError: + raise argparse.ArgumentTypeError("expected a positive integer value") + + return int_value + + +def check_bool(value): + if isinstance(value, bool): + return value + elif isinstance(value, str): + if value.lower() not in ['true', 'false']: + raise argparse.ArgumentTypeError("expected a True/False value") + return value.lower() == 'true' + else: + raise argparse.ArgumentTypeError("expected a bool or str type") + + +def depersonalize(value: str, key: str): + dir_keys = [ + 'output_dir', 'extensions', 'saved_model_dir', 'tensorboard_logdir', 'caffe_parser_path' + ] + if isinstance(value, list): + updated_value = [] + for elem in value: + updated_value.append(depersonalize(elem, key)) + return updated_value + + if not isinstance(value, str): + return value + res = [] + for path in value.split(','): + if os.path.isdir(path) and key in dir_keys: + res.append('DIR') + elif os.path.isfile(path): + res.append(os.path.join('DIR', os.path.split(path)[1])) + else: + res.append(path) + return ','.join(res) + +def get_available_front_ends(fem=None): + # Use this function as workaround to avoid IR frontend usage by MO + if fem is None: + return [] + available_moc_front_ends = fem.get_available_front_ends() + if 'ir' in available_moc_front_ends: + available_moc_front_ends.remove('ir') + + return available_moc_front_ends diff --git a/tools/ovc/openvino/tools/ovc/convert.py b/tools/ovc/openvino/tools/ovc/convert.py new file mode 100644 index 00000000000000..6d46d006e8aace --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/convert.py @@ -0,0 +1,366 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import os +import pathlib +from collections import namedtuple +from typing import Any + +from openvino.runtime import PartialShape, Shape, Layout, Model + +from openvino.tools.ovc.convert_impl import _convert +from openvino.tools.ovc.logger import get_logger_state, restore_logger_state +from openvino.tools.ovc.cli_parser import get_all_cli_parser + +InputCutInfo = namedtuple("InputInfo", ["name", "shape", "type", "value"], defaults=[None, None, None, None]) +LayoutMap = namedtuple("LayoutMap", ["source_layout", "target_layout"], defaults=[None, None]) + + +def convert_model( + input_model: [str, pathlib.Path, Any] = None, + + # Optional parameters + help: bool = False, + framework: [str] = None, + + # Framework-agnostic parameters + input: [str, list, tuple, InputCutInfo] = None, + output: [str, list] = None, + input_shape: [str, PartialShape, Shape, list] = None, + example_input: Any = None, + batch: int = None, + mean_values: [str, dict, list] = (), + scale_values: [str, dict, list] = (), + scale: [str, float] = None, + reverse_input_channels: bool = False, + source_layout: [str, Layout, dict] = (), + target_layout: [str, Layout, dict] = (), + layout: [str, Layout, LayoutMap, list, dict] = (), + compress_to_fp16: bool = False, + extensions: [str, pathlib.Path, list, Any] = None, + transform: [str, list, tuple] = "", + transformations_config: [str, pathlib.Path] = None, + silent: bool = True, + log_level: str = 'ERROR', + version: bool = None, + progress: bool = False, + stream_output: bool = False, + + # PaddlePaddle-specific parameters: + example_output: Any = None, + + # TensorFlow*-specific parameters + input_model_is_text: bool = None, + input_checkpoint: [str, pathlib.Path] = None, + input_meta_graph: [str, pathlib.Path] = None, + saved_model_dir: [str, pathlib.Path] = None, + saved_model_tags: [str, list] = None, + tensorflow_custom_operations_config_update: [str, pathlib.Path] = None, + tensorflow_object_detection_api_pipeline_config: [str, pathlib.Path] = None, + tensorboard_logdir: [str, pathlib.Path] = None, + tensorflow_custom_layer_libraries: [str, pathlib.Path] = None, + + # MXNet-specific parameters: + input_symbol: [str, pathlib.Path] = None, + nd_prefix_name: str = None, + pretrained_model_name: str = None, + save_params_from_nd: bool = None, + legacy_mxnet_model: bool = None, + enable_ssd_gluoncv: bool = False, + + # Caffe*-specific parameters: + input_proto: [str, pathlib.Path] = None, + caffe_parser_path: [str, pathlib.Path] = None, + k: [str, pathlib.Path] = None, + disable_omitting_optional: bool = False, + enable_flattening_nested_params: bool = False, + + # Kaldi-specific parameters: + counts: [str, pathlib.Path] = None, + remove_output_softmax: bool = False, + remove_memory: bool = False, + + **args +) -> Model: + """ + Converts the model from original framework to OpenVino Model. + + Args: + :param help: + Print available parameters. + :param framework: + Name of the framework used to train the input model. + + Framework-agnostic parameters: + :param input_model: + Model object in original framework (PyTorch, Tensorflow) or path to model file. + Tensorflow*: a file with a pre-trained model (binary or text .pb file after freezing). + Caffe*: a model proto file with model weights + + Supported formats of input model: + + PaddlePaddle + paddle.hapi.model.Model + paddle.fluid.dygraph.layers.Layer + paddle.fluid.executor.Executor + + PyTorch + torch.nn.Module + torch.jit.ScriptModule + torch.jit.ScriptFunction + + TF + tf.compat.v1.Graph + tf.compat.v1.GraphDef + tf.compat.v1.wrap_function + tf.compat.v1.session + + TF2 / Keras + tf.keras.Model + tf.keras.layers.Layer + tf.function + tf.Module + tf.train.checkpoint + + :param input: + Input can be set by passing a list of InputCutInfo objects or by a list + of tuples. Each tuple can contain optionally input name, input + type or input shape. Example: input=("op_name", PartialShape([-1, + 3, 100, 100]), Type(np.float32)). Alternatively input can be set by + a string or list of strings of the following format. Quoted list of comma-separated + input nodes names with shapes, data types, and values for freezing. + If operation names are specified, the order of inputs in converted + model will be the same as order of specified operation names (applicable for TF2, ONNX, MxNet). + The shape and value are specified as comma-separated lists. The data type of input node is specified + in braces and can have one of the values: f64 (float64), f32 (float32), f16 (float16), i64 + (int64), i32 (int32), u8 (uint8), boolean (bool). Data type is optional. + If it's not specified explicitly then there are two options: if input + node is a parameter, data type is taken from the original node dtype, + if input node is not a parameter, data type is set to f32. Example, to set + `input_1` with shape [1,100], and Parameter node `sequence_len` with + scalar input with value `150`, and boolean input `is_training` with + `False` value use the following format: "input_1[1,100],sequence_len->150,is_training->False". + Another example, use the following format to set input port 0 of the node + `node_name1` with the shape [3,4] as an input node and freeze output + port 1 of the node `node_name2` with the value [20,15] of the int32 type + and shape [2]: "0:node_name1[3,4],node_name2:1[2]{i32}->[20,15]". + :param output: + The name of the output operation of the model or list of names. For TensorFlow*, + do not add :0 to this name.The order of outputs in converted model is the + same as order of specified operation names. + :param input_shape: + Input shape(s) that should be fed to an input node(s) of the model. Input + shapes can be defined by passing a list of objects of type PartialShape, + Shape, [Dimension, ...] or [int, ...] or by a string of the following + format. Shape is defined as a comma-separated list of integer numbers + enclosed in parentheses or square brackets, for example [1,3,227,227] + or (1,227,227,3), where the order of dimensions depends on the framework + input layout of the model. For example, [N,C,H,W] is used for ONNX* models + and [N,H,W,C] for TensorFlow* models. The shape can contain undefined + dimensions (? or -1) and should fit the dimensions defined in the input + operation of the graph. Boundaries of undefined dimension can be specified + with ellipsis, for example [1,1..10,128,128]. One boundary can be + undefined, for example [1,..100] or [1,3,1..,1..]. If there are multiple + inputs in the model, "input_shape" should contain definition of shape + for each input separated by a comma, for example: [1,3,227,227],[2,4] + for a model with two inputs with 4D and 2D shapes. Alternatively, specify + shapes with the "input" option. + :param example_input: + Sample of model input in original framework. + For PyTorch it can be torch.Tensor. + For Tensorflow it can be tf.Tensor or numpy.ndarray. + For PaddlePaddle it can be Paddle Variable. + :param batch: + Set batch size. It applies to 1D or higher dimension inputs. + The default dimension index for the batch is zero. + Use a label 'n' in "layout" or "source_layout" option to set the batch dimension. + For example, "x(hwnc)" defines the third dimension to be the batch. + :param mean_values: + Mean values to be used for the input image per channel. Mean values can + be set by passing a dictionary, where key is input name and value is mean + value. For example mean_values={'data':[255,255,255],'info':[255,255,255]}. + Or mean values can be set by a string of the following format. Values to + be provided in the (R,G,B) or [R,G,B] format. Can be defined for desired + input of the model, for example: mean_values="data[255,255,255],info[255,255,255]". + The exact meaning and order of channels depend on how the original model + was trained. + :param scale_values: + Scale values to be used for the input image per channel. Scale values + can be set by passing a dictionary, where key is input name and value is + scale value. For example scale_values={'data':[255,255,255],'info':[255,255,255]}. + Or scale values can be set by a string of the following format. Values + are provided in the (R,G,B) or [R,G,B] format. Can be defined for desired + input of the model, for example: scale_values="data[255,255,255],info[255,255,255]". + The exact meaning and order of channels depend on how the original model + was trained. If both "mean_values" and "scale_values" are specified, + the mean is subtracted first and then scale is applied regardless of + the order of options in command line. + :param scale: + All input values coming from original network inputs will be divided + by this value. When a list of inputs is overridden by the "input" parameter, + this scale is not applied for any input that does not match with the original + input of the model. If both "mean_values" and "scale" are specified, + the mean is subtracted first and then scale is applied regardless of + the order of options in command line. + :param reverse_input_channels: + Switch the input channels order from RGB to BGR (or vice versa). Applied + to original inputs of the model if and only if a number of channels equals + 3. When "mean_values"/"scale_values" are also specified, reversing + of channels will be applied to user's input data first, so that numbers + in "mean_values" and "scale_values" go in the order of channels used + in the original model. In other words, if both options are specified, + then the data flow in the model looks as following: Parameter -> ReverseInputChannels + -> Mean apply-> Scale apply -> the original body of the model. + :param source_layout: + Layout of the input or output of the model in the framework. Layout can + be set by passing a dictionary, where key is input name and value is LayoutMap + object. Or layout can be set by string of the following format. Layout + can be specified in the short form, e.g. nhwc, or in complex form, e.g. + "[n,h,w,c]". Example for many names: "in_name1([n,h,w,c]),in_name2(nc),out_name1(n),out_name2(nc)". + Layout can be partially defined, "?" can be used to specify undefined + layout for one dimension, "..." can be used to specify undefined layout + for multiple dimensions, for example "?c??", "nc...", "n...c", etc. + :param target_layout: + Same as "source_layout", but specifies target layout that will be in + the model after processing by ModelOptimizer. + :param layout: + Combination of "source_layout" and "target_layout". Can't be used + with either of them. If model has one input it is sufficient to specify + layout of this input, for example "layout" nhwc. To specify layouts + of many tensors, names must be provided, for example: layout="name1(nchw),name2(nc)". + It is possible to instruct ModelOptimizer to change layout, for example: + layout="name1(nhwc->nchw),name2(cn->nc)". + Also "*" in long layout form can be used to fuse dimensions, for example "[n,c,...]->[n*c,...]". + :param compress_to_fp16: + If the original model has FP32 weights or biases, they are compressed + to FP16. All intermediate data is kept in original precision. Option + can be specified alone as "compress_to_fp16", or explicit True/False + values can be set, for example: "compress_to_fp16=False", or "compress_to_fp16=True" + :param extensions: + Paths to libraries (.so or .dll) with extensions, comma-separated + list of paths, objects derived from BaseExtension class or lists of + objects. For the legacy MO path (if "use_legacy_frontend" is used), + a directory or a comma-separated list of directories with extensions + are supported. To disable all extensions including those that are placed + at the default location, pass an empty string. + :param transform: + Apply additional transformations. 'transform' can be set by a list + of tuples, where the first element is transform name and the second element + is transform parameters. For example: [('LowLatency2', {{'use_const_initializer': + False}}), ...] transform="transformation_name1[args],transformation_name2..." + where [args] is key=value pairs separated by semicolon. Examples: + transform="LowLatency2" or + transform="Pruning" or + transform="LowLatency2[use_const_initializer=False]" or + transform="MakeStateful[param_res_names= + {'input_name_1':'output_name_1','input_name_2':'output_name_2'}]" + Available transformations: "LowLatency2", "MakeStateful", "Pruning" + :param transformations_config: + Use the configuration file with transformations description or pass + object derived from BaseExtension class. Transformations file can + be specified as relative path from the current directory, as absolute + path or as relative path from the mo root directory. + :param silent: + Prevent any output messages except those that correspond to log level + equals ERROR, that can be set with the following option: "log_level". + By default, log level is already ERROR. + :param log_level: + Logger level of logging massages from MO. + Expected one of ['CRITICAL', 'ERROR', 'WARN', 'WARNING', 'INFO', 'DEBUG', 'NOTSET']. + :param version: + Version of Model Conversion API + :param progress: + Enable model conversion progress display. + :param stream_output: + Switch model conversion progress display to a multiline mode. + + PaddlePaddle-specific parameters: + :param example_output: + Sample of model output in original framework. For PaddlePaddle it can be Paddle Variable. + + TensorFlow*-specific parameters: + :param input_model_is_text: + TensorFlow*: treat the input model file as a text protobuf format. If + not specified, the convert_model() treats it as a binary file by default. + :param input_checkpoint: + TensorFlow*: variables file to load. + :param input_meta_graph: + Tensorflow*: a file with a meta-graph of the model before freezing + :param saved_model_dir: + TensorFlow*: directory with a model in SavedModel format of TensorFlow + 1.x or 2.x version. + :param saved_model_tags: + Group of tag(s) of the MetaGraphDef to load, in string format, separated + by ','. For tag-set contains multiple tags, all tags must be passed in. + :param tensorflow_custom_operations_config_update: + TensorFlow*: update the configuration file with node name patterns + with input/output nodes information. + :param tensorflow_object_detection_api_pipeline_config: + TensorFlow*: path to the pipeline configuration file used to generate + model created with help of Object Detection API. + :param tensorboard_logdir: + TensorFlow*: dump the input graph to a given directory that should be + used with TensorBoard. + :param tensorflow_custom_layer_libraries: + TensorFlow*: comma separated list of shared libraries with TensorFlow* + custom operations implementation. + + MXNet-specific parameters: + :param input_symbol: + Symbol file (for example, model-symbol.json) that contains a topology + structure and layer attributes + :param nd_prefix_name: + Prefix name for args.nd and argx.nd files. + :param pretrained_model_name: + Name of a pretrained MXNet model without extension and epoch number. + This model will be merged with args.nd and argx.nd files + :param save_params_from_nd: + Enable saving built parameters file from .nd files + :param legacy_mxnet_model: + Enable MXNet loader to make a model compatible with the latest MXNet + version. Use only if your model was trained with MXNet version lower + than 1.0.0 + :param enable_ssd_gluoncv: + Enable pattern matchers replacers for converting gluoncv ssd topologies. + + Caffe*-specific parameters: + :param input_proto: + Deploy-ready prototxt file that contains a topology structure and + layer attributes + :param caffe_parser_path: + Path to Python Caffe* parser generated from caffe.proto + :param k: + Path to CustomLayersMapping.xml to register custom layers + :param disable_omitting_optional: + Disable omitting optional attributes to be used for custom layers. + Use this option if you want to transfer all attributes of a custom layer + to IR. Default behavior is to transfer the attributes with default values + and the attributes defined by the user to IR. + :param enable_flattening_nested_params: + Enable flattening optional params to be used for custom layers. Use + this option if you want to transfer attributes of a custom layer to IR + with flattened nested parameters. Default behavior is to transfer + the attributes without flattening nested parameters. + + Kaldi-specific parameters: + :param counts: + Path to the counts file + :param remove_output_softmax: + Removes the SoftMax layer that is the output layer + :param remove_memory: + Removes the Memory layer and use additional inputs outputs instead + + Returns: + openvino.runtime.Model + """ + params = locals() + logger_state = get_logger_state() + del params['args'] + params.update(args) + cli_parser = get_all_cli_parser() + ov_model, _ = _convert(cli_parser, params, True) + restore_logger_state(logger_state) + return ov_model diff --git a/tools/ovc/openvino/tools/ovc/convert_data_type.py b/tools/ovc/openvino/tools/ovc/convert_data_type.py new file mode 100644 index 00000000000000..d34787c115bd60 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/convert_data_type.py @@ -0,0 +1,92 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import numpy as np + +from openvino.tools.ovc.error import Error + +""" +Packed data of custom types are stored in numpy uint8 data type. +To distinguish true uint8 and custom data we introduce this class not to store, +but to have unique data type in SUPPORTED_DATA_TYPES map +""" + + +class packed_U1(np.generic): + pass + + +class packed_U4(np.generic): + pass + + +class packed_I4(np.generic): + pass + + +SUPPORTED_DATA_TYPES = { + 'float': (np.float32, 'FP32', 'f32'), + 'half': (np.float16, 'FP16', 'f16'), + 'FP32': (np.float32, 'FP32', 'f32'), + 'FP64': (np.float64, 'FP64', 'f64'), + 'FP16': (np.float16, 'FP16', 'f16'), + 'I32': (np.int32, 'I32', 'i32'), + 'I64': (np.int64, 'I64', 'i64'), + 'int8': (np.int8, 'I8', 'i8'), + 'int32': (np.int32, 'I32', 'i32'), + 'int64': (np.int64, 'I64', 'i64'), + 'bool': (bool, 'BOOL', 'boolean'), + 'uint8': (np.uint8, 'U8', 'u8'), + 'uint32': (np.uint32, 'U32', 'u32'), + 'uint64': (np.uint64, 'U64', 'u64'), + + # custom types + 'U1': (packed_U1, 'U1', 'u1'), + 'int4': (packed_I4, 'I4', 'i4'), + 'uint4': (packed_U4, 'U4', 'u4'), + 'I4': (packed_I4, 'I4', 'i4'), + 'U4': (packed_U4, 'U4', 'u4'), +} + + +def data_type_str_to_np(data_type_str: str): + return SUPPORTED_DATA_TYPES[data_type_str][0] if data_type_str in SUPPORTED_DATA_TYPES else None + + +def data_type_str_to_precision(data_type_str: str): + return SUPPORTED_DATA_TYPES[data_type_str][1] if data_type_str in SUPPORTED_DATA_TYPES else None + + +def data_type_str_to_destination_type(data_type_str: str): + return SUPPORTED_DATA_TYPES[data_type_str][2] if data_type_str in SUPPORTED_DATA_TYPES else None + + +def np_data_type_to_precision(np_data_type): + for np_t, precision, _ in SUPPORTED_DATA_TYPES.values(): + if np_t == np_data_type: + return precision + raise Error('Data type "{}" is not supported'.format(np_data_type)) + + +def np_data_type_to_destination_type(np_data_type): + for np_t, _, destination_type in SUPPORTED_DATA_TYPES.values(): + if np_t == np_data_type: + return destination_type + raise Error('Data type "{}" is not supported'.format(np_data_type)) + + +def destination_type_to_np_data_type(dst_type): + for np_t, _, destination_type in SUPPORTED_DATA_TYPES.values(): + if destination_type == dst_type: + return np_t + raise Error('Destination type "{}" is not supported'.format(dst_type)) + + +def precision_to_destination_type(data_type_str): + for _, precision, destination_type in SUPPORTED_DATA_TYPES.values(): + if precision == data_type_str: + return destination_type + raise Error('Data type "{}" is not supported'.format(data_type_str)) diff --git a/tools/ovc/openvino/tools/ovc/convert_impl.py b/tools/ovc/openvino/tools/ovc/convert_impl.py new file mode 100644 index 00000000000000..2f8a63a2d531c6 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/convert_impl.py @@ -0,0 +1,831 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import argparse +import datetime +import logging as log +import os +import sys +import traceback +from collections import OrderedDict +from pathlib import Path + +try: + import openvino_telemetry as tm +except ImportError: + import openvino.tools.ovc.telemetry_stub as tm + +from openvino.tools.ovc.moc_frontend.check_config import legacy_transformations_config_used, \ + tensorflow_custom_operations_config_update_used, new_extensions_used +from openvino.tools.ovc.moc_frontend.pipeline import moc_pipeline +from openvino.tools.ovc.moc_frontend.moc_emit_ir import moc_emit_ir +from openvino.tools.ovc.convert_data_type import destination_type_to_np_data_type +from openvino.tools.ovc.cli_parser import check_available_transforms, \ + get_advanced_cli_options, get_available_front_ends, get_caffe_cli_options, \ + get_common_cli_options, get_kaldi_cli_options, get_layout_values, get_freeze_placeholder_values, \ + get_mean_scale_dictionary, get_mxnet_cli_options, get_onnx_cli_options, \ + get_placeholder_shapes, get_tf_cli_options, parse_transform, parse_tuple_pairs, \ + get_model_name_from_args, depersonalize, get_mo_convert_params, input_to_input_cut_info, \ + input_shape_to_input_cut_info, freeze_placeholder_to_input_cut_info + +from openvino.tools.ovc.error import Error, FrameworkError, legacy_path_error +from openvino.tools.ovc.get_ov_update_message import get_ov_update_message, get_ov_api20_message, \ + get_tf_fe_message, get_try_legacy_fe_message, get_compression_message +from openvino.tools.ovc.version import VersionChecker +from openvino.tools.ovc.utils import deduce_legacy_frontend_by_namespace, refer_to_faq_msg, check_values_equal +from openvino.tools.ovc.logger import init_logger, progress_printer +from openvino.tools.ovc.telemetry_utils import send_params_info, send_conversion_result, \ + get_tid +from openvino.tools.ovc.moc_frontend.check_config import legacy_extensions_used +from openvino.tools.ovc.moc_frontend.check_config import default_path as extensions_default_path +from openvino.tools.ovc.moc_frontend.pytorch_frontend_utils import get_pytorch_decoder, extract_input_info_from_example +from openvino.tools.ovc.moc_frontend.paddle_frontend_utils import paddle_frontend_converter +from openvino.tools.ovc.moc_frontend.shape_utils import parse_input_shapes + +# pylint: disable=no-name-in-module,import-error +from openvino.frontend import FrontEndManager, OpConversionFailure, ProgressReporterExtension, TelemetryExtension +from openvino.runtime import get_version as get_rt_version +from openvino.runtime import Type, PartialShape + +try: + from openvino.frontend.tensorflow.utils import type_supported_by_tf_fe, create_tf_graph_iterator, \ + extract_model_graph # pylint: disable=no-name-in-module,import-error + + tf_frontend_with_python_bindings_installed = True +except (ModuleNotFoundError, ImportError): + tf_frontend_with_python_bindings_installed = False + + +def replace_ext(name: str, old: str, new: str): + base, ext = os.path.splitext(name) + log.debug("base: {}, ext: {}".format(base, ext)) + if ext == old: + return base + new + + +def print_argv(argv: argparse.Namespace, is_caffe: bool, is_tf: bool, is_mxnet: bool, is_kaldi: bool, is_onnx: bool, + model_name: str): + print('Model Conversion arguments:') + props = OrderedDict() + props['common_args'] = get_common_cli_options(model_name) + props['advanced_args'] = get_advanced_cli_options() + if is_caffe: + props['caffe_args'] = get_caffe_cli_options() + if is_tf: + props['tf_args'] = get_tf_cli_options() + if is_mxnet: + props['mxnet_args'] = get_mxnet_cli_options() + if is_kaldi: + props['kaldi_args'] = get_kaldi_cli_options() + if is_onnx: + props['onnx_args'] = get_onnx_cli_options() + + framework_specifics_map = { + 'common_args': 'Common parameters:', + 'advanced_args': 'Advanced parameters:', + 'caffe_args': 'Caffe specific parameters:', + 'tf_args': 'TensorFlow specific parameters:', + 'mxnet_args': 'MXNet specific parameters:', + 'kaldi_args': 'Kaldi specific parameters:', + 'onnx_args': 'ONNX specific parameters:', + } + + lines = [] + for key in props: + lines.append(framework_specifics_map[key]) + for (op, desc) in props[key].items(): + if isinstance(desc, list): + lines.append('\t{}: \t{}'.format(desc[0], desc[1](getattr(argv, op, 'NONE')))) + else: + if op == 'k': + default_path = os.path.join(os.path.dirname(sys.argv[0]), + 'openvino/tools/mo/front/caffe/CustomLayersMapping.xml') + if getattr(argv, op, 'NONE') == default_path: + lines.append('\t{}: \t{}'.format(desc, 'Default')) + continue + lines.append('\t{}: \t{}'.format(desc, getattr(argv, op, 'NONE'))) + print('\n'.join(lines), flush=True) + + +def legacy_framework_check(is_caffe, is_mxnet, is_kaldi): + if is_caffe: + legacy_path_error("The provided model is from Caffe framework. This is legacy functionality. ") + if is_mxnet: + legacy_path_error("The provided model is from MxNet framework. This is legacy functionality. ") + if is_kaldi: + legacy_path_error("The provided model is from Kaldi framework. This is legacy functionality. ") + + +def check_legacy_args(non_default_params, python_api_used): + ignored_cli_options = ["output_dir", "model_name"] + legacy_groups = ['Kaldi-specific parameters:', 'Caffe*-specific parameters:', 'MXNet-specific parameters:'] + tf_legacy_args = ['tensorflow_custom_operations_config_update', 'tensorflow_object_detection_api_pipeline_config', + 'tensorboard_logdir', 'tensorflow_custom_layer_libraries', 'saved_model_tags'] + mo_convert_params = get_mo_convert_params() + + for key, value in non_default_params.items(): + if key in ignored_cli_options: + if python_api_used: + print("The provided option \"{}\" is applicable in command line tool only. The option will be ignored.".format(key)) + for group in legacy_groups: + if key in mo_convert_params[group]: + legacy_path_error("The provided option \"{}\" refers to legacy functionality. ".format(key)) + if key in tf_legacy_args: + legacy_path_error("The provided option \"{}\" refers to legacy functionality. ".format(key)) + + + +def arguments_post_parsing(argv: argparse.Namespace): + use_legacy_frontend = argv.use_legacy_frontend + use_new_frontend = argv.use_new_frontend + if argv.extensions is None: + argv.extensions = [extensions_default_path()] + + if use_new_frontend and use_legacy_frontend: + raise Error('Options "use_new_frontend" and "use_legacy_frontend" must not be used simultaneously.') + + if use_legacy_frontend: + legacy_path_error('Option "use_legacy_frontend" was used, but legacy frontends are not available. ') + + moc_front_end, available_moc_front_ends = get_moc_frontends(argv) + + if not moc_front_end and use_new_frontend: + raise Error('Option "use_new_frontend" is specified but the Model Conversion API is unable to find new frontend. ' + 'Please ensure that your environment contains new frontend for the input model format or ' + 'try to install openvino-dev and convert the model using convert_model() from openvino.tools.mo.') + + is_tf, is_caffe, is_mxnet, is_kaldi, is_onnx = \ + deduce_legacy_frontend_by_namespace(argv) if not moc_front_end else [False, False, False, False, False] + + legacy_framework_check(is_caffe, is_mxnet, is_kaldi) + + is_legacy_frontend = any([is_tf, is_caffe, is_mxnet, is_kaldi, is_onnx]) + + # handle a default case, i.e. use_new_frontend and use_legacy_frontend are not specified, when no frontend is found + if not is_legacy_frontend and not moc_front_end: + legacy_frameworks = ['tf', 'caffe', 'mxnet', 'kaldi', 'onnx'] + frameworks = list(set(legacy_frameworks + available_moc_front_ends)) + if not argv.framework: + raise Error('Framework name can not be deduced from the given options: {}={}. ' + 'Please use "framework" with one from the list: {}.', + '"input_model="', argv.input_model, frameworks) + elif argv.framework not in frameworks: + if argv.framework == 'ir': + raise Error('OpenVINO IR is passed as input_model in convert_model/mo, the IR doesn\'t need ' + 'conversion, please use it in runtime for inference with read_model/compile_model.') + raise Error('Framework {} is not a valid target. Please use "framework" with one from the list: {}. ' + + refer_to_faq_msg(15), argv.framework, frameworks) + + if is_tf and not argv.input_model and not argv.saved_model_dir and not argv.input_meta_graph: + raise Error('Path to input model or saved model dir is required: use "input_model", "saved_model_dir" or ' + '"input_meta_graph"') + elif is_onnx and not argv.input_model: + raise Error('Path to input model is required: use "input_model".') + + log.debug("Model Conversion API started") + + log.debug('Output model name would be {}{{.xml, .bin}}'.format(argv.model_name)) + + if not argv.silent: + print_argv(argv, is_caffe, is_tf, is_mxnet, is_kaldi, is_onnx, argv.model_name) + + argv.data_type = 'FP32' # if compression was enabled will be restored back to 'FP16' after apply_offline_transformations + + # This is just to check that transform key is valid and transformations are available + check_available_transforms(parse_transform(argv.transform)) + + if argv.scale and argv.scale_values: + raise Error( + 'Both "scale" and "scale_values" are defined. Specify either scale factor or scale values per input ' + + 'channels. ' + refer_to_faq_msg(19)) + + if argv.scale and argv.scale < 1.0: + log.error("The scale value is less than 1.0. This is most probably an issue because the scale value specifies " + "floating point value which all input values will be *divided*.", extra={'is_warning': True}) + + if argv.input_model and (is_tf and argv.saved_model_dir): + raise Error('Both "input_model" and "saved_model_dir" are defined. ' + 'Specify either input model or saved model directory.') + if is_tf: + if argv.saved_model_tags is not None: + if ' ' in argv.saved_model_tags: + raise Error('Incorrect saved model tag was provided. Specify "saved_model_tags" with no spaces in it') + argv.saved_model_tags = argv.saved_model_tags.split(',') + + if hasattr(argv, 'is_python_api_used') and argv.is_python_api_used: + python_api_params_parsing(argv) + else: + argv.inputs_list, argv.placeholder_shapes, argv.placeholder_data_types = get_placeholder_shapes( + argv.input, argv.input_shape, argv.batch) + argv.freeze_placeholder_with_value, argv.input = get_freeze_placeholder_values( + argv.input, + argv.freeze_placeholder_with_value) + argv.unnamed_freeze_placeholder_with_value = {} + argv.output = argv.output.split(',') if argv.output else None + argv.layout_values = get_layout_values(argv.layout, argv.source_layout, argv.target_layout) + mean_values = parse_tuple_pairs(argv.mean_values) + scale_values = parse_tuple_pairs(argv.scale_values) + mean_scale = get_mean_scale_dictionary(mean_values, scale_values, argv.input) + argv.mean_scale_values = mean_scale + + log.debug("Placeholder shapes : {}".format(argv.placeholder_shapes)) + + return argv + + +def check_fallback(argv: argparse.Namespace): + fallback_reasons = {} + + # Some frontend such as PDPD does not have legacy path so it has no reasons to fallback + if not any(deduce_legacy_frontend_by_namespace(argv)): + return fallback_reasons + + if argv.use_new_frontend: + return fallback_reasons + + fallback_reasons['extensions'] = legacy_extensions_used + fallback_reasons['transformations_config'] = legacy_transformations_config_used + fallback_reasons['tensorflow_custom_operations_config_update'] = tensorflow_custom_operations_config_update_used + + reasons = [reason for reason, is_applicable in fallback_reasons.items() if is_applicable(argv)] + return reasons + + +def update_fallback_with_conversion_error(use_new_frontend: bool, is_tf: bool, ex_msg: str, fallback_reasons: list): + import re + if not is_tf: + # this sort of fallback is only used by TensorFlow Frontend + return False + + if use_new_frontend: + # this option forces to use new TensorFlow Frontend + # so it is not possible for the fallback + return False + + # for TensorFlow FE we have a set of operations that should lead to the fallback to the legacy + conversion_error_re = r"^(\[TensorFlow\ Frontend\]\ Internal\ error\,\ no\ translator\ found\ for\ operation\(s\)\:\ )((\w+)(\,\ \w+)*)$" + conversion_error_match = re.findall(conversion_error_re, ex_msg, re.MULTILINE) + all_fallback_operations = [ + # corresponds to TF1 While operation + "TensorArrayScatterV3", "TensorArrayV3", "TensorArraySizeV3", "TensorArrayGatherV3", + "LoopCond", "Enter", "NextIteration", "Exit", + # corresponds to TF1 If and TF1 While operations + "Switch", "Merge", + # corresponds to operations with complex tensors + "FFT", "FFT2D", "FFT3D", "IFFT", "IFFT2D", "IFFT3D", + "RFFT", "RFFT2D", "RFFT3D", "IRFFT", "IRFFT2D", "IRFFT3D", + "Complex", "ComplexAbs", "Real", "Imag", + ] + if len(conversion_error_match) < 1 or len(conversion_error_match[0]) != 4: + # no match for the fallback by unsupported operation + return False + + unsupported_operations = conversion_error_match[0][1].replace(" ", "").split(",") + fallback_operations = [operation for operation in unsupported_operations if operation in all_fallback_operations] + + if len(fallback_operations) == 0: + return False + + fallback_reasons.append("Fallback to the legacy TF FE due to operation(s): " + ', '.join(fallback_operations)) + return True + + +def get_default_frontends(): + # Set which frontend to use by default, values should be 'new' or 'legacy' + default_frontends = { + 'onnx': 'new', + 'tf': 'new' + } + return default_frontends + + +def get_moc_frontends(argv: argparse.Namespace): + fem = argv.feManager + + # Read user flags: + use_legacy_frontend = argv.use_legacy_frontend + use_new_frontend = argv.use_new_frontend + + if not fem or use_legacy_frontend: + return None, [] + + available_moc_front_ends = get_available_front_ends(fem) + + if not argv.framework and argv.input_model: + moc_front_end = fem.load_by_model(argv.input_model) + if not moc_front_end: + return None, available_moc_front_ends + argv.framework = moc_front_end.get_name() + elif argv.framework in available_moc_front_ends: + moc_front_end = fem.load_by_framework(argv.framework) + else: + return None, [] + + default_frontends = get_default_frontends() + # Disable MOC frontend if default is set to legacy and no user override + if default_frontends.get(moc_front_end.get_name()) == 'legacy' and not use_new_frontend: + return None, available_moc_front_ends + + # This check as a workaround to skip IR frontend + if not moc_front_end.get_name() in available_moc_front_ends: + return None, available_moc_front_ends + + return moc_front_end, available_moc_front_ends + + +def prepare_ir(argv: argparse.Namespace): + # TODO: remove this workaround once new TensorFlow frontend supports non-frozen formats: checkpoint, MetaGraph, and SavedModel + # Now it converts all TensorFlow formats to the frozen .pb format in case new TensorFlow frontend + is_tf, _, _, _, _ = deduce_legacy_frontend_by_namespace(argv) + argv = arguments_post_parsing(argv) + t = tm.Telemetry() + + graph = None + fallback_reasons = [] + moc_front_end, available_moc_front_ends = get_moc_frontends(argv) + if moc_front_end: + fallback_reasons = check_fallback(argv) + if len(fallback_reasons) == 0: + if is_tf and tf_frontend_with_python_bindings_installed and \ + type_supported_by_tf_fe(argv.input_model): + argv.input_model = create_tf_graph_iterator(argv.input_model, + argv.placeholder_shapes, + argv.placeholder_data_types, + getattr(argv, "example_input", None)) + try: + t.send_event("mo", "conversion_method", moc_front_end.get_name() + "_frontend") + moc_front_end.add_extension(TelemetryExtension("mo", t.send_event, t.send_error, t.send_stack_trace)) + moc_front_end.add_extension(ProgressReporterExtension(progress_printer(argv))) + if legacy_transformations_config_used(argv): + raise Error('Legacy extensions are not supported for the new frontend') + if legacy_extensions_used(argv): + raise Error('Legacy transformations configuration is not supported for the new frontend') + if tensorflow_custom_operations_config_update_used(argv) and is_tf: + raise Error('TensorFlow custom operation config is not supported for the new frontend') + if new_extensions_used(argv): + for extension in argv.extensions: + moc_front_end.add_extension(extension) + ngraph_function = moc_pipeline(argv, moc_front_end) + return graph, ngraph_function + except OpConversionFailure as ex: + # in some set of operations (TF1 While), we have to fallback to the Legacy TensorFlow Frontend + # this is the second attempt for the fallback + if not update_fallback_with_conversion_error(argv.use_new_frontend, is_tf, str(ex), fallback_reasons): + # re-throw exception for all frontends except TensorFlow FE + # and in case unexpected conversion failures + raise + + if len(fallback_reasons) > 0: + reasons_message = ", ".join(fallback_reasons) + t.send_event("mo", "fallback_reason", reasons_message) + log.warning("The IR preparation cannot be executed with new frontend. " + f"The detailed reason why fallback to legacy is needed: not supported {reasons_message} were used. " + + refer_to_faq_msg(105)) + assert not hasattr(argv, 'is_fallback'), '`is_fallback` argument must not exist.' + argv.is_fallback = True + + t.send_event("mo", "conversion_method", "mo_legacy") + legacy_path_error("The provided model cannot be converted with new frontend, as fallback to legacy is needed. ") + return None, None + + +def check_model_object(argv): + model = argv['input_model'] + if 'tensorflow' in sys.modules: + if tf_frontend_with_python_bindings_installed and extract_model_graph(argv): + return "tf" + if 'torch' in sys.modules: + import torch + if isinstance(model, (torch.nn.Module, torch.jit.ScriptFunction)): + return "pytorch" + try: + from openvino.frontend.pytorch.decoder import TorchScriptPythonDecoder + + if isinstance(model, TorchScriptPythonDecoder): + return "pytorch" + except Exception as e: + pass + + import io + if isinstance(model, io.BytesIO): + return 'onnx' + + if 'paddle' in sys.modules: + import paddle + if isinstance(model, paddle.hapi.model.Model) or isinstance(model, + paddle.fluid.dygraph.layers.Layer) or isinstance( + model, paddle.fluid.executor.Executor): + return "paddle" + + raise Error('Unknown model type: {}'.format(type(model))) + + +def driver(argv: argparse.Namespace, non_default_params: dict): + init_logger(argv.log_level.upper(), argv.silent) + + # Log dictionary with non-default cli parameters where complex classes are excluded. + log.debug(str(non_default_params)) + + start_time = datetime.datetime.now() + + graph, ngraph_function = prepare_ir(argv) + legacy_path = False + if graph is not None: + legacy_path_error() + else: + res_ngraph_function = moc_emit_ir(ngraph_function, argv) + + if res_ngraph_function is None: + return res_ngraph_function + + if not argv.silent: + elapsed_time = datetime.datetime.now() - start_time + print('[ SUCCESS ] Total execution time: {:.2f} seconds. '.format(elapsed_time.total_seconds())) + try: + import resource + mem_usage = round(resource.getrusage(resource.RUSAGE_SELF).ru_maxrss / 1024) + if sys.platform == 'darwin': + mem_usage = round(mem_usage / 1024) + print('[ SUCCESS ] Memory consumed: {} MB. '.format(mem_usage)) + except ImportError: + pass + + return res_ngraph_function, legacy_path + + +def args_dict_to_list(cli_parser, **kwargs): + # This method is needed to prepare args from convert_model() for args_parse(). + # The method will not be needed when cli_parser checks are moved from cli_parser to a separate pass. + import inspect + from openvino.tools.ovc import convert_model + signature = inspect.signature(convert_model) + result = [] + for key, value in kwargs.items(): + if value is None: + continue + if key in signature.parameters and check_values_equal(signature.parameters[key].default, value): + continue + if check_values_equal(cli_parser.get_default(key), value): + continue + # skip parser checking for non str objects + if not isinstance(value, (str, bool)): + continue + result.append('--{}'.format(key)) + if not isinstance(value, bool): + result.append(value) + + return result + + +def get_non_default_params(argv, cli_parser): + import numbers + import inspect + from openvino.tools.ovc import convert_model + + signature = inspect.signature(convert_model) + # make dictionary with parameters which have non-default values to be serialized in IR in rt_info + non_default_params = {} + for arg, arg_value in vars(argv).items(): + if arg in signature.parameters and check_values_equal(arg_value, signature.parameters[arg].default): + continue + if check_values_equal(arg_value, cli_parser.get_default(arg)): + continue + value = depersonalize(arg_value, arg) + # Skip complex classes in params to prevent + # serializing it to rt_info + if isinstance(value, (str, bool, numbers.Number)): + non_default_params[arg] = value + return non_default_params + + +def params_to_string(**kwargs): + all_params = {} + for key, value in get_mo_convert_params().items(): + all_params.update(value) + + for key, value in kwargs.items(): + if key in all_params: + param_data = all_params[key] + if param_data.to_string is not None: + kwargs[key] = param_data.to_string(value) + return kwargs + + +def add_line_breaks(text: str, char_num: int, line_break: str): + words = text.replace('\n', "\n ").split(" ") + cnt = 0 + for i, w in enumerate(words): + cnt += len(w) + if '\n' in w: + cnt = len(w) - w.find('\n') - 1 + if cnt > char_num: + if words[i][-1] not in ['\n', '\t']: + words[i] = w + '\n' + cnt = 0 + text = ' '.join(words).replace("\n ", "\n") + return line_break + text.replace("\n", line_break) + + +def show_mo_convert_help(): + mo_convert_params = get_mo_convert_params() + for group_name, group in mo_convert_params.items(): + print(group_name) + for param_name in group: + param_data = group[param_name] + text = param_data.description.replace(" ", '') + text = add_line_breaks(text, 56, "\n\t\t\t") + print(" :param {} {}".format(param_name, text)) + print() + + +def input_model_is_object(argv): + # Input model can be set as object only for "input_model" parameter. + # "saved_model_dir" or meta specific options are only used to store paths to the input model. + if 'input_model' not in argv: + return False + if isinstance(argv['input_model'], (str, Path)): + return False + if argv['input_model'] is None: + return False + return True + + +def python_api_params_parsing(argv: argparse.Namespace): + """ + Parses params passed to convert_model and wraps resulting values into dictionaries or lists. + After working of this method following values are set in argv: + + argv.input, argv.inputs_list - list of input names. Both values are used in some parts of MO. + Could be good to refactor it and use only one of these values. + + argv.placeholder_shapes - dictionary where key is node name, value is PartialShape, + or list of PartialShape if node names were not set. + + argv.placeholder_data_types - dictionary where key is node name, value is node np.type, + or list of np.types if node names were not set. + + argv.freeze_placeholder_with_value - dictionary where key is node name, value is np.ndarray + + argv.unnamed_freeze_placeholder_with_value - list with np.ndarray + + :param argv: MO arguments + """ + # Parse input to list of InputCutInfo + inputs = input_to_input_cut_info(argv.input) + + # Make list of input names + input_names_list = [] + for inp in inputs: + if inp.name is not None: + input_names_list.append(inp.name) + if len(input_names_list) > 0: + assert len(input_names_list) == len(inputs), "\"input\" parameter has unnamed inputs and named inputs. " \ + "Please either set names for all inputs, " \ + "or do not set names for all inputs." + argv.inputs_list = input_names_list + argv.input = ','.join(input_names_list) + + # Parse input_shape param and update InputCutInfo list + input_shape_to_input_cut_info(argv.input_shape, inputs) + + # Parse freeze_placeholder_with_value. + # values for freezing can be set both by named and unnamed approach if + # 'input' was used without names and 'freeze_placeholder_with_value' was used with names. + # So named and unnamed values are stored separately. + argv.freeze_placeholder_with_value, argv.unnamed_freeze_placeholder_with_value = \ + freeze_placeholder_to_input_cut_info(argv.freeze_placeholder_with_value, inputs) + + if len(input_names_list) > 0: + # Named inputs case + shape_dict = {} + data_type_dict = {} + for inp in inputs: + if inp.shape is not None: + # Wrap shape to PartialShape for uniformity of stored values + shape_dict[inp.name] = PartialShape(inp.shape) + else: + shape_dict[inp.name] = None + if inp.type is not None: + # Convert type to numpy type for uniformity of stored values + if isinstance(inp.type, str): + data_type_dict[inp.name] = destination_type_to_np_data_type(inp.type) + elif isinstance(inp.type, Type): + data_type_dict[inp.name] = inp.type.to_dtype().type + else: + data_type_dict[inp.name] = inp.type + argv.placeholder_shapes = shape_dict if shape_dict else None + argv.placeholder_data_types = data_type_dict if data_type_dict else {} + else: + # Unnamed inputs case + shape_list = [] + data_type_list = [] + for inp in inputs: + if inp.shape is not None: + # Wrap shape to PartialShape for uniformity of stored values + shape_list.append(PartialShape(inp.shape)) + if inp.type is not None: + # Convert type to numpy type for uniformity of stored values + if isinstance(inp.type, str): + data_type_list.append(destination_type_to_np_data_type(inp.type)) + elif isinstance(inp.type, Type): + data_type_list.append(inp.type.to_dtype().type) + else: + data_type_list.append(inp.type) + argv.placeholder_shapes = shape_list if shape_list else None + argv.placeholder_data_types = data_type_list if data_type_list else {} + if argv.framework == "pytorch" and getattr(argv, "example_input", None) is not None: + extract_input_info_from_example(argv, inputs) + + +def pack_params_to_args_namespace(args: dict, cli_parser: argparse.ArgumentParser): + if len(args) > 0: + args_string = params_to_string(**args) + argv, _ = cli_parser.parse_known_args(args_dict_to_list(cli_parser, **args_string)) + + # get list of all available params for convert_model() + all_params = {} + for key, value in get_mo_convert_params().items(): + all_params.update(value) + + # check that there are no unknown params provided + for key, value in args_string.items(): + if key not in argv and key not in all_params.keys(): + raise Error("Unrecognized argument: {}".format(key)) + + # Non string params like input_model or extensions are ignored by parse_args() + # so we need to set them in argv separately + if value is not None and not check_values_equal(getattr(argv, key, None), value): + setattr(argv, key, value) + else: + argv = cli_parser.parse_args() + return argv + + +def update_args_for_saved_model_dir(args: dict): + """ + If directory is set in 'input_model' argument, the directory is considered as TF saved model. + In this case this method updates args and moves saved model directory to 'saved_model_dir' param. + :param args: dictionary with arguments from user + """ + if 'saved_model_dir' in args and args['saved_model_dir'] is not None and \ + 'input_model' in args and args['input_model'] is not None: + raise Error("Both \"input_model\" and \"saved_model_dir\" are defined. " + "Please specify either \"input_model\" or \"saved_model_dir\" directory.") + + if 'input_model' in args and isinstance(args['input_model'], (str, Path)) and os.path.isdir(args['input_model']): + args['saved_model_dir'] = args['input_model'] + args['input_model'] = None + + +def silent_is_false(argv: argparse.Namespace): + return argv is not None and hasattr(argv, 'silent') and argv.silent is False + + +def framework_is_tf(args, argv): + if input_model_is_object(args) and check_model_object(args) == "tf": + return True + if argv is not None: + is_tf, _, _, _, _ = deduce_legacy_frontend_by_namespace(argv) + return is_tf + return False + + +def _convert(cli_parser: argparse.ArgumentParser, args, python_api_used): + if 'help' in args and args['help']: + show_mo_convert_help() + return None, None + framework = None + simplified_ie_version = VersionChecker().get_ie_simplified_version() + telemetry = tm.Telemetry(tid=get_tid(), app_name='Model Conversion API', app_version=simplified_ie_version) + telemetry.start_session('mo') + telemetry.send_event('mo', 'version', simplified_ie_version) + # Initialize logger with 'ERROR' as default level to be able to form nice messages + # before arg parser deliver log_level requested by user + init_logger('ERROR', False) + argv = None + try: + model_framework = None + inp_model_is_object = input_model_is_object(args) + if inp_model_is_object: + model_framework = check_model_object(args) + if model_framework == "pytorch": + example_inputs = None + if 'example_input' in args and args['example_input'] is not None: + example_inputs = args['example_input'] + elif 'example_inputs' in args: + raise AssertionError( + "'example_inputs' argument is not recognized, maybe you meant to provide 'example_input'?") + + decoder = get_pytorch_decoder(args['input_model'], parse_input_shapes(args), example_inputs, args) + if model_framework == "paddle": + example_inputs = None + if 'example_input' in args and args['example_input'] is not None: + example_inputs = args['example_input'] + + example_outputs = None + if 'example_output' in args and args['example_output'] is not None: + example_outputs = args['example_output'] + paddle_runtime_converter = paddle_frontend_converter(args['input_model'], example_inputs, + example_outputs) + pdmodel = paddle_runtime_converter.convert_paddle_to_pdmodel() + args['input_model'] = pdmodel + args['framework'] = model_framework + + update_args_for_saved_model_dir(args) + + argv = pack_params_to_args_namespace(args, cli_parser) + + argv.feManager = FrontEndManager() + frameworks = list(set(['tf', 'caffe', 'mxnet', 'kaldi', 'onnx'] + (get_available_front_ends(argv.feManager) + if argv.feManager else []))) + framework = argv.framework if hasattr(argv, 'framework') and argv.framework is not None else framework + if framework is not None: + assert framework in frameworks, "error: argument \"framework\": invalid choice: '{}'. " \ + "Expected one of {}.".format(framework, frameworks) + setattr(argv, 'framework', framework) + + # send telemetry with params info + send_params_info(argv, cli_parser) + + non_default_params = get_non_default_params(argv, cli_parser) + check_legacy_args(non_default_params, python_api_used) + argv.is_python_api_used = python_api_used + + if inp_model_is_object: + argv.model_name = "model" + if not hasattr(argv, "model_name") or argv.model_name is None: + argv.model_name = get_model_name_from_args(argv) + + if model_framework is not None: + if argv.framework is not None: + if argv.framework != model_framework: + raise Error("Provided model does not correspond to provided framework. The provided " + "framework is {}, the model type is {} which is expected to be {} framework.".format( + argv.framework, + type(argv.input_model), + model_framework)) + else: + argv.framework = model_framework + + ov_model, legacy_path = driver(argv, {"conversion_parameters": non_default_params}) + + if inp_model_is_object and model_framework == "paddle": + if paddle_runtime_converter: + paddle_runtime_converter.destroy() + + # add MO meta data to model + ov_model.set_rt_info(get_rt_version(), "Runtime_version") + ov_model.set_rt_info(str(legacy_path), "legacy_frontend") + for key, value in non_default_params.items(): + ov_model.set_rt_info(str(value), ["conversion_parameters", str(key)]) + + if silent_is_false(argv) or not python_api_used: + if 'compress_to_fp16' in argv and argv.compress_to_fp16: + print(get_compression_message()) + + ov_update_message = get_ov_update_message() + ov_api20_message = get_ov_api20_message() + if ov_update_message is not None: + print(ov_update_message) + if ov_api20_message is not None and ov_model is not None: + print(ov_api20_message) + is_fallback = getattr(argv, 'is_fallback', False) + if not argv.use_legacy_frontend and framework_is_tf(args, argv) and not is_fallback: + # now TF FE is default frontend for TensorFlow models conversion + print(get_tf_fe_message()) + + send_conversion_result('success') + return ov_model, argv + + except Exception as e: + if silent_is_false(argv) or not python_api_used: + if isinstance(e, (FileNotFoundError, NotADirectoryError)): + log.error('File {} was not found'.format(str(e).split('No such file or directory:')[1])) + log.debug(traceback.format_exc()) + elif isinstance(e, Error): + log.error(e) + log.debug(traceback.format_exc()) + elif isinstance(e, FrameworkError): + log.error(e, extra={'framework_error': True}) + log.debug(traceback.format_exc()) + else: + log.error("-------------------------------------------------") + log.error("----------------- INTERNAL ERROR ----------------") + log.error("Unexpected exception happened.") + log.error("Please contact Model Conversion API developers and forward the following information:") + log.error(str(e)) + log.error(traceback.format_exc()) + log.error("---------------- END OF BUG REPORT --------------") + log.error("-------------------------------------------------") + is_fallback = getattr(argv, 'is_fallback', False) if argv is not None else False + if not argv.use_legacy_frontend and framework_is_tf(args, argv) and not is_fallback: + print(get_try_legacy_fe_message()) + + send_conversion_result('fail') + if python_api_used: + raise e.with_traceback(None) + else: + return None, argv diff --git a/tools/mo/openvino/tools/mo/utils/versions_checker.py b/tools/ovc/openvino/tools/ovc/environment_setup_utils.py similarity index 96% rename from tools/mo/openvino/tools/mo/utils/versions_checker.py rename to tools/ovc/openvino/tools/ovc/environment_setup_utils.py index df7b21534e913d..0406341587e3df 100644 --- a/tools/mo/openvino/tools/mo/utils/versions_checker.py +++ b/tools/ovc/openvino/tools/ovc/environment_setup_utils.py @@ -1,6 +1,9 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import os import sys @@ -19,7 +22,7 @@ def get_imported_module_version(imported_module): installed_version = getattr(imported_module, attr, None) if isinstance(installed_version, str): return installed_version - else: + else: installed_version = None if installed_version is None: diff --git a/tools/ovc/openvino/tools/ovc/error.py b/tools/ovc/openvino/tools/ovc/error.py new file mode 100644 index 00000000000000..f0af05453339b5 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/error.py @@ -0,0 +1,56 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import re + +class BasicError(Exception): + """ Base class for all exceptions in Model Conversion API + + It operates like Exception but when it is converted to str, + it formats string as args[0].format(*args[1:]), where + args are arguments provided when an exception instance is + created. + """ + + def __str__(self): + if len(self.args) <= 1: + return Exception.__str__(self) + return self.args[0].format(*self.args[1:]) # pylint: disable=unsubscriptable-object + + +class FrameworkError(BasicError): + """ User-friendly error: raised when the error on the framework side. """ + pass + + +class Error(BasicError): + """ User-friendly error: raised when the error on the user side. """ + pass + + +class InternalError(BasicError): + """ Not user-friendly error: user cannot fix it and it points to the bug inside MO. """ + pass + + +def classify_error_type(e): + patterns = [ + # Example: No module named 'openvino._offline_transformations.offline_transformations_api' + r"No module named \'\S+\'", + # Example: cannot import name 'IECore' from 'openvino.inference_engine' (unknown location) + r"cannot import name \'\S+\'", + ] + error_message = str(e) + for pattern in patterns: + m = re.search(pattern, error_message) + if m: + return m.group(0) + return "undefined" + + +def legacy_path_error(functionality_description): + raise Exception("{}Please try to install openvino-dev and use convert_model() " + "from openvino.tools.mo.".format(functionality_description)) diff --git a/tools/ovc/openvino/tools/ovc/get_ov_update_message.py b/tools/ovc/openvino/tools/ovc/get_ov_update_message.py new file mode 100644 index 00000000000000..899e93d3a0f4ce --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/get_ov_update_message.py @@ -0,0 +1,51 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import datetime + +msg_fmt = 'Check for a new version of Intel(R) Distribution of OpenVINO(TM) toolkit here {0} ' \ + 'or on https://github.com/openvinotoolkit/openvino' + + +def get_ov_update_message(): + expected_update_date = datetime.date(year=2023, month=12, day=1) + current_date = datetime.date.today() + + link = 'https://software.intel.com/content/www/us/en/develop/tools/openvino-toolkit/download.html?cid=other&source=prod&campid=ww_2023_bu_IOTG_OpenVINO-2023-0&content=upg_all&medium=organic' + + return msg_fmt.format(link) if current_date >= expected_update_date else None + + +def get_ov_api20_message(): + link = "https://docs.openvino.ai/2023.0/openvino_2_0_transition_guide.html" + message = '[ INFO ] The model was converted to IR v11, the latest model format that corresponds to the source DL framework ' \ + 'input/output format. While IR v11 is backwards compatible with OpenVINO Inference Engine API v1.0, ' \ + 'please use API v2.0 (as of 2022.1) to take advantage of the latest improvements in IR v11.\n' \ + 'Find more information about API v2.0 and IR v11 at {}'.format(link) + + return message + + +def get_tf_fe_message(): + link = "https://docs.openvino.ai/2023.0/openvino_docs_MO_DG_TensorFlow_Frontend.html" + message = '[ INFO ] IR generated by new TensorFlow Frontend is compatible only with API v2.0. Please make sure to use API v2.0.\n' \ + 'Find more information about new TensorFlow Frontend at {}'.format(link) + + return message + + +def get_compression_message(): + link = "https://docs.openvino.ai/2023.0/openvino_docs_MO_DG_FP16_Compression.html" + message = '[ INFO ] Generated IR will be compressed to FP16. ' \ + 'If you get lower accuracy, please consider disabling compression ' \ + 'by removing argument "compress_to_fp16" or set it to false "compress_to_fp16=False".\n' \ + 'Find more information about compression to FP16 at {}'.format(link) + return message + + +def get_try_legacy_fe_message(): + message = '[ INFO ] You can also try to install openvino-dev and use convert_model from openvino.tools.mo.\n' + return message diff --git a/tools/mo/openvino/tools/mo/utils/help.py b/tools/ovc/openvino/tools/ovc/help.py similarity index 96% rename from tools/mo/openvino/tools/mo/utils/help.py rename to tools/ovc/openvino/tools/ovc/help.py index 9e6ebde120f34f..06b7b4aa264315 100644 --- a/tools/mo/openvino/tools/mo/utils/help.py +++ b/tools/ovc/openvino/tools/ovc/help.py @@ -1,13 +1,15 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors def get_convert_model_help_specifics(): - from openvino.tools.mo.utils.cli_parser import CanonicalizeTransformationPathCheckExistenceAction, \ + from openvino.tools.ovc.cli_parser import CanonicalizeTransformationPathCheckExistenceAction, \ CanonicalizePathCheckExistenceAction, CanonicalizeExtensionsPathCheckExistenceAction, \ CanonicalizePathCheckExistenceIfNeededAction, readable_file_or_dir, readable_dirs_or_files_or_empty, \ check_positive - from openvino.tools.mo.utils.version import VersionChecker + from openvino.tools.ovc.version import VersionChecker return { 'input_model': {'description': @@ -127,7 +129,7 @@ def get_convert_model_help_specifics(): {'action': CanonicalizePathCheckExistenceIfNeededAction}, 'version': {'action': 'version', - 'version': 'Version of Model Optimizer is: {}'.format(VersionChecker().get_mo_version())}, + 'version': 'Version of Model Optimizer is: {}'.format(VersionChecker().get_ie_version())}, 'scale': {'type': float, 'aliases': {'-s'}}, @@ -143,7 +145,7 @@ def get_convert_model_help_specifics(): # TODO: remove this when internal converting of params to string is removed def get_to_string_methods_for_params(): - from openvino.tools.mo.utils.cli_parser import path_to_str_or_object, str_list_to_str, \ + from openvino.tools.ovc.cli_parser import path_to_str_or_object, str_list_to_str, \ mean_scale_value_to_str, source_target_layout_to_str, layout_param_to_str, transform_param_to_str, \ extensions_to_str_or_extensions_class, batch_to_int, transformations_config_to_str return { diff --git a/tools/ovc/openvino/tools/ovc/logger.py b/tools/ovc/openvino/tools/ovc/logger.py new file mode 100644 index 00000000000000..8f914f1e32df22 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/logger.py @@ -0,0 +1,163 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import importlib.util +import logging as log +import os +import re +import sys +from argparse import Namespace +from copy import copy + +# WA for abseil bug that affects logging while importing TF starting 1.14 version +# Link to original issue: https://github.com/abseil/abseil-py/issues/99 +if importlib.util.find_spec('absl') is not None: + import absl.logging + + log.root.removeHandler(absl.logging._absl_handler) + +handler_num = 0 + + +class LvlFormatter(log.Formatter): + format_dict = { + log.DEBUG: "[ %(asctime)s ] [ %(levelname)s ] [ %(module)s:%(lineno)d ] %(msg)s", + log.INFO: "[ %(levelname)s ] %(msg)s", + log.WARNING: "[ WARNING ] %(msg)s", + log.ERROR: "[ %(levelname)s ] %(msg)s", + log.CRITICAL: "[ %(levelname)s ] %(msg)s", + 'framework_error': "[ FRAMEWORK ERROR ] %(msg)s", + 'analysis_info': "[ ANALYSIS INFO ] %(msg)s" + } + + def __init__(self, lvl, fmt=None): + log.Formatter.__init__(self, fmt) + self.lvl = lvl + + def format(self, record: log.LogRecord): + if self.lvl == 'DEBUG': + self._style._fmt = self.format_dict[log.DEBUG] + else: + self._style._fmt = self.format_dict[record.levelno] + if 'is_warning' in record.__dict__.keys(): + self._style._fmt = self.format_dict[log.WARNING] + if 'framework_error' in record.__dict__.keys(): + self._style._fmt = self.format_dict['framework_error'] + if 'analysis_info' in record.__dict__.keys(): + self._style._fmt = self.format_dict['analysis_info'] + return log.Formatter.format(self, record) + + +class TagFilter(log.Filter): + def __init__(self, regex: str): + self.regex = regex + + def filter(self, record: log.LogRecord): + if record.__dict__['funcName'] == 'load_grammar': # for nx not to log into our logs + return False + if self.regex: + if 'tag' in record.__dict__.keys(): + tag = record.__dict__['tag'] + return re.findall(self.regex, tag) + else: + return False + return True # if regex wasn't set print all logs + + +def init_logger(lvl: str, silent: bool): + global handler_num + log_exp = os.environ.get('MO_LOG_PATTERN') + if silent: + lvl = 'ERROR' + fmt = LvlFormatter(lvl=lvl) + handler = log.StreamHandler() + handler.setFormatter(fmt) + logger = log.getLogger() + logger.setLevel(lvl) + logger.addFilter(TagFilter(regex=log_exp)) + if handler_num == 0 and len(logger.handlers) == 0: + logger.addHandler(handler) + handler_num += 1 + +def get_logger_state(): + logger = log.getLogger() + return logger.level, copy(logger.filters), copy(logger.handlers) + +def restore_logger_state(state: tuple): + level, filters, handlers = state + logger = log.getLogger() + logger.setLevel(level) + logger.filters = filters + logger.handlers = handlers + + +def progress_bar(function: callable): + """ + Decorator for model conversion pipeline progress display + Works in combination with function: mo.utils.class_registration.apply_transform + """ + + def wrapper(*args, **kwargs): + for arg in ['graph', 'curr_transform_num', 'num_transforms']: + msg = 'Progress bar decorator is enabled for Model Conversion API transformation applying cycle only. ' \ + 'Argument `{}` {}' + + assert arg in kwargs, msg.format(arg, 'is missing') + assert kwargs[arg] is not None, msg.format(arg, 'should not be None') + + if 'progress' in kwargs['graph'].graph['cmd_params'] and kwargs['graph'].graph['cmd_params'].progress: + bar_len = 20 + total_replacers_count = kwargs['num_transforms'] + + def progress(i): + return int((i + 1) / total_replacers_count * bar_len) + + def percent(i): + return (i + 1) / total_replacers_count * 100 + + end = '' if not kwargs['graph'].graph['cmd_params'].stream_output else '\n' + curr_i = kwargs['curr_transform_num'] + print('\rProgress: [{:{}}]{:>7.2f}% done'.format('.' * progress(curr_i), bar_len, percent(curr_i)), end=end) + + sys.stdout.flush() + + function(*args, **kwargs) + + return wrapper + +def progress_printer(argv: Namespace): + """ + A higher-order factory function returning a configurable callback displaying a progress bar + Depending on the configuration stored in 'argv' the progress bar can be one-line, multi-line, or silent. + """ + def _progress_bar(progress, total, completed, endline): + bar_len = 20 + + def dots(): + return '.' * int(progress * bar_len) + + print('\rProgress: [{:{}}]{:>7.2f}% done'.format(dots(), bar_len, progress*100), end=endline) + sys.stdout.flush() + + def no_progress_bar(progress, total, completed): + """ A 'dummy' progressbar which doesn't print anything """ + pass + + def oneline_progress_bar(progress, total, completed): + """ A callback that always prints the progress in the same line (mimics real GUI progress bar)""" + _progress_bar(progress, total, completed, '') + + def newline_progress_bar(progress, total, completed): + """ A callback that prints an updated progress bar in separate lines """ + _progress_bar(progress, total, completed, '\n') + + if "progress" in argv and argv.progress: + if "stream_output" in argv and argv.stream_output: + return newline_progress_bar + else: + return oneline_progress_bar + else: + return no_progress_bar diff --git a/tools/ovc/openvino/tools/ovc/main.py b/tools/ovc/openvino/tools/ovc/main.py new file mode 100644 index 00000000000000..c61f8b3b419232 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/main.py @@ -0,0 +1,38 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import argparse +import os +import sys + +try: + import openvino_telemetry as tm +except ImportError: + import openvino.tools.ovc.telemetry_stub as tm +from openvino.tools.ovc.convert_impl import _convert +from openvino.tools.ovc.version import VersionChecker + +# pylint: disable=no-name-in-module,import-error +from openvino.runtime import serialize + + +def main(): + from openvino.tools.ovc.cli_parser import get_all_cli_parser + ngraph_function, argv = _convert(get_all_cli_parser(), {}, False) + if ngraph_function is None: + return 1 + + output_dir = argv.output_dir if argv.output_dir != '.' else os.getcwd() + model_path_no_ext = os.path.normpath(os.path.join(output_dir, argv.model_name)) + model_path = model_path_no_ext + '.xml' + + serialize(ngraph_function, model_path.encode('utf-8'), model_path.replace('.xml', '.bin').encode('utf-8')) + + print('[ SUCCESS ] Generated IR version {} model.'.format(VersionChecker().get_ie_simplified_version())) + print('[ SUCCESS ] XML file: {}'.format(model_path)) + print('[ SUCCESS ] BIN file: {}'.format(model_path.replace('.xml', '.bin'))) + return 0 + + +if __name__ == "__main__": + sys.exit(main()) diff --git a/tools/mo/openvino/tools/mo/moc_frontend/__init__.py b/tools/ovc/openvino/tools/ovc/moc_frontend/__init__.py similarity index 68% rename from tools/mo/openvino/tools/mo/moc_frontend/__init__.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/__init__.py index cddd115d39715b..f66616f1411db6 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/__init__.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/__init__.py @@ -1,2 +1,5 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors diff --git a/tools/mo/openvino/tools/mo/moc_frontend/analysis.py b/tools/ovc/openvino/tools/ovc/moc_frontend/analysis.py similarity index 95% rename from tools/mo/openvino/tools/mo/moc_frontend/analysis.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/analysis.py index cc4d99ed79425e..eed0d9a73b1a8b 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/analysis.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/analysis.py @@ -1,9 +1,12 @@ # Copyright (C) 2022 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import json from openvino.runtime import PartialShape, Model, Type # pylint: disable=no-name-in-module,import-error -from openvino.runtime.utils.types import get_dtype +from openvino.tools.ovc.types import get_dtype def json_model_analysis_dump(framework_model: Model): diff --git a/tools/mo/openvino/tools/mo/moc_frontend/check_config.py b/tools/ovc/openvino/tools/ovc/moc_frontend/check_config.py similarity index 92% rename from tools/mo/openvino/tools/mo/moc_frontend/check_config.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/check_config.py index 3b51480d16aa0f..23b67ef815f2d5 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/check_config.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/check_config.py @@ -1,11 +1,19 @@ # Copyright (C) 2022-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import argparse from pathlib import Path -from openvino.tools.mo.utils import import_extensions -from openvino.tools.mo.utils.error import Error +from openvino.tools.ovc.error import Error +import os + + +def default_path(): + EXT_DIR_NAME = '.' + return os.path.abspath(os.getcwd().join(EXT_DIR_NAME)) def any_extensions_used(argv: argparse.Namespace): @@ -22,7 +30,7 @@ def any_extensions_used(argv: argparse.Namespace): if not isinstance(ext, str): has_non_str_objects = True continue - if len(ext) == 0 or ext == import_extensions.default_path(): + if len(ext) == 0 or ext == default_path(): continue has_non_default_path = True @@ -38,7 +46,7 @@ def legacy_extensions_used(argv: argparse.Namespace): for extension in extensions: if not isinstance(extension, str): continue - if extension == import_extensions.default_path(): + if extension == default_path(): continue if not Path(extension).is_file(): legacy_ext_counter += 1 diff --git a/tools/mo/openvino/tools/mo/moc_frontend/extractor.py b/tools/ovc/openvino/tools/ovc/moc_frontend/extractor.py similarity index 94% rename from tools/mo/openvino/tools/mo/moc_frontend/extractor.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/extractor.py index 97effaeaa7aea7..9c2ff255b9c22b 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/extractor.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/extractor.py @@ -1,6 +1,9 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import re from enum import Enum @@ -8,8 +11,18 @@ from openvino._pyopenvino import Place, PartialShape from openvino.frontend import InputModel # pylint: disable=no-name-in-module,import-error -from openvino.tools.mo.front.extractor import raise_no_node, raise_node_name_collision -from openvino.tools.mo.utils.error import Error +from openvino.tools.ovc.error import Error + + +def raise_no_node(node_name: str): + raise Error('No node with name {}'.format(node_name)) + + +def raise_node_name_collision(node_name: str, found_nodes: list): + raise Error('Name collision was found, there are several nodes for mask "{}": {}. ' + 'If your intention was to specify port for node, please instead specify node names connected to ' + 'this port. If your intention was to specify the node name, please add port to the node ' + 'name'.format(node_name, found_nodes)) class IOType(Enum): @@ -91,7 +104,7 @@ def get_port(match, match_starts_with_name, input_model, framework): else: return node.get_input_port(input_port_index=int(port_index)) else: - None + return None regexp_post = r"(.+):(\d+)" match = re.search(regexp_post, node_name) @@ -153,12 +166,12 @@ def fe_input_user_data_repack( Transforms node names to node ids. :param input_model: current input model :param input_user_shapes: data structure representing user input cutting request. It may be: - # None value if user did not provide neither --input nor --input_shape keys + # None value if user did not provide neither "input" nor "input_shape" keys # list instance which contains input layer names with or without ports if user provided - only --input key + only "input" key # dict instance which contains input layer names with or without ports as keys and shapes as - values if user provided both --input and --input_shape - # np.ndarray if user provided only --input_shape key + values if user provided both "input" and "input_shape" + # np.ndarray if user provided only "input_shape" key :param freeze_placeholder: dictionary with placeholder names as keys and freezing value as values :param input_user_data_types: dictionary with input nodes and its data types :return: restructured input shapes and freeze placeholder shapes information @@ -188,7 +201,7 @@ def fe_input_user_data_repack( _input_shapes = [] _input_names = [] model_inputs = input_model.get_inputs() - + if isinstance(input_user_shapes, list) and len(input_user_shapes) > 1 and isinstance(input_user_shapes[0], PartialShape): for shape in input_user_shapes: @@ -232,7 +245,7 @@ def fe_input_user_data_repack( elif isinstance(input_user_shapes, PartialShape): # this branch covers the single use of `input_shape` without `input` option # but it can be used along with `freeze_placeholder_with_value` option - # for example, --input_shape [3] --freeze_placeholder_with_value "is_training->False" + # for example, input_shape [3] freeze_placeholder_with_value "is_training->False" # means the model has two inputs: one is is_training to be frozen, the other to re-write the shape # NOTE: the logic relies on parameters with the single name frozen_names = freeze_placeholder.keys() @@ -415,8 +428,8 @@ def convert_params_lists_to_dicts(input_model, # unnamed_freeze_placeholders is always list, it is not empty only if unnamed inputs were used. for value in unnamed_freeze_placeholders: assert isinstance(value, list), "Got incorrect format of input values. " \ - "Expected list, " \ - "got {}.".format(type(value)) + "Expected list, " \ + "got {}.".format(type(value)) inp_name = find_first_unused_input(model_inputs, freeze_placeholder, {}, "input value") freeze_placeholder[inp_name] = value diff --git a/tools/mo/openvino/tools/mo/moc_frontend/layout_utils.py b/tools/ovc/openvino/tools/ovc/moc_frontend/layout_utils.py similarity index 94% rename from tools/mo/openvino/tools/mo/moc_frontend/layout_utils.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/layout_utils.py index ab06282e633e46..eb75ba02333a62 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/layout_utils.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/layout_utils.py @@ -1,11 +1,14 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + from typing import Callable from openvino.runtime import PartialShape # pylint: disable=no-name-in-module,import-error -from openvino.tools.mo.utils.error import Error -from openvino.tools.mo.utils.utils import refer_to_faq_msg +from openvino.tools.ovc.error import Error +from openvino.tools.ovc.utils import refer_to_faq_msg def update_layout_to_dict(inputs: list, layout: [list, dict], get_names_func: Callable): @@ -19,7 +22,7 @@ def update_layout_to_dict(inputs: list, layout: [list, dict], get_names_func: Ca if len(input_names) > 1: raise Error('Layout without name can be specified for models with only one input, ' 'but provided model has {} inputs: \'{}\'. ' - 'Please specify explicitly input/output name for --layout option' + 'Please specify explicitly input/output name for "layout" option' .format(len(input_names), input_names)) layout = { input_names[0]: { diff --git a/tools/mo/openvino/tools/mo/moc_frontend/serialize.py b/tools/ovc/openvino/tools/ovc/moc_frontend/moc_emit_ir.py similarity index 75% rename from tools/mo/openvino/tools/mo/moc_frontend/serialize.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/moc_emit_ir.py index 90b87f750feb83..8c00e758754128 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/serialize.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/moc_emit_ir.py @@ -1,23 +1,23 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import argparse -import os from openvino.runtime import Model # pylint: disable=no-name-in-module,import-error - -from openvino.tools.mo.back.preprocessing import apply_preprocessing -from openvino.tools.mo.utils.cli_parser import parse_transform +from openvino.tools.ovc.cli_parser import parse_transform +from openvino.tools.ovc.moc_frontend.preprocessing import apply_preprocessing def moc_emit_ir(ngraph_function: Model, argv: argparse.Namespace): - output_dir = argv.output_dir if argv.output_dir != '.' else os.getcwd() # Apply preprocessing (mean/scale/reverse_channels/convert_layout/etc) apply_preprocessing(ov_function=ngraph_function, argv=argv) # Apply transformations - from openvino.tools.mo.back.offline_transformations import apply_user_transformations, apply_moc_transformations, \ + from openvino.tools.ovc.moc_frontend.offline_transformations import apply_user_transformations, apply_moc_transformations, \ apply_moc_legacy_transformations, apply_fused_names_cleanup apply_moc_transformations(ngraph_function) @@ -33,7 +33,7 @@ def moc_emit_ir(ngraph_function: Model, argv: argparse.Namespace): apply_user_transformations(ngraph_function, parse_transform(argv.transform)) if argv.compress_to_fp16: - from openvino.tools.mo.back.offline_transformations import compress_model + from openvino.tools.ovc.moc_frontend.offline_transformations import compress_model compress_model(ngraph_function) apply_fused_names_cleanup(ngraph_function) diff --git a/tools/mo/openvino/tools/mo/back/offline_transformations.py b/tools/ovc/openvino/tools/ovc/moc_frontend/offline_transformations.py similarity index 53% rename from tools/mo/openvino/tools/mo/back/offline_transformations.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/offline_transformations.py index 9d270c32311304..366e01d429076d 100644 --- a/tools/mo/openvino/tools/mo/back/offline_transformations.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/offline_transformations.py @@ -1,14 +1,71 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import argparse from typing import List -from openvino.tools.mo.front.extractor import create_params_with_custom_types -from openvino.tools.mo.utils.cli_parser import parse_transform -from openvino.tools.mo.utils.error import Error +from openvino.tools.ovc.cli_parser import parse_transform +from openvino.tools.ovc.error import Error from openvino.runtime import Model + +def get_new_placeholder_name(node_id: str, is_out_port: bool = False, port: int = 0): + """ + Forms a name of new placeholder created by cutting a graph + :param node_id: a node name that is cut + :param is_out_port: it is True iff output port is cut + :param port: a port number + :return: a name of new placeholder created by cutting a graph + """ + port_type = '_out' if is_out_port else '' + return '{}/placeholder{}_port_{}'.format(node_id, port_type, port) + + +def create_params_with_custom_types(packed_user_shapes: [None, dict]): + """ + Compute a list of placeholder names for which an user specifies custom type + :param packed_user_shapes: packed data that contains input node names, + their port numbers, shapes and data types + :return: a list of placeholder names for which an user specifies custom type + Example of packed_user_shapes dictionary: + packed_user_shapes = + { + 'node_ID': + [ + {'shape': None, 'in': 0}, + {'shape': None, 'in': 1}, + ], + 'node_1_ID': + [ + {'shape': [1, 227, 227, 3], 'port': None, 'data_type': np.int32} + ], + 'node_2_ID': + [ + {'shape': None, 'out': 3} + ] + } + For which the function returns a list ['node_1_ID'] because this node only has custom data type + """ + if packed_user_shapes is None: + return [] + + params_with_custom_types = [] + for input_name in packed_user_shapes: + for desc in packed_user_shapes[input_name]: + p_name = input_name + if 'port' in desc and desc['port'] is None: # neither input nor output port specified + user_defined_type = desc.get('data_type', None) + else: # need to check the particular port the Parameter was created for + p_name = get_new_placeholder_name(input_name, 'out' in desc, + desc['out'] if 'out' in desc else desc['in']) + user_defined_type = desc.get('data_type', None) + if user_defined_type is not None: + params_with_custom_types.append(p_name) + return params_with_custom_types + def get_available_transformations(): try: from openvino._offline_transformations import apply_low_latency_transformation # pylint: disable=import-error,no-name-in-module @@ -54,7 +111,7 @@ def apply_fused_names_cleanup(func: object): def apply_offline_transformations(func: Model, argv: argparse.Namespace): - from openvino.tools.mo.back.preprocessing import apply_preprocessing # pylint: disable=no-name-in-module,import-error + from openvino.tools.ovc.moc_frontend.preprocessing import apply_preprocessing # pylint: disable=no-name-in-module,import-error # Apply preprocessing (mean/scale/reverse_channels/convert_layout/etc) apply_preprocessing(ov_function=func, argv=argv) diff --git a/tools/mo/openvino/tools/mo/moc_frontend/paddle_frontend_utils.py b/tools/ovc/openvino/tools/ovc/moc_frontend/paddle_frontend_utils.py similarity index 98% rename from tools/mo/openvino/tools/mo/moc_frontend/paddle_frontend_utils.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/paddle_frontend_utils.py index 58cd913740cf93..c87d924e3082cb 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/paddle_frontend_utils.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/paddle_frontend_utils.py @@ -1,10 +1,14 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import os import sys import tempfile + class paddle_frontend_converter: def __init__(self, model, inputs=None, outputs=None): self.model = model diff --git a/tools/mo/openvino/tools/mo/moc_frontend/pipeline.py b/tools/ovc/openvino/tools/ovc/moc_frontend/pipeline.py similarity index 92% rename from tools/mo/openvino/tools/mo/moc_frontend/pipeline.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/pipeline.py index f41fff6aa3177c..54871c0f8c32f9 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/pipeline.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/pipeline.py @@ -1,6 +1,9 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import argparse import io import logging as log @@ -9,18 +12,34 @@ from typing import List import numpy as np +import os from openvino.frontend import FrontEnd, InputModel, NotImplementedFailure, \ Place # pylint: disable=no-name-in-module,import-error from openvino.runtime import PartialShape, Type # pylint: disable=no-name-in-module,import-error -from openvino.runtime.utils.types import get_element_type, \ +from openvino.tools.ovc.types import get_element_type, \ get_numpy_ctype # pylint: disable=no-name-in-module,import-error -from openvino.tools.mo.middle.passes.infer import validate_batch_in_shape -from openvino.tools.mo.moc_frontend.analysis import json_model_analysis_dump -from openvino.tools.mo.moc_frontend.extractor import fe_user_data_repack, convert_params_lists_to_dicts, fe_output_user_data_repack -from openvino.tools.mo.moc_frontend.layout_utils import update_layout_to_dict, get_dimension_index_by_label -from openvino.tools.mo.utils.class_registration import get_enabled_and_disabled_transforms -from openvino.tools.mo.utils.error import Error +from openvino.tools.ovc.moc_frontend.analysis import json_model_analysis_dump +from openvino.tools.ovc.moc_frontend.extractor import fe_user_data_repack, convert_params_lists_to_dicts, fe_output_user_data_repack +from openvino.tools.ovc.moc_frontend.layout_utils import update_layout_to_dict, get_dimension_index_by_label +from openvino.tools.ovc.error import Error +from openvino.tools.ovc.utils import np_map_cast, mo_array, validate_batch_in_shape + + +def get_enabled_and_disabled_transforms(): + """ + :return: tuple of lists with force enabled and disabled id of transformations. + """ + disabled_transforms = os.environ['MO_DISABLED_TRANSFORMS'] if 'MO_DISABLED_TRANSFORMS' in os.environ else '' + enabled_transforms = os.environ['MO_ENABLED_TRANSFORMS'] if 'MO_ENABLED_TRANSFORMS' in os.environ else '' + + assert isinstance(enabled_transforms, str) + assert isinstance(disabled_transforms, str) + + disabled_transforms = disabled_transforms.split(',') + enabled_transforms = enabled_transforms.split(',') + + return enabled_transforms, disabled_transforms def moc_pipeline(argv: argparse.Namespace, moc_front_end: FrontEnd): @@ -194,8 +213,6 @@ def create_target_input_shapes(new_input_places): input_model.set_element_type(place, ov_type) # prepare and cast value to dtype - from openvino.tools.mo.utils.type_utils import np_map_cast - from openvino.tools.mo.front.common.partial_infer.utils import mo_array if isinstance(value, list): casted_list = list() for v in mo_array(value): diff --git a/tools/mo/openvino/tools/mo/back/preprocessing.py b/tools/ovc/openvino/tools/ovc/moc_frontend/preprocessing.py similarity index 98% rename from tools/mo/openvino/tools/mo/back/preprocessing.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/preprocessing.py index c84ba887362920..03eb97c28f38a6 100644 --- a/tools/mo/openvino/tools/mo/back/preprocessing.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/preprocessing.py @@ -1,6 +1,9 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import argparse import logging as log from copy import copy @@ -9,9 +12,9 @@ # pylint: disable=no-name-in-module,import-error from openvino.runtime import Model, Layout, PartialShape, layout_helpers -from openvino.tools.mo.moc_frontend.layout_utils import update_layout_to_dict -from openvino.tools.mo.utils.error import Error -from openvino.tools.mo.utils.utils import refer_to_faq_msg +from openvino.tools.ovc.moc_frontend.layout_utils import update_layout_to_dict +from openvino.tools.ovc.error import Error +from openvino.tools.ovc.utils import refer_to_faq_msg def update_mean_scale_to_dict(input_nodes: list, mean_scale_val, scale): @@ -19,7 +22,7 @@ def update_mean_scale_to_dict(input_nodes: list, mean_scale_val, scale): Internal function. Updates mean/scale values from array to dictionary :param: input_nodes Inputs of model :param: mean_scale_val Parsed 'mean_scale_val' object from command line arguments - :param: scale Global scale factor for all inputs from --scale command line arguments + :param: scale Global scale factor for all inputs from scale command line arguments """ if not isinstance(mean_scale_val, dict): if len(mean_scale_val) != len(input_nodes): diff --git a/tools/mo/openvino/tools/mo/moc_frontend/pytorch_frontend_utils.py b/tools/ovc/openvino/tools/ovc/moc_frontend/pytorch_frontend_utils.py similarity index 96% rename from tools/mo/openvino/tools/mo/moc_frontend/pytorch_frontend_utils.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/pytorch_frontend_utils.py index f8419ae4edb45d..ae9973ebab84b0 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/pytorch_frontend_utils.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/pytorch_frontend_utils.py @@ -1,13 +1,17 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import logging as log import numpy as np -from openvino.tools.mo.moc_frontend.shape_utils import get_static_shape -from openvino.tools.mo.utils.error import Error +from openvino.tools.ovc.moc_frontend.shape_utils import get_static_shape +from openvino.tools.ovc.error import Error from openvino.runtime import Tensor, Type, PartialShape -from openvino.runtime.utils.types import get_element_type_str -from openvino.tools.mo.utils.cli_parser import input_to_input_cut_info, input_shape_to_input_cut_info +from openvino.tools.ovc.types import get_element_type_str +from openvino.tools.ovc.cli_parser import input_to_input_cut_info, input_shape_to_input_cut_info + def get_pytorch_decoder(model, input_shape, example_inputs, args): diff --git a/tools/mo/openvino/tools/mo/moc_frontend/shape_utils.py b/tools/ovc/openvino/tools/ovc/moc_frontend/shape_utils.py similarity index 96% rename from tools/mo/openvino/tools/mo/moc_frontend/shape_utils.py rename to tools/ovc/openvino/tools/ovc/moc_frontend/shape_utils.py index 2b2d336a1da001..9a7bb8db067e77 100644 --- a/tools/mo/openvino/tools/mo/moc_frontend/shape_utils.py +++ b/tools/ovc/openvino/tools/ovc/moc_frontend/shape_utils.py @@ -1,10 +1,13 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + import numpy as np from openvino.runtime import PartialShape, Dimension -from openvino.tools.mo.utils.error import Error -from openvino.tools.mo.utils.cli_parser import get_placeholder_shapes, split_shapes +from openvino.tools.ovc.error import Error +from openvino.tools.ovc.cli_parser import get_placeholder_shapes, split_shapes def get_static_shape(shape: [PartialShape, list, tuple], dynamic_value=None): diff --git a/tools/ovc/openvino/tools/ovc/ovc.py b/tools/ovc/openvino/tools/ovc/ovc.py new file mode 100755 index 00000000000000..87b32da80e32bd --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/ovc.py @@ -0,0 +1,13 @@ +#!/usr/bin/env python3 + +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import sys + +if __name__ == "__main__": + from openvino.tools.ovc.telemetry_utils import init_mo_telemetry + from openvino.tools.ovc.main import main + + init_mo_telemetry() + sys.exit(main()) diff --git a/tools/mo/openvino/tools/mo/utils/telemetry_params.py b/tools/ovc/openvino/tools/ovc/telemetry_params.py similarity index 77% rename from tools/mo/openvino/tools/mo/utils/telemetry_params.py rename to tools/ovc/openvino/tools/ovc/telemetry_params.py index 7894a63b9f7182..09eee1491ba066 100644 --- a/tools/mo/openvino/tools/mo/utils/telemetry_params.py +++ b/tools/ovc/openvino/tools/ovc/telemetry_params.py @@ -1,6 +1,9 @@ # Copyright (C) 2018-2023 Intel Corporation # SPDX-License-Identifier: Apache-2.0 +# flake8: noqa +# mypy: ignore-errors + telemetry_params = { 'TID': "UA-17808594-29" } diff --git a/tools/ovc/openvino/tools/ovc/telemetry_stub.py b/tools/ovc/openvino/tools/ovc/telemetry_stub.py new file mode 100644 index 00000000000000..0fccfa3beda9c2 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/telemetry_stub.py @@ -0,0 +1,31 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +class Telemetry(object): + """ + Stab file for the Telemetry class which is used when Telemetry class is not available. + """ + + def __init__(self, *arg, **kwargs): + pass + + def send_event(self, *arg, **kwargs): + pass + + def send_error(self, *arg, **kwargs): + pass + + def start_session(self, *arg, **kwargs): + pass + + def end_session(self, *arg, **kwargs): + pass + + def force_shutdown(self, *arg, **kwargs): + pass + + def send_stack_trace(self, *arg, **kwargs): + pass diff --git a/tools/ovc/openvino/tools/ovc/telemetry_utils.py b/tools/ovc/openvino/tools/ovc/telemetry_utils.py new file mode 100644 index 00000000000000..b88685c4c8a5f4 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/telemetry_utils.py @@ -0,0 +1,77 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import argparse +import numbers + +from openvino.runtime import get_version as get_rt_version +from openvino.tools.ovc.cli_parser import get_params_with_paths_list +from openvino.tools.ovc.telemetry_params import telemetry_params +from openvino.tools.ovc.utils import check_values_equal + +try: + import openvino_telemetry as tm +except ImportError: + import openvino.tools.ovc.telemetry_stub as tm + + +def init_mo_telemetry(): + _ = tm.Telemetry(tid=get_tid(), app_name='Model Conversion API', app_version=get_rt_version()) + + +def send_framework_info(framework: str): + """ + This function sends information about used framework. + :param framework: framework name. + """ + t = tm.Telemetry() + t.send_event('mo', 'framework', framework) + + +def get_tid(): + """ + This function returns the ID of the database to send telemetry. + """ + return telemetry_params['TID'] + + +def send_conversion_result(conversion_result: str, need_shutdown=False): + t = tm.Telemetry() + t.send_event('mo', 'conversion_result', conversion_result) + t.end_session('mo') + if need_shutdown: + t.force_shutdown(1.0) + + +def arg_to_str(arg): + # This method converts to string only known types, otherwise returns string with name of the type + from openvino.runtime import PartialShape, Shape, Type, Layout + if isinstance(arg, (PartialShape, Shape, Type, Layout)): + return str(arg) + if isinstance(arg, (str, numbers.Number, bool)): + return str(arg) + return str(type(arg)) + + +def send_params_info(argv: argparse.Namespace, cli_parser: argparse.ArgumentParser): + """ + This function sends information about used command line parameters. + :param argv: command line parameters. + :param cli_parser: command line parameters parser. + """ + t = tm.Telemetry() + params_with_paths = get_params_with_paths_list() + for arg in vars(argv): + arg_value = getattr(argv, arg) + if not check_values_equal(arg_value, cli_parser.get_default(arg)): + if arg in params_with_paths: + # If command line argument value is a directory or a path to file it is not sent + # as it may contain confidential information. "1" value is used instead. + param_str = arg + ":" + str(1) + else: + param_str = arg + ":" + arg_to_str(arg_value) + + t.send_event('mo', 'cli_parameters', param_str) diff --git a/tools/ovc/openvino/tools/ovc/types.py b/tools/ovc/openvino/tools/ovc/types.py new file mode 100644 index 00000000000000..ec3e3436339f70 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/types.py @@ -0,0 +1,159 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +"""Functions related to converting between Python and numpy types and openvino types.""" + +import logging +from typing import List, Union + +import numpy as np + +from openvino.runtime.exceptions import OVTypeError +from openvino.runtime import Node, Shape, Output, Type +from openvino.runtime.op import Constant + +log = logging.getLogger(__name__) + +TensorShape = List[int] +NumericData = Union[int, float, np.ndarray] +NumericType = Union[type, np.dtype] +ScalarData = Union[int, float] +NodeInput = Union[Node, NumericData] + +openvino_to_numpy_types_map = [ + (Type.boolean, bool), + (Type.f16, np.float16), + (Type.f32, np.float32), + (Type.f64, np.float64), + (Type.i8, np.int8), + (Type.i16, np.int16), + (Type.i32, np.int32), + (Type.i64, np.int64), + (Type.u8, np.uint8), + (Type.u16, np.uint16), + (Type.u32, np.uint32), + (Type.u64, np.uint64), + (Type.bf16, np.uint16), +] + +openvino_to_numpy_types_str_map = [ + ("boolean", bool), + ("f16", np.float16), + ("f32", np.float32), + ("f64", np.float64), + ("i8", np.int8), + ("i16", np.int16), + ("i32", np.int32), + ("i64", np.int64), + ("u8", np.uint8), + ("u16", np.uint16), + ("u32", np.uint32), + ("u64", np.uint64), +] + + +def get_element_type(data_type: NumericType) -> Type: + """Return an ngraph element type for a Python type or numpy.dtype.""" + if data_type is int: + log.warning("Converting int type of undefined bitwidth to 32-bit ngraph integer.") + return Type.i32 + + if data_type is float: + log.warning("Converting float type of undefined bitwidth to 32-bit ngraph float.") + return Type.f32 + + ov_type = next( + (ov_type for (ov_type, np_type) in openvino_to_numpy_types_map if np_type == data_type), + None, + ) + if ov_type: + return ov_type + + raise OVTypeError("Unidentified data type %s", data_type) + + +def get_element_type_str(data_type: NumericType) -> str: + """Return an ngraph element type string representation for a Python type or numpy dtype.""" + if data_type is int: + log.warning("Converting int type of undefined bitwidth to 32-bit ngraph integer.") + return "i32" + + if data_type is float: + log.warning("Converting float type of undefined bitwidth to 32-bit ngraph float.") + return "f32" + + ov_type = next( + (ov_type for (ov_type, np_type) in openvino_to_numpy_types_str_map if np_type == data_type), + None, + ) + if ov_type: + return ov_type + + raise OVTypeError("Unidentified data type %s", data_type) + + +def get_dtype(openvino_type: Type) -> np.dtype: + """Return a numpy.dtype for an openvino element type.""" + np_type = next( + (np_type for (ov_type, np_type) in openvino_to_numpy_types_map if ov_type == openvino_type), + None, + ) + + if np_type: + return np.dtype(np_type) + + raise OVTypeError("Unidentified data type %s", openvino_type) + + +def get_numpy_ctype(openvino_type: Type) -> type: + """Return numpy ctype for an openvino element type.""" + np_type = next( + (np_type for (ov_type, np_type) in openvino_to_numpy_types_map if ov_type == openvino_type), + None, + ) + + if np_type: + return np_type + + raise OVTypeError("Unidentified data type %s", openvino_type) + + +def get_ndarray(data: NumericData) -> np.ndarray: + """Wrap data into a numpy ndarray.""" + if type(data) == np.ndarray: + return data # type: ignore + return np.array(data) + + +def get_shape(data: NumericData) -> TensorShape: + """Return a shape of NumericData.""" + if type(data) == np.ndarray: + return data.shape # type: ignore + elif type(data) == list: + return [len(data)] # type: ignore + return [] + + +def make_constant_node(value: NumericData, dtype: Union[NumericType, Type] = None) -> Constant: + """Return an openvino Constant node with the specified value.""" + ndarray = get_ndarray(value) + if dtype is not None: + element_type = get_element_type(dtype) if isinstance(dtype, (type, np.dtype)) else dtype + else: + element_type = get_element_type(ndarray.dtype) + + return Constant(element_type, Shape(ndarray.shape), ndarray.flatten().tolist()) + + +def as_node(input_value: NodeInput) -> Node: + """Return input values as nodes. Scalars will be converted to Constant nodes.""" + if issubclass(type(input_value), Node): + return input_value + if issubclass(type(input_value), Output): + return input_value + return make_constant_node(input_value) + + +def as_nodes(*input_values: NodeInput) -> List[Node]: + """Return input values as nodes. Scalars will be converted to Constant nodes.""" + return [as_node(input_value) for input_value in input_values] diff --git a/tools/ovc/openvino/tools/ovc/utils.py b/tools/ovc/openvino/tools/ovc/utils.py new file mode 100644 index 00000000000000..c2b23c78691859 --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/utils.py @@ -0,0 +1,139 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + + +import os +import re +from typing import Iterable, Union + +import numpy as np +from openvino.tools.ovc.error import Error + +try: + import openvino_telemetry as tm +except ImportError: + import openvino.tools.ovc.telemetry_stub as tm + + +dynamic_dimension = np.ma.masked + + +def refer_to_faq_msg(question_num: int): + try: + t = tm.Telemetry() + t.send_event('mo', 'error_info', "faq:" + str(question_num)) + except Exception: + # Telemetry can be not initialized if it is used in MO IR Reader + pass + + return '\n For more information please refer to Model Conversion API FAQ, question #{0}. ' \ + '(https://docs.openvino.ai/2023.0/openvino_docs_MO_DG_prepare_model_Model_Optimizer_FAQ.html' \ + '?question={0}#question-{0})'.format(question_num) + + +def get_mo_root_dir(): + """ + Return the absolute path to the Model Conversion API root directory (where mo folder is located) + :return: path to the MO root directory + """ + return os.path.normpath(os.path.join(os.path.dirname(os.path.abspath(os.path.realpath(__file__))), os.pardir)) + + +def check_values_equal(val1, val2): + # This method is needed to check equality of values where some values can be None + if val1 is None and val2 is None: + return True + if val1 is None: + return False + if val2 is None: + return False + return val1 == val2 + + +np_map_cast = {bool: lambda x: bool_cast(x), + np.int8: lambda x: np.int8(x), + np.int16: lambda x: np.int16(x), + np.int32: lambda x: np.int32(x), + np.int64: lambda x: np.int64(x), + np.uint8: lambda x: np.uint8(x), + np.uint16: lambda x: np.uint16(x), + np.uint32: lambda x: np.uint32(x), + np.uint64: lambda x: np.uint64(x), + np.float16: lambda x: np.float16(x), + np.float32: lambda x: np.float32(x), + np.double: lambda x: np.double(x), + str: lambda x: str(x)} + + +def bool_cast(x): + if isinstance(x, str): + return False if x.lower() in ['false', '0'] else True if x.lower() in ['true', '1'] else 'unknown_boolean_cast' + else: + return bool(x) + + +def mo_array(value: Union[Iterable[Union[float, int]], float, int], dtype=None) -> np.ndarray: + """ + This function acts in a same way as np.array except for the case when dtype is not provided + and np.array return fp64 array this function returns fp32 array + """ + x = np.array(value, dtype=dtype) + if not isinstance(value, np.ndarray) and x.dtype == np.float64 and dtype != np.float64: + x = x.astype(np.float32) + return x + + +def validate_batch_in_shape(shape, layer_name: str): + """ + Raises Error #39 if shape is not valid for setting batch size + Parameters + ---------- + shape: current shape of layer under validation + layer_name: name of layer under validation + """ + if len(shape) == 0 or (shape[0] is not dynamic_dimension and shape[0] not in (-1, 0, 1)): + raise Error(('The input layer {} has a shape {} defined in the model. \n\n' + + 'When you use "batch" option, Model Conversion API applies its value to the first ' + + 'element of the shape if it is equal to -1, 0 or 1. Otherwise, this is the ambiguous ' + + 'situation - it is not known in advance whether the layer has the batch ' + + 'dimension or not.\n\n For example, you want to set batch dimension equals 100 ' + + 'for the input layer "data" with shape (10,34). Although you can not use "batch", ' + + 'you should pass "input_shape=[100,34]" instead of "batch=100". \n\n' + + 'You can also specify batch dimension by setting "layout". \n\n') + .format(layer_name, shape)) + + +def deduce_legacy_frontend_by_namespace(argv): + if not hasattr(argv, 'framework') or not argv.framework: + if getattr(argv, 'saved_model_dir', None) or getattr(argv, 'input_meta_graph', None): + argv.framework = 'tf' + elif getattr(argv, 'input_symbol', None) or getattr(argv, 'pretrained_model_name', None): + argv.framework = 'mxnet' + elif getattr(argv, 'input_proto', None): + argv.framework = 'caffe' + elif argv.input_model is None: + raise Error('Path to input model is required: use "input_model".') + else: + argv.framework = guess_framework_by_ext(argv.input_model) + + return map(lambda x: argv.framework == x, ['tf', 'caffe', 'mxnet', 'kaldi', 'onnx']) + + +def guess_framework_by_ext(input_model_path: str) -> int: + if re.match(r'^.*\.caffemodel$', input_model_path): + return 'caffe' + elif re.match(r'^.*\.pb$', input_model_path): + return 'tf' + elif re.match(r'^.*\.pbtxt$', input_model_path): + return 'tf' + elif re.match(r'^.*\.params$', input_model_path): + return 'mxnet' + elif re.match(r'^.*\.nnet$', input_model_path): + return 'kaldi' + elif re.match(r'^.*\.mdl', input_model_path): + return 'kaldi' + elif re.match(r'^.*\.onnx$', input_model_path): + return 'onnx' diff --git a/tools/ovc/openvino/tools/ovc/version.py b/tools/ovc/openvino/tools/ovc/version.py new file mode 100644 index 00000000000000..67fc31b82ecf9c --- /dev/null +++ b/tools/ovc/openvino/tools/ovc/version.py @@ -0,0 +1,83 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +# flake8: noqa +# mypy: ignore-errors + +import re + +from openvino.runtime import get_version as get_ie_version + + +def extract_release_version(version: str): + patterns = [ + # captures release version set by CI for example: '2021.1.0-1028-55e4d5673a8' + r"^([0-9]+).([0-9]+)*", + # captures release version generated by MO from release branch, for example: 'custom_releases/2021/1_55e4d567' + r"_releases/([0-9]+)/([0-9]+)_*" + ] + + for pattern in patterns: + m = re.search(pattern, version) + if m and len(m.groups()) == 2: + return m.group(1), m.group(2) + return None, None + + +def simplify_version(version: str): + release_version = extract_release_version(version) + if release_version == (None, None): + return "custom" + return "{}.{}".format(*release_version) + + +def get_simplified_ie_version(version=None): + from openvino.runtime import get_version + if version is None: + version = get_version() + + # To support legacy IE versions + m = re.match(r"^([0-9]+).([0-9]+).(.*)", version) + if m and len(m.groups()) == 3: + return simplify_version(m.group(3)) + return simplify_version(version) + + +def extract_hash_from_version(full_version: str): + res = re.findall(r'[-_]([a-f0-9]{7,40})', full_version) + if len(res) > 0: + return res[0] + else: + return None + + +class SingletonMetaClass(type): + def __init__(self, cls_name, super_classes, dic): + self.__single_instance = None + super().__init__(cls_name, super_classes, dic) + + def __call__(cls, *args, **kwargs): + if cls.__single_instance is None: + cls.__single_instance = super(SingletonMetaClass, cls).__call__(*args, **kwargs) + return cls.__single_instance + + +class VersionChecker(metaclass=SingletonMetaClass): + def __init__(self): + self.runtime_checked = False + self.mo_version = None + self.ie_version = None + self.mo_simplified_version = None + self.ie_simplified_version = None + + def get_ie_version(self): + if self.ie_version: + return self.ie_version + self.ie_version = get_ie_version() + return self.ie_version + + def get_ie_simplified_version(self): + if self.ie_simplified_version: + return self.ie_simplified_version + self.ie_simplified_version = get_simplified_ie_version() + return self.ie_simplified_version diff --git a/tools/ovc/unit_tests/__init__.py b/tools/ovc/unit_tests/__init__.py new file mode 100644 index 00000000000000..e69de29bb2d1d6 diff --git a/tools/ovc/unit_tests/moc_tf_fe/__init__.py b/tools/ovc/unit_tests/moc_tf_fe/__init__.py new file mode 100644 index 00000000000000..e69de29bb2d1d6 diff --git a/tools/ovc/unit_tests/moc_tf_fe/check_info_messages_test.py b/tools/ovc/unit_tests/moc_tf_fe/check_info_messages_test.py new file mode 100644 index 00000000000000..9b08d9d35ef24c --- /dev/null +++ b/tools/ovc/unit_tests/moc_tf_fe/check_info_messages_test.py @@ -0,0 +1,134 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import argparse +import io +import os +import unittest +from contextlib import redirect_stdout +from unittest.mock import patch + +from openvino.tools.ovc.main import main +from openvino.tools.ovc.get_ov_update_message import get_tf_fe_message, get_compression_message +from openvino.tools.ovc.get_ov_update_message import get_try_legacy_fe_message + + +def arg_parse_helper(input_model, + use_legacy_frontend, + use_new_frontend, + input_model_is_text, + framework, + compress_to_fp16=False, + freeze_placeholder_with_value=None, + tensorflow_object_detection_api_pipeline_config=None): + path = os.path.dirname(__file__) + input_model = os.path.join(path, "test_models", input_model) + + return argparse.Namespace( + input_model=input_model, + use_legacy_frontend=use_legacy_frontend, + use_new_frontend=use_new_frontend, + framework=framework, + input_model_is_text=input_model_is_text, + log_level='INFO', + silent=True, + model_name=None, + transform=[], + scale=None, + output=None, + input=None, + input_shape=None, + batch=None, + input_checkpoint=None, + saved_model_dir=None, + input_meta_graph=None, + saved_model_tags=None, + output_dir='.', + mean_values=(), + scale_values=(), + layout={}, + source_layout={}, + target_layout={}, + freeze_placeholder_with_value=freeze_placeholder_with_value, + data_type=None, + tensorflow_custom_operations_config_update=None, + tensorflow_object_detection_api_pipeline_config=tensorflow_object_detection_api_pipeline_config, + compress_to_fp16=compress_to_fp16, + extensions=None + ) + + +class TestInfoMessagesTFFE(unittest.TestCase): + @patch('argparse.ArgumentParser.parse_args', + return_value=arg_parse_helper(input_model="model_int32.pbtxt", + use_legacy_frontend=False, use_new_frontend=True, + framework=None, input_model_is_text=True)) + def test_api20_only(self, mock_argparse): + f = io.StringIO() + with redirect_stdout(f): + main() + std_out = f.getvalue() + tf_fe_message_found = get_tf_fe_message() in std_out + assert tf_fe_message_found + + @patch('openvino.tools.ovc.convert_impl.driver', side_effect=Exception('MESSAGE')) + def run_fail_tf_fe(self, mock_driver): + from openvino.tools.ovc import convert_model + path = os.path.dirname(__file__) + convert_model(os.path.join(path, "test_models", "model_int32.pbtxt"), silent=False) + + def test_suggest_legacy_fe(self): + f = io.StringIO() + with redirect_stdout(f): + try: + self.run_fail_tf_fe() + except: + pass + std_out = f.getvalue() + assert get_try_legacy_fe_message() in std_out + + +class TestInfoMessagesTFFEWithFallback(unittest.TestCase): + @patch('argparse.ArgumentParser.parse_args', + return_value=arg_parse_helper(input_model="model_switch_merge.pbtxt", + use_legacy_frontend=False, use_new_frontend=False, + framework=None, input_model_is_text=True, + freeze_placeholder_with_value="is_training->False")) + def test_tf_fe_message_fallback(self, mock_argparse): + f = io.StringIO() + with redirect_stdout(f): + main() + std_out = f.getvalue() + tf_fe_message_found = get_try_legacy_fe_message() in std_out + assert not tf_fe_message_found, 'TF FE Info message is found for the fallback case' + + @patch('argparse.ArgumentParser.parse_args', + return_value=arg_parse_helper(input_model="model_int32.pbtxt", + use_legacy_frontend=False, use_new_frontend=True, + compress_to_fp16=True, + framework=None, input_model_is_text=True, + tensorflow_object_detection_api_pipeline_config="config.yml")) + def test_tf_fe_message_fallback(self, mock_argparse): + f = io.StringIO() + with redirect_stdout(f): + main() + std_out = f.getvalue() + tf_fe_message_found = "The provided option \"tensorflow_object_detection_api_pipeline_config\" " \ + "refers to legacy functionality. Please try to install openvino-dev and " \ + "use convert_model() from openvino.tools.mo." in std_out + assert not tf_fe_message_found, 'TF FE Info message is found for the fallback case' + + +class TestInfoMessagesCompressFP16(unittest.TestCase): + @patch('argparse.ArgumentParser.parse_args', + return_value=arg_parse_helper(input_model="model_int32.pbtxt", + use_legacy_frontend=False, use_new_frontend=True, + compress_to_fp16=True, + framework=None, input_model_is_text=True)) + def test_compress_to_fp16(self, mock_argparse): + f = io.StringIO() + with redirect_stdout(f): + main() + std_out = f.getvalue() + fp16_compression_message_found = get_compression_message() in std_out + assert fp16_compression_message_found diff --git a/tools/ovc/unit_tests/moc_tf_fe/conversion_basic_models_test.py b/tools/ovc/unit_tests/moc_tf_fe/conversion_basic_models_test.py new file mode 100644 index 00000000000000..047b05d842f317 --- /dev/null +++ b/tools/ovc/unit_tests/moc_tf_fe/conversion_basic_models_test.py @@ -0,0 +1,328 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os +import unittest + +import numpy as np +from generator import generator, generate + +from openvino.runtime import Core +from openvino.tools.ovc.convert import convert_model + + +@generator +class TestMoFreezePlaceholderTFFE(unittest.TestCase): + def basic(self, input_model, argv_input, inputs, dtype, expected, freeze_placeholder_with_value=None, + input_shape=None, only_conversion=False, input_model_is_text=True, use_new_frontend=True, + use_legacy_frontend=False): + path = os.path.dirname(__file__) + input_model = os.path.join(path, "test_models", input_model) + + try: + model = convert_model(input_model, input=argv_input, + freeze_placeholder_with_value=freeze_placeholder_with_value, + input_shape=input_shape, input_model_is_text=input_model_is_text, + use_new_frontend=use_new_frontend, use_legacy_frontend=use_legacy_frontend, + framework="tf") + except Exception as ex: + self.fail("Model conversion failed due to error: {}".format(ex)) + + if only_conversion: + return + + ie = Core() + exec_net = ie.compile_model(model, "CPU") + req = exec_net.create_infer_request() + results = req.infer(inputs) + values = list(results.values())[0] + if dtype is not None: + assert values.dtype == dtype + assert np.allclose(values, expected) + + @generate( + *[ + ( + "in1[1 4]->[1.0 2.0 3.0 4.0],in2[1 4]{f32}->[1.0 2.0 3.0 4.0]", + {}, + np.array([2.0, 4.0, 6.0, 8.0]), + np.float32, + ), + ( + "in2{f32}->[0.0 0.0 0.0 0.0]", + {"in1": np.array([[1.0, 2.0], [3.0, 4.0]])}, + np.array([[1.0, 2.0], [3.0, 4.0]]), + np.float32, + ), + ( + "in2->[1.0 15.0 15.5 1.0]", + {"in1": np.array([[2.0, 4.0], [12.0, 8.0]])}, + np.array([[3.0, 19.0], [27.5, 9.0]]), + np.float32, + ), + ( + "in1[1 4]{i32}->[1 2 3 4],in2[1 4]{i32}->[1 2 3 4]", + {}, + np.array([2.0, 4.0, 6.0, 8.0]), + np.int32, + ), + ], + ) + def test_fp32(self, input_freezing_value, inputs, expected, + dtype): + self.basic("model_fp32.pbtxt", input_freezing_value, inputs, dtype, expected) + + @generate( + *[ + ( + "in1[1 4]->[1 2 3 4],in2[1 4]{i32}->[1 2 3 4]", + {}, + np.array([1, 4, 9, 16]), + np.int32, + ), + ( + "in2->[2 5 6 7 3 2]", + {"in1": np.array([[2, 4, 1], [1, 2, 8]])}, + np.array([[4, 20, 6], [7, 6, 16]]), + np.int32, + ), + ], + ) + def test_int32(self, input_freezing_value, inputs, expected, + dtype=None): + self.basic("model_int32.pbtxt", input_freezing_value, inputs, dtype, expected) + + @generate( + *[ + ( + "in1[2]->[True False],in2[2]->[True True]", + {}, + np.array([True, False], dtype=bool), + bool, + ), + ( + "in2[2,3]->[True,True,False,True,True,False]", + {"in1": np.array([[False, True, True], [False, True, True]], dtype=bool)}, + np.array([[False, True, False], [False, True, False]], dtype=bool), + bool, + ), + ( + "in2[]->True", + {"in1": np.array([[False, True, True], [False, True, True]], dtype=bool)}, + np.array([[False, True, True], [False, True, True]], dtype=bool), + bool, + ), + ], + ) + def test_bool(self, input_freezing_value, inputs, expected, + dtype=None): + self.basic("model_bool.pbtxt", input_freezing_value, inputs, dtype, expected) + + @generate( + *[ + ( + "in1[3]->[1 2 3],in2[3]->[4 5 6],cond->False", + {}, + np.array([4, 5, 6], dtype=np.float32), + np.float32, + None + ), + ( + None, + {"in1": np.array([2.0, 4.0, 6.0], dtype=np.float32), + "in2": np.array([1.0, 3.0, 5.0], dtype=np.float32)}, + np.array([2, 4, 6], dtype=np.float32), + np.float32, + "cond->False", + None, + True # fill a bug to investigate why compilation of this model is hang on + ), + # case: input_shape + freeze_placeholder_with_value + ( + None, + {"in2": np.array([1.0, 3.0, 5.0], dtype=np.float32)}, + np.array([2, 4, 6], dtype=np.float32), + np.float32, + "in1->[2.0 4.0 6.0],cond->True", + "[3]", + False + ), + ], + ) + def test_bool2(self, input_freezing_value, inputs, expected, + dtype=None, freeze_placeholder_with_value=None, input_shape=None, only_conversion=False): + self.basic("model_bool2.pbtxt", input_freezing_value, inputs, dtype, expected, freeze_placeholder_with_value, + input_shape, only_conversion) + + @generate( + *[ + ( + "add:0[3],z", + {"add:0": np.array([4, 5, 6], dtype=np.float32), "z": np.array([1, 2, 3], dtype=np.float32)}, + np.array([4, 10, 18], dtype=np.float32), + np.float32, + None + ), + ( + "add:0{i32}[3],z{i32}", + {"add:0": np.array([4, 5, 6], dtype=np.int32), "z": np.array([1, 2, 3], dtype=np.int32)}, + np.array([4, 10, 18], dtype=np.int32), + np.int32, + None + ), + ], + ) + def test_cutting_fp32(self, input_freezing_value, inputs, expected, + dtype=None, freeze_placeholder_with_value=None, input_shape=None, only_conversion=False): + self.basic("model_three_inputs.pbtxt", input_freezing_value, inputs, dtype, expected, + freeze_placeholder_with_value, + input_shape, only_conversion, True) + + @generate( + *[ + ( + "x[1,4],y[4]", + {"x": np.array([[3, 2, 1, 5]], dtype=np.int32), "y": np.array([0, -1, -7, 8], dtype=np.int32)}, + np.array([[3, 1, -6, 13]], dtype=np.int32), + np.int32, + None + ), + ( + "x,y", + {"x": np.array([[-3, 20, 1]], dtype=np.int32), "y": np.array([[10, -11, -17]], dtype=np.int32)}, + np.array([[7, 9, -16]], dtype=np.int32), + np.int32, + None + ), + ( + "x", + {"x": np.array([[-3, 20, 1]], dtype=np.int32)}, + np.array([[-2, 22, 4], [1, 25, 7]], dtype=np.int32), + np.int32, + None + ), + ], + ) + def test_placeholder_with_default(self, inputs, inputs_data, expected, + dtype=None, freeze_placeholder_with_value=None, input_shape=None, + only_conversion=False): + self.basic("placeholder_with_default.pbtxt", inputs, inputs_data, dtype, expected, + freeze_placeholder_with_value, + input_shape, only_conversion, True) + + @generate( + *[ + ( + "x[4],y->2.0", + {"x": np.array([3, 2, 1, 5], dtype=np.float32)}, + np.array([6, 4, 2, 10], dtype=np.float32), + np.float32, + None + ), + ( + "x[1],y->[2.0,3.0]", + {"x": np.array([3], dtype=np.float32)}, + np.array([6, 9], dtype=np.float32), + np.float32, + None + ), + ], + ) + def test_freeze_placeholder_with_unknown_rank(self, inputs, inputs_data, expected, + dtype=None, freeze_placeholder_with_value=None, input_shape=None, + only_conversion=False): + self.basic("mul_with_unknown_rank_y.pbtxt", inputs, inputs_data, dtype, expected, + freeze_placeholder_with_value, + input_shape, only_conversion, True) + + + def test_conversion_failure_fallback_use_new_frontend(self): + with self.assertRaisesRegex(Exception, + "\[TensorFlow Frontend\] Internal error, no translator found for operation\(s\)\: " + "Enter\, Exit\, LoopCond\, Merge\, NextIteration\, Switch\, TensorArrayGatherV3\, " + "TensorArraySizeV3\, TensorArrayV3"): + self.basic("ctc_model_based.pbtxt", None, None, None, None, + None, None, True, True, True, False) + + @unittest.skip("88349: Fix auto-pruning in legacy FE") + def test_conversion_model_oneshot_iterator_use_legacy_frontend(self): + self.basic("model_oneshot_iterator.pbtxt", None, None, None, None, + None, None, True, True, False, True) + + def test_conversion_model_oneshot_iterator_default(self): + self.basic("model_oneshot_iterator.pbtxt", None, None, None, None, + None, None, True, True, False, False) + + @generate( + *[ + ( + "in2{f32}->[0.0 0.0 0.0 0.0]", + {"in1": np.array([[1.0, 2.0], [3.0, 4.0]])}, + np.array([[1.0, 2.0], [3.0, 4.0]]), + np.float32, + ), + ( + "in2->[1.0 15.0 15.5 1.0]", + {"in1": np.array([[2.0, 4.0], [12.0, 8.0]])}, + np.array([[3.0, 19.0], [27.5, 9.0]]), + np.float32, + ), + ], + ) + @unittest.skip("109220: Use generating script for this test model instead of Git LFS") + def test_conversion_model_with_non_standard_extension(self, input_freezing_value, inputs, expected, + dtype): + self.basic("model_fp32.frozen", input_freezing_value, inputs, dtype, expected, only_conversion=False, + input_model_is_text=False, use_new_frontend=True, + use_legacy_frontend=False) + + @unittest.skip("109220: Make TF FE to return the error") + def test_conversion_dir_model(self): + with self.assertRaisesRegex(Exception, + "Internal error or inconsistent input model: the frontend supports " + "only frozen binary protobuf format."): + self.basic(".", None, None, None, None, + only_conversion=True, input_model_is_text=False, use_new_frontend=True, + use_legacy_frontend=False) + + @generate( + *[ + ( + {"x": np.array([1, 2], dtype=np.int32), "y": np.array([4], dtype=np.int32)}, + np.array([-3, -2], dtype=np.int32), + np.int32, + ), + ( + {"x": np.array([20, 25], dtype=np.int32), "y": np.array([10], dtype=np.int32)}, + np.array([30, 35], dtype=np.int32), + np.int32, + ) + ], + ) + def test_conversion_pbtxt_model_with_inference(self, inputs, expected, dtype): + self.basic("model_with_if.pbtxt", None, inputs, dtype, expected, only_conversion=False, + input_model_is_text=False, use_new_frontend=True, use_legacy_frontend=False) + + @generate( + *[ + # new frontend + ( + "model_add_with_undefined_constant.pbtxt", + "x[2,3]", + {"x": np.array([[12, 13, 10], [11, 14, 16]], dtype=np.float32)}, + np.array([[12, 13, 10], [11, 14, 16]], dtype=np.float32), + np.float32, True, False, + ), + ( + "model_mul_with_undefined_constant.pbtxt", + "x[2]", + {"x": np.array([11, -12], dtype=np.int32)}, + np.array([0, 0], dtype=np.int32), + np.int32, True, False, + ), + ], + ) + def test_conversion_model_with_undefined_constant(self, model_name, argv_input, inputs, expected, dtype, + use_new_frontend, use_legacy_frontend): + self.basic(model_name, argv_input, inputs, dtype, expected, only_conversion=False, + input_model_is_text=True, use_new_frontend=use_new_frontend, use_legacy_frontend=use_legacy_frontend) diff --git a/tools/ovc/unit_tests/moc_tf_fe/conversion_incorrect_models_test.py b/tools/ovc/unit_tests/moc_tf_fe/conversion_incorrect_models_test.py new file mode 100644 index 00000000000000..b702c7153b68c5 --- /dev/null +++ b/tools/ovc/unit_tests/moc_tf_fe/conversion_incorrect_models_test.py @@ -0,0 +1,42 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os +import tempfile +import unittest + +from generator import generator, generate + +from openvino.tools.ovc.convert import convert_model + + +@generator +class TestMoFreezePlaceholderTFFE(unittest.TestCase): + @generate( + *[ + # the default frontend + ( + False, False, None + ), + ( + False, False, "tf" + ), + # new frontend + ( + True, False, None + ), + ( + True, False, "tf" + ), + ], + ) + def test_conversion_fake_pb_model(self, use_new_frontend, use_legacy_frontend, framework): + with self.assertRaisesRegex(Exception, + "Internal error or inconsistent input model: the frontend supports frozen formats" + " \(.pb and .pbtxt\), SavedModel and MetaGraph \(.meta\), and v1 checkpoints."): + path = os.path.dirname(__file__) + input_model = os.path.join(path, "test_models", "fake.pb") + + convert_model(input_model, + use_new_frontend=use_new_frontend, use_legacy_frontend=use_legacy_frontend, + framework=framework) \ No newline at end of file diff --git a/tools/mo/unit_tests/moc_tf_fe/conversion_with_checkpoint_v1_test.py b/tools/ovc/unit_tests/moc_tf_fe/conversion_with_checkpoint_v1_test.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/conversion_with_checkpoint_v1_test.py rename to tools/ovc/unit_tests/moc_tf_fe/conversion_with_checkpoint_v1_test.py diff --git a/tools/mo/unit_tests/moc_tf_fe/conversion_with_layout_test.py b/tools/ovc/unit_tests/moc_tf_fe/conversion_with_layout_test.py similarity index 94% rename from tools/mo/unit_tests/moc_tf_fe/conversion_with_layout_test.py rename to tools/ovc/unit_tests/moc_tf_fe/conversion_with_layout_test.py index 0a3264e7fcfbfd..07e3ec1717e2bf 100644 --- a/tools/mo/unit_tests/moc_tf_fe/conversion_with_layout_test.py +++ b/tools/ovc/unit_tests/moc_tf_fe/conversion_with_layout_test.py @@ -10,8 +10,8 @@ import openvino.runtime.opset11 as opset11 from openvino.runtime import Model from openvino.runtime import PartialShape, Dimension -from openvino.tools.mo.convert import convert_model -from openvino.tools.mo.utils.error import Error +from openvino.tools.ovc.convert import convert_model +from openvino.tools.ovc.error import Error @generator @@ -92,6 +92,6 @@ def test_model_with_convolution_dynamic_rank(self, model_name: str, batch: int, def test_model_expected_failure(self, model_name: str, batch: int, layout: str, refs_shapes: dict): # try to override batch size by default index (without specifying layout) with self.assertRaisesRegex(Error, - "When you use -b \(--batch\) option, Model Optimizer applies its value to the first " + "When you use \"batch\" option, Model Conversion API applies its value to the first " "element of the shape if it is equal to -1, 0 or 1\."): self.basic_check(model_name, batch, layout, refs_shapes) diff --git a/tools/ovc/unit_tests/moc_tf_fe/test_models/ctc_model_based.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/ctc_model_based.pbtxt new file mode 100644 index 00000000000000..935cb9190c3274 --- /dev/null +++ b/tools/ovc/unit_tests/moc_tf_fe/test_models/ctc_model_based.pbtxt @@ -0,0 +1,5245 @@ +node { + name: "inputs" + op: "Placeholder" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "shape" + value { + shape { + dim { + size: 1 + } + dim { + size: 28 + } + dim { + size: 1 + } + dim { + size: 96 + } + } + } + } +} +node { + name: "reshape_to_rnn/shape" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 3 + } + } + tensor_content: "\377\377\377\377\034\000\000\000`\000\000\000" + } + } + } +} +node { + name: "reshape_to_rnn" + op: "Reshape" + input: "inputs" + input: "reshape_to_rnn/shape" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tshape" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Rank" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 3 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range/start" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 2 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range/delta" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Rank" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat/values_0" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 2 + } + } + tensor_content: "\001\000\000\000\000\000\000\000" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat/values_0" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose" + op: "Transpose" + input: "reshape_to_rnn" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tperm" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Shape" + op: "Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "out_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice/stack" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice/stack_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 2 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice/stack_2" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice" + op: "StridedSlice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice/stack" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice/stack_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice/stack_2" + attr { + key: "Index" + value { + type: DT_INT32 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "begin_mask" + value { + i: 0 + } + } + attr { + key: "ellipsis_mask" + value { + i: 0 + } + } + attr { + key: "end_mask" + value { + i: 0 + } + } + attr { + key: "new_axis_mask" + value { + i: 0 + } + } + attr { + key: "shrink_axis_mask" + value { + i: 1 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/ExpandDims/dim" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/ExpandDims" + op: "ExpandDims" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/ExpandDims/dim" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tdim" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/Const" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 96 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/concat/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/concat" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/ExpandDims" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/Const" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/concat/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/zeros/Const" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + } + float_val: 0.0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/zeros" + op: "Fill" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/concat" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/zeros/Const" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "index_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Shape_1" + op: "Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "out_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1/stack" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1/stack_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1/stack_2" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1" + op: "StridedSlice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Shape_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1/stack" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1/stack_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1/stack_2" + attr { + key: "Index" + value { + type: DT_INT32 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "begin_mask" + value { + i: 0 + } + } + attr { + key: "ellipsis_mask" + value { + i: 0 + } + } + attr { + key: "end_mask" + value { + i: 0 + } + } + attr { + key: "new_axis_mask" + value { + i: 0 + } + } + attr { + key: "shrink_axis_mask" + value { + i: 1 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/time" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + op: "TensorArrayV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1" + attr { + key: "clear_after_read" + value { + b: true + } + } + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "dynamic_size" + value { + b: false + } + } + attr { + key: "element_shape" + value { + shape { + dim { + size: -1 + } + dim { + size: 96 + } + } + } + } + attr { + key: "identical_element_shapes" + value { + b: true + } + } + attr { + key: "tensor_array_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/dynamic_rnn/output_0" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray_1" + op: "TensorArrayV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1" + attr { + key: "clear_after_read" + value { + b: true + } + } + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "dynamic_size" + value { + b: false + } + } + attr { + key: "element_shape" + value { + shape { + dim { + size: -1 + } + dim { + size: 96 + } + } + } + } + attr { + key: "identical_element_shapes" + value { + b: true + } + } + attr { + key: "tensor_array_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/dynamic_rnn/input_0" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/Shape" + op: "Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "out_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice/stack" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice/stack_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice/stack_2" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice" + op: "StridedSlice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice/stack" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice/stack_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice/stack_2" + attr { + key: "Index" + value { + type: DT_INT32 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "begin_mask" + value { + i: 0 + } + } + attr { + key: "ellipsis_mask" + value { + i: 0 + } + } + attr { + key: "end_mask" + value { + i: 0 + } + } + attr { + key: "new_axis_mask" + value { + i: 0 + } + } + attr { + key: "shrink_axis_mask" + value { + i: 1 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/range/start" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/range/delta" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/range" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/range/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/strided_slice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/range/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/TensorArrayScatter/TensorArrayScatterV3" + op: "TensorArrayScatterV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray_1:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Maximum/x" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Maximum" + op: "Maximum" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Maximum/x" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Minimum" + op: "Minimum" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Maximum" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/iteration_counter" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/iteration_counter" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter_1" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/time" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter_2" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter_3" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/GRUCellZeroState/zeros" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_1" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration_1" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_2" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter_2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration_2" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_3" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Enter_3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration_3" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/strided_slice_1" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less" + op: "Less" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less/Enter" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less_1/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Minimum" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less_1" + op: "Less" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less_1/Enter" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/LogicalAnd" + op: "LogicalAnd" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Less_1" +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/LoopCond" + op: "LoopCond" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/LogicalAnd" +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/LoopCond" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch_1" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/LoopCond" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_1" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch_2" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/LoopCond" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_2" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch_3" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/LoopCond" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Merge_3" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch:1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_1" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch_1:1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_2" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch_2:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_3" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch_3:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add/y" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add" + op: "Add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add/y" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayReadV3/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray_1" + attr { + key: "T" + value { + type: DT_RESOURCE + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayReadV3/Enter_1" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayUnstack/TensorArrayScatter/TensorArrayScatterV3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayReadV3" + op: "TensorArrayReadV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayReadV3/Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayReadV3/Enter_1" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/kernel" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 192 + } + dim { + size: 192 + } + } + tensor_content: "\036,\342>\277h\337\275\'\200\226\276@r\036>Cv\367>\374\026|\277\244S\346\276\2604\240=\250\277\310\275\312\234\007?\264Ac\276\317Q\024>\337\242\361\276\326\265J=\311\243\312>;\303\037?\321\007\265>O;\236\276q\313\245=\230\272^=\211(\r\277\225Zi\276I\242\370=7\024\302\276\004\315X>]\217\013\277\332\035\203\274}\351@\275\314a{\276\270\264\000=\235\010\346\275\277\226\244<\234r\214\275\271\346\025<-d\361\276\275\277\r\277\346c\014\277\214\202\341\275\231\242\022?\253\376&\275\301Z\004\277\335\355R\276E\017\252>\034\234\314\274v\034\274=\255\212\200\275\022\030\271\2767D!\2760P\204>\316\037\312\275\310\007[>\212\201\337\276\206\\\331\276\340\361\200\275:\344\250\276Tz\r\276\t\306v>\016E@=\241\356\002\277V\322\222>>Jg\276\200\337\225\276t\210\006\277Q!$\276 \026\365\274\311,\335<\374c\225<\243\307Q=f\2624>V\216E\276\367v\001>\233\342\327\276 \2660\277\245S:\277\256\2537\276\n\375\">L\t\276\275\274\346i>>\355=\2777\026\363\275\275%\317=H2w\276G\336`\275\300(8\275\246\322\027?\3568\353>\305D\263\276\315AJ\276\024\202\023?\016\033!\277\213_\224\275\237\204p\276\212\200{\277\333\2314\276\343\203\\\275\252A\177>\026\333\253>\202m\001\276RsS\277\255\205\201\276\301\206\257>Q&\212\276jm\000\276AZ\034>\367W\224>\031\226\264>\014\326]>\306\003\014\276\275\255\343=\263\341\252>\344v%\276\300\026\227?\271\n\351\276?\234\260>\341\352\316\275 \345\314\276\023\345\303>B\014\315\276\021\245\241>\362u\001=X7m><\367\354\276\250z6=\260\206\333=\\\320\275>\304t\227>\024\3674\2765\210.?)\001\314\276\026\315[\276\204\355\037>ni\243\276\215*\230=\016\251\026<\371_\t>>\302\023\275-w\202\276\027R\023>\021\236\305>\024c\320\275\254\"\322>\355\"[\276\023]\304\276\224e\357\276\001\014\310\275\344M}>\321\021\266=\262M\277>\373\264\204>\245\311\000\277\251\342\357\2769\246\034?a\235@<\266\006\344\276\2616\217=\177\335>?;\351p\276\271\014\026>%\026g=\316/\255>\345\004\246\275\310\200\003\275\206-Z\276\264\302:>\351K\246\275Y$@=\377p\352>_\353#\275\006\320,\276\225\377\323\275T\242\034<#\r\322=\312s1\276\336\021\356\274\202\r6?gR\262\2765\275\030\275\212\317\266\276\321\r\205>g\"v\276}\\\301\275Z(\210\2764x\205\263{:>^Q\t>o\016\356\275\376\230\\\277{\226\375\2752+\006\276\\\367\033\275@\214\314\276\362\370\204>f\201\004>\250\217\t\277\"\202\200=#\204x=>\341\034>\276\251u\274\001\024\272\276\r\225\321\276\330\227\310\274H\334\242>\243%\314\276iP\303\275<\357\313\276\227\014\016\277\024\376]\276\363y\250\276\322\006V>\346{\220\276f\274#\277\014\014\214\276\343\275\312\276\312\357\034\277\351\237{\276\322|A\273\374!\274\276\362\367\232>^\305C>,3)>A\200\023?0\354b\276\315\354\332<\211#J\276\024\365\227\276b\337\017>a\254\223>\235\336\303=\327\323\'\273\243G\311>\277\327V\276\313\030\323>\0057\262\276)\231\322\275b\342y\275\202\361\266<|g\010\276\205D\277=\231\247W\277\225\321\t?\300\240\312\275\326\016\201>9)\025\277\002J\207\276M\267\376\276by\016\277\367\222\356\276Y\212(>x\342:>BA=\277\206\321\213>]L\307\274`R\001>.\001\325\275\332\242\323>\272o5\276/\006\231>wb\"\276y\306\200>\3534\240=\320\226\277\276&$j>d\2365\274\024\342\345\275\232\321d\276$]\226>\230\177\367>\200\332\204\2763\336D\276\004N\335>\311\006@>\3325k?\264\3109>]rU\276\275L\366>\300\352\036\274\276}\323\276|\341\355= \274!>\277\032\265>\321\255\337\275#\363\037\276F+\002\277\302\254\226=\346\2664\277B\021\231\276..\200\275ow\224>\374\312\000?\327@m>\'\230$>\364\214\243\274\354\354\331<\207\266\"\277\201\230\301>\306E2\276\017\017s=\352&\255\276\225$\n\277K\033\022?fU\256=w\036\302=n\227\245\276\337\202\000\277\302\002|\276\356\024\274=RT\211=\341)\014>\314\211\263\275leA=\262\355K\276\274\214\374\274s\316i\277\024\356;\276&\263\336\276\035H6=\350\"C>\034d\202\276\275n@=:i\243<\210\372\024>5\000\354\276\313\357\026>\301\010\007?^\220\372=\366\332\277=\323\352\002>\007L\207>\251\377\240>\353\200q\276\307\276\331>\256\370\247=\321\211\003>[\r\013\2771g\273>\242\016O>\232\365\301\276E\212\212\275x\321m>@\352\366\276\266\023\215>nP\336\275\247\032:\277K~4>\346\010\311\275\026\236\334>\277\261\3747?\357\rX\276si\253=\230\203\324>\245$\255>\022x\277=\345)\233\274;i\214<\227V\362\276\250Q4>\023\240a\276\2114\017?9\315\261\275\364*\222\276L\300\333>ix\332\275\243\360\335\275\333\321d>\'\253\022<\014r\177>\2463\026>\352\256=>\307\370\203=\354\327\223>u\304\231\274\273\"\"\277\252q\320>\017\247\222>\367b\353=\223\026\262=3\177\217\2763\353\270\276\332\263\331\275\004Z\231>\310\347 \276J\210.>\365?\260\276#\250\223\276Q\251\275>\001\n\372\275\237\331k\276\370$\227>\243\311\232\275\273\260\347\275\351K\006\277(\275\241\276\223\'\325\276\262.s\276\220Sc=W*\204\276\214<\260>4\302i=\335\224\222\275\265F\347\276\342\2214>\233<\350>\270\205\377>\275\223\351>jS\363\2751\273\221>\214n!\276\016\206\276>\030\246\234>Iu7=\2509\220>\374\036\364>\003\206\204>\304|:>G$\333>\2378\016>\375\334\006?p\277V=T~\002>{\310F>\360\245\r?\265\303(=9\r\037\277\335\265\007\276\237t\260>r\340\275\276\311\271(?#,\225>\367\224Y>\005\275\003>q\020]?*\254\316y\264\000\275\\w(\377\206\010\277=-\347>%c\202\276M\032J\276\305\005\026?I\336j\276\242W2\275\\f\270=N&e?\363\347\265=0\203\t?:\307n?s\247r>\245\233%> \337\252>\004t\211\276\207\340^\276\305\365\'\277j\263N\276\035\227\002\2777W<\276\240\310\224\231\020Q\2778C$?\020k;?\207\324\256\275\226\223\240>\225\273\337>v\002\242\276\313\035\270=S\375\202\276\203\374\313\276\251\025\346\276\342]\245=_\333\030>|\004x\275\315\267X>(\314\313>u\252\014>XH\206>\342\005\021>w\036\305=\n\337\267\275\220\031\200\276\262\350a>,\227>?\"a\002\276\313\314\231=s\263\027>R\236\271\275\030$Y=\027\357b>\030\217\245\276\0228\222\274\370\323\027?\232\035\301>t\212w>\367\032\022\277\325\242a\276#xV>\212C\241\274T\2511?,\315\347>\270RA=}\313\262>\342AA?-\223\224f\255\000=$VU\273\367\367;\276S\024%\276\034P\n>\352\206\231\275\024\014\201\276\347\261x\276\333\245\213=\340M\216\276&dw\276W\324)\275\220;\365=Xql\275\340\t!>\233\217\350\275\347:\246>\331\010\242\276x+\307>\331\221\223>?\2775\276\177\3115>\335\236\027?z\231L\276e-\252\276\004\244\256>\227\361F\276\022\350\200>\377\266\036\277VA&?\255u\265\276EX\n?X\013\203\276\366\315\252>V#\320>\366\222-\276\335\202\355\276\314\363Q=pd;>w\243N\276f\366\243\275\321\251\260\276&\314\007\274\311\335\321\274\305$!>n\270\230=\035\345\373\276a%\214=\317M\375\275_\277\370\273t(\270>\250\360\302\275\245X\312>YT\002?TE\021\277y\1773>T\016\221>`*)\277\252j\362\276\314\037Z\276:\225\246=L\324->i\367\361\275\307!\270>n\221\000?\267\246\024\276;\356@\277*I\'?\243\201\026\275FC\255>\247\265\371>\263\215\314=\034\262E>\r-\225\276\247L\311>\216\362J?\271D\300>\362\351\\\273\377\0027\276#\254\202>~*f=_.\204\273\3252\303=8\203h\276\322\314\322\275`E\245\276\365\344\025?\226P\017?\036\202\230\276h\271\344\277c\023x\276{\267\037>\261;\317\274\310\215\n\276f\024\370>K\347[\276\324\353~>\231\022G\276\360\336\252>q\t\321>9\327r\276X\305\331=\327E\215>\351x\037\277\301\3319\276)\201G\274\365a\340=Z\251\375\274\231\314:?\314\213\270\276\350(\300=\374\202\277>T\017\014\276c[\273\276\245\026%\277#\200o\275\353\347\3624\334\372>\302d\256\275 \276\203\275\221\327\336\276\323\004\'<4\204\241\276\237\304\026\277\306\230$>rg\206>\270\324#\2766\376\331>?\024#?\033\206\305\276FJ\035\275\036\014L\275S\367\264<\260\002S\2760\350\251>\367\306I\274\266\366\337>6\373H>0\027\312\276*\305\031\276s\325\260>\367\240r=\337\346\275>\201rI\276\006iO\277V\001\013?$\014n><\221&?\337?\233\275\266\323r\277q\366>\277\344\241\376\275\177\0376\276\032\013\333>\375\212w\275$-\352>H\221\014=-S\005>\313s\221=\354\206\250\276\024\306\361=\345g\305>g\216\342\276\"iU>\305\275\025=\260(\214>\224\222\312>\r\230\365>\241\250z\276\363\333\\\276 \033\243\276\271]&>\343y\300>\364\335\272>\210s\233>X\212\354<-c\016\277\373\017\236\274\345\\\r\277Li$\275\276\242\203>\000\344\002>Uo\223<\327\264\233>{t\025>\213&\273=\235\313\032\275:f\236>[\254_\276nWW>\226\376=<\231\235\230\275v\006+?\027\262t>\365\301\274=\252\217\266=,\201\022\277\035\017\207>\232L\240\276F(\313\276\274\3208?W^\002\277\272\334@>\247\276\254\275\242\270\327\275\367c\302=\331\037g\2762\004e\276G\245\267>\024\250\r=\267$\252\276\273\250m>q6B\276\363G\314\276\034!\016?y\321\311=\323j\r?!Q\326\274\260\271!\277P\325\302\276\304z\021>\352\256\035?\256h\212\276\2349\031\277\033vs>\315\316\357>\036\2274\276TSd>K\322\274>x\216\006\277D\r\330<\0005C>\210nQ\275\014\237\211\275\372A\004\277al8\275=\353k>\350\337\365\275\376\346\330;\004\372\217\2763h\367=\353+\303=@,n>K m=wy\002?\023=\217<#\203<>\257TM\277\031\211h\275\305\002.=y)(?\350\326:\276\316\212\342\275\305\362\220?\345\263\206\276\352?W>\257\362\030>\355tq\2765\\\300>9\245\010?\277\257\321=\r\262\032?\362\002\250\276\241\003\334\276\364\324\n\277N\261\2549\366\247\276)\340\214\276j\002\342\276\324h\237>A,\236\273R5\303=\371\256\306> \213\313>\207\370\360>\326\264\220\276Y\026\\>@Zx\276-\314\207>\325\224j?\310\322\252>C\235\203\2762:9\275\207\230a\275\332\307\010>1\333\"<\236\350\312\276\361\256y\275\036\226\355\276ZN#=\305[q>\014\247\223\277\261\002G\275\t\260v=\310S\273\276]\207c\276\214p;?\304{\314\276\312\260o>\276\376\'?S\237\355<\037f\005\276\2268 ? U\016\275\367}3>9\032h\276\235{\031=\236\277\020\276\246\250\003\277_$-?z:]=x\007u>\313\314G\2739\024#?\270\200s<\224\342\013?1_\366\2756\031E?)\033\037?\001X;?/\315\236>.\200\261>\333\"\206?`\206\300<\357:s?K\321B>Z\214\'>\232\356\317>)\341\200\276\205\361\271=\027K;\276\274X\260\276Z\335m\275\322;`?\312[\002?G\217l\276kC\370>\352\303\367>\016\351\325>kj\000\277]\031\373>\214\263U\276}\3575?S\262\264\275a\332\226=\307\215u\274\265b\213=6\331\335\274\1770n>\023\241\302\275kO\332>\222\036\244\276\367\205\237\276\'\306\375\275\214j\271>\301\n_>\014\353\371\275(\244\320\276\303J\022>\260\r\217\276\224*\007?<\277\226=\275R\345\276W\304\223\276y;\370>\006t]\276\210Zg>J\316\020?\211\214/>\301S\246>\325\326\366>+\373\214\277z\356\353>\007#\360\275\375c\253\271+\301>\230\035\214\276\325\261\006\276\317\262|\276\2237}?\206\002X\276*\213\264>\332\361L?]\354z\276\251uM?\265\326\002\277\256\266\272;H\321<>\0379\243\276\270P\310=\032\'\037\277\024\014\200>\344\371T>\037}\214>\201~\332;y\375\321>:w\306\276\221$\271\276\360\320\250>\223\t\333\276\314\000P\276\351\\\037>4\302]?\257\211\360\276MO\335\276\273\276.\277Ql\344<\343m\214>J\321a=\002\300\275>\206\243P?^\236M\276E\233`=\007?\377>S7\310\274{@\275\276!\245\010\277\205\354G?\21672>Q\007\307\276~\345\345>;k\234>\362\347\271\276\317\215(>\322\223H\276e\266\037\205\207\014?\r5\242=z?z>3\005)>+\337=\276\265\231<<\202VE\276%\207\023?*\271s\276\242\013\364>\363\243p\276\230\240\243><\357\307>\363\233(>\325]\031\277:0\036>\316\0051=\270(\203\276\243B\236=RB?\277;7\344\276\213\010b\276\365\033\000\277\006\202\017?\344\243\331\360\224\306\276\024G\263\274\367o\236\276\271\263H<\025\347\356\276\250\252A\276\253\203\261=\311\336(=\336Q!?\211\305\314=M\353*?\314\207\332>\303m\246>F\377\250>1\007}>\0132\322\276\006>\021?b\375\217>\001]\314=\224\020x\275\\\333\037\276?\246\367>\372\363\013\277\000s\036>~\254\340\275\231\266\235>Bj\212\2762/\244\275\262\242\r\276)(\006?M\250\337\275\265\276\240>e\033\204\276f\007\036?\330\252\010?\177\230\216>\031\302F>\013\273H\276\3567\r\277,\013\201\276\237\320A\276=a[\276\004\214W>\207!\366\274\303\337J>\331\t\375=\355H(=\035K\031>2\236\252=:\2316>\322N\314>\000.\346\275\206\216f?Q \327\274pq\230>\014lO\274t\300\256\275\247\020\201>\236H~>S\247\323>\225\346W>:l\267\276\211\354\n\277\327\025\210>x\337\022\276\322P\"?$L\244\276\261\316\231>\"\026Q>\373\234\361\274\352\316\245=\305\276\336>\377\323\024=y\217\036?wsG>\343\257\013\277\331\013:>\273\335]\276\264AP\276E\2138\276\201%\236=\\\205\245\276x\210\233=\206a\034\276&\306?\277\333X\355\276\3655\357>\013\216w\276\307\330\023\235\202\276\230\253\354\275\235\0104>\204\232\275>G\322\024\277\373/\301\276\267\2170\277\230,\306\276\275\237\327>e\245\355\276\331\324\001?P\207y>\032x\304\276\010\267\271>\024$\274\276\0106?\276\n\355\227=\315%\207=\306\016\305<3\204\260=\221E\333\276\347\267H\275\236F\210>t\375\214>\361\315\200\276d\370\035?\305\367\210>U\345\214>\203=J\276\021\327\330\274g]\016?\357\311-\276\243\310\255\275$C\374\274\357\235\257\275\014a\342\274\260\332z\277!\347\235>[\206\003>\300e\230>\221\267\266\276N\326\010\277\213\204#\277\261\275\"?\275\353\"?-^\376n\0269>\266\033\312>\326\347\332\275\376E\231>\013\003\207>}\033O>U\206\230>\2451\250>[\372\036\277\213\336\332>R\2237\276\344\207\n\277\263Od\276u\001\316i\253\321\275j\000W>\0101\036>&\225\321\276\373J\204=)\017\335\276\353\324\223>6\347\016>\023F\247>\370\343\357\274\0227=\276\245\023\242>4\340\256=\305U\315\276\336I\033\276\031\r\'\277D\246U?\375\253p?\014\031\000=\361@I\276\004\030\311>\271\340\014>\360\275\211\276\357\346V>,\006\322\276\333\317\247\276\265Xw>\260\357H>lj\335\276\034\334\010?\223\347\267\276\254:\341\275\246]\256\276\353T\272\276\2159\231\276d\023\246>t\261$\275\244\037\026?\\\273S>|} \276\245\353\025\277\266\276t\276R\022\033\276\372l\234>\010\267\006?s5,\277\323\253\250=ZUE>c]D\276(@\034<1\216\207>A\351\300\275\343\023B>ff\006?}\363\236>\342\256\342=\274\323\232\276\327u\014?\355\355^\276\353\027\222\276E\226h\276\320V\274>\376b\244>>\311\330\276K\3619\276\"\002\255\275yZ\222\276F\352\223\276\376Z\216\275\332\220D;\366\0149\277m\305\275\276`\226\205=*\261\254;\345d2\276si\321\276gl\304\275U\352\316>\352\316->\316@\322\276\266\321\277>H\266l\277%O\275>?\216\270>q\303\316\276\362\305\253>vv\217\2763\201 \276y0\353=\244t|\276\275\316\333\276o\342>\276\346\231\t\276\300\034\240\276K\023(>\242\2362\277\253\305-\276\363&&?\364RN\277\\W\317\276\376\022\014\277\364\221?>\237\332m\2759\034\021\273\316\246E\277\201\r\020\274O+\363=\271D\t\277\263\247\215\274\252}\037\277\353?\352\274\\\020\222\276\031v\224\276\'\224\251>\321\275+\276\243M2>\0171\244\275`p\026\276\232\371\350\275\r.\323\276\344o4>\206\301]\276\337\2635\276u\277\216=\311\024=\276\351\016Z=g\343\r\277\001#T\275w\212\230>o\326+\274\332\206w=\356A\001>\\I\010\277.\325D\276\327U#\276\214+\261>\001\345I\276\334\372\202;\227\032\315\2763\331\336\2750\224S\277U\360\026\276\275\004G=\320\261\030\277\037\254O>\244 \306\276\\\314\376\202*\232>#\255\225\275\275\177\335=\244-\357\2760S?\277\tZB\276\204\360\003\277\324#\005\277\257.\253\2761\243\n\275o\367\230\276\375\333\221>\316d\016\276!\302\203\276c\325\252=\372\355+\2768\017\217\276o\362\264=\021>!>k\323\202>\022\266\034>\256\'\235\276\224\007\003?{\005{\276\025W\220=u\237\346\276\303d\311\275\303v\261<\312Q\335\274\240\352\034=9\301\035\275\253\234\271=V\030F\275\r\352\315<\201\312\312\274I\343\231>eIl\276m\336\037>=\203\321\276\345(\324\275\334#\235\275\364|Y\274\364US\275M\232j\276\013\243\314>\200\324\220\276\t\263\255>\206\244\365\275\'\031\365\276\233\364I\276\347\023\262>W\245\316>\266MW\276,hY>z\214\341>\017\336\032>\364\n2\276;rV\277\354\377\244>\314\257B=,\330\334>\022\260\033?\207Or\276F\235\013?l~\r?\252)y\275\037/\340=\311J\250=F\367N>$\220t\276\344\002\273?\371\003\342\276\311\250\300\276|\177\"\276\231\365c=\237\373\266>K\350r\276\221\n\373\275\267\257{\275\217\256\221\275\267\374\315>\276\010 \277m\310\313>t\331\250>%\226B\275\2246#\277\0259i=\314\000\255\276\343\316?>\316\231\234\276\267\t[\275g\217\303>$\374\252=j0\033?#\030e?\335+;?\361\334\262>eqX?\357\002\262\276\277l\321\274\"I\376>\213\344F\277\302\235R\276&*-\276\2313\222>\314\035\232\276P\361\216\275\205lJ<\253\177F\276-\244\027\275\025\274*\275\226\\\337>Z\204\037\277\001\336m\276\250\222[\276\375Dk>Q\226\243\275\271\356\031\275WXI\276\034\214\273\276I\022 \276r\213\347\276\362\353\277>\013\3131?e\254&?\032\332z>f\364\246\275\224\365\221>e\355f>\246\3003>\272\216\210\276\251\231\216\275^\312\021>\265FR\277\334VL\276\002\350V\277O?\250>\302!\247>\017\217\351\276\327\201\255={\242\036\276\270Tn\277\323a\313>\327\236\356\276t\353\303\276\215\233,\277I\376?\276x\203\200\276\316\215\324>\272\366\207>h-\225\274T\335S\275K\264\216>\365\004d\275`\333\202\276[\234\232\276\276\235s>\275\004\305\274d\336\026\275Y\236\343>`\367*\276\\\364k>\3252I\276`\202\240\276:\211@>\266\235\201\274\027\327\032=?\341t\276\244z\335\274+\034\316\2767lN>\275\371e\275\263\031\306\276_\022\305\276jk6>\344\032\204\276\nJ\025\277\231;\376\274\310\3432>\035\277\323\2731\006\207\276dp\215\276\026t\n\277sz\217\276\007$\024\277\340\014\263\275Z\315\024\275\317Py>\2505\000\275<:\201>\025\036_\276\371\207\266\276\224)\204>\245\331\334>\205 \254>\326\221\227>\264\356\351>\371\013\221\275\244\276\033>\237j\026\277\016\373\250>\223l\351\276\202a\005\277[j}=\215F\360\276i\361\247\275\232{\220\276\325\262\227=1\273R\276 /\250>\343\267m>lj\025>\322\334\354=\205\031\004\276\232=\005\276\242\213\254=\344\226B>\035\212\261>\035\2772>\364I3<\\8$\277IiO>\307\366\273\276\253\306\016\277\207\311\334>#\3469?\336j\n\277\036%\321\275\'_i;\242\256i\276\307m\262>\306\250&\277\350\204\257\276n\356\250=\224,.\277 \370\370\275\037\367\312\276\327\022)\276\240\231>\276\320I]\276\351\353\305\276\177{H\276\307\006\246>L\001\224>\3209+\277\355\277J\275\t\377\261<\037\276e>\360G\354>\214\000S=\\\307\221=\340\230\035\277\354\364\337=\217\021\237\276\371\350\276\276\270\376q>\342\235\005>\325\313\200>\211\310\203\276\225\263b\275%B\374\276\202\3337\276\356^\251\276\354\263\214\276\240\320\374\276\353\226\242>\274`^\275\212\272\332>5\027\247\277wO\343\275\026\324\003?j\321g=G\035\364\273\033\230<\266T\020\276\206\273K=\255;;>\034@>\277\362A\221\275\375\243@\277^N\221?8\000\277\217\021\034=v\304\335=\322\354\304\276\276\3743>\366Xn\277CV;\277\177{\207?\212\353\357>j\263\355\276\310\030D\276G\254\230>\371=\001?\364\340\">\333I\343\276R\265\241\275%\213]>E\255\267\276h*\000>z\243\000>@AF>2\256\203\275\025?\322=\307\214\037>\025D\265\276\306\224\212\277s\031+\276\273\262\026?\361\376\271>u\361H\276A,\352>K\031}\276\220\230B\276\240\t\t\277\244\375\347\274<\224\255\276\026\'1>\024\360\004?\324\2008>\005~\370>\r&\315\276\374=K\276\270\314Z\275U\351h>~\213\223=um3\277q\031b\276\031{\214>\373\3638\276\375\202K\276_\304\272>\222\255\242=5\347\324=\265\237\307\275\303%\r\277B\034\346\275,\023\250>B{\n\277\233\021A>\026\200*\276\016\345\311=\375\004\316< r\022>\271\006\313=\251\014\035\2760)\301>i\322&\276%\021\276>\2719\n\277p,\n>\347\005\276\276\305H\365\247\363\201>8\026\321\276\302*\335=\363S\324\274\033\251\202\276\365\033 \277\341\270^>\304\315\314\275\335{2\275\224z\356\276\200\315\r\276\337\334\344\2759\020\261=|\250\365\276H\272q\275\225\315\347\276%\241\233>\315\262\024\275R\255,\277-\346\262\276\212)@\276-\256U\276n\245\205\275\323\301\251\275\031T\033>\210\t\002>O\207\223\276\321\356\225\275$\210\253>\302\262\030\276X\305\276>u\323\030>\365a\016\277\036Z\216\276\2077;>\253\231\375=\274V\244=S\303\360>\276\224\303>\030v\332;\207Q\267>\037\346\216\276\010\262L<\220z\230>(\375D>)\261t\275\032\305?>^\262U>:\261\215>`k\263>J\220[\276\017\220e>\374\024\264\276\300\316\250>\"\005\246\276\030f\t>i\366L\275^)\247\275Wf\'\275Z9\205>}5\346>\363\376\220\276\302\316b>\270\222;=\347\010\265>sF\375\274\333\032\372>\226\200\035>)\274\237=\317*\"\276\230\0233\276\3656\035=bX\316\276|\365\341\276q[\024\277\324\313+\277\367\031\037\276\256+\230=j\026K?W\235\002>d\225.\277F8\220?\227\017\024\276\203\324\267>\3234I\277G\232\223>2S^\276\376Lj\276\025\206\357\275\031%=\276U\235\213>\302\360W\277\001\234\303\276\017u\205>.o\020>~.{\275%\351\236\276,\376\340\275\321t4? \227\201>q\241\221\276T$\366:\356\362\237\276\245$N\276\226\221\376=\021\356V=\264V*\277\267\222\303\016\236\275\276)\261\221\275\\<\313<|r\331\275\271.\225\276\006\334G\277\037\270\202\276\324\3632\276,B\273\275\177\021D\276\253=\017>\340\215\023>3\210\234\275\220$b\276\341T\016\277x\242\267\275\271\236\207\276\262R_>\003\231\007\276@\340\032<\177\032\031\276uA\215>\301\202(>i=\354\276\240Mu>\371\323\256\276?S\246\2762\003\014>i\361\021>\024Z\217>\262 \n\275\215o\314=|+\230\276\270r\275\276\361\034\261<\257\200\227\276,\0003\276W\260\200\276\201er>\304\357[>\022\333\010?\372\016\000>V\0323\277\2122\003;5\337efhZ\2772\273Z?)x\376>=F\000>>1#\277|\203\331\273E\276\331\274#\315\006\277>\234\t\277\237\030X\276\201q\214\276\311O1\277\033\025N>U\266\301\276(8\225=\373T\252>~M8\276\226\220\203>\366\006\235>SL/\277\234\330\263\275Xi\n>\323\262\'>\213\345M\275\260\243U>\257\334\205=i\320\326\275\256\324\266\276\373\006`>e\227%\277\261F\t\277]\274&\276\000\265A>\223\257\277=\275K*\252\322\213\276\236w&=\177\365\271\275\351yy>\227\306\206\276%<-\276\204\026E>9\010\203\276\031!4\277!\324\036>SEA=\237\341\327\276U\020W\277\326\003\243\274\204\241*\275\365\274<\276$a\375\276<\204\371>\211\345J>$\026`=\371GC>\234\221\242\276O\224\206>\373\225\320\2768)\026\276\262f\325<\314\"\252>\351\243A\275\t\206\326\275\001o\227\276!K\313\276\362\207.>w?4\276\0312b\276\356\364\005?\301W\206\277C\234O\276\001\230\243>@\222\254>\371\037\034\277\206\334a>\217\344\377>\305f,\276\013\373\207>\246,\360=(+\306>\210\361\036\276\316\372\314=\331A\024\276t\037\273\275\255^\273>L\300\207\276\302)\017\276\357\036J\276\351\006\251\276\323o\010=8F\207=\247\223\317\276\332_b\273\233o\\\276y\377\210\276e\3728\276\230L\321\276\010\347/\277\352\235 \277\023JY=\317w\252\276\302\377\032\277\024\251\026>\225#\r\277*\305\370=bg\027>bP\313\275P\245\347\276\362r\236\276\023\224\307\275$\255\373=C\035\204\275\013\242\r\276\353(z\277\023Mm=\035\010z\276;\343\004=\013\020C\276\371Rx=\307b\274\276\244\206\"\277\312M\325\275^\022\264\276\262\243\t\275(\2534\277\331/6\276\334\372\362\2745\010\264\276\241\247\277\274\335\275\345=\266d\026>\001\204\232\275\267\305\322\276+\210\250\2765y\277=y;\037\277\031\240\027\274\352>\356>R\323o\277\345\322K\276\332.V\276\2227T\276\356CS>W{\213>_\230\373>\035\245\270>\2712,>G\241\000\277l)z?B\263\276\274t\346,\276\376\364\237\276\221uI\276\361y1>\327M\322\276\022\273\240\276\273\216\300>O\266\021>w\363\000?\241\310\216>\327\247>?`\0021\276M\303\276\276\275\023\272\275`\016\374\276(\032\007\277\205[\226\276\335{\355=\201\202\377\274#\316\375<\007n<\274\035W\370\276\035\220\321\274\265\373\234\276T\003\370\276<#\214\276\244\322k>\021E\225>\211[\212>\365L\334\276\277L\335>h\266\244\276\205g\225\276A\373#\276^@\226\275m$\246\276\307J<>\024\331\300\275\006\021\360>\356.\336=\200,u>\377L\356\275\222\216\021\277\377\213\272=HS\317=\327\026\231>.EC>\302\022f\276\301hB>\252u\213>!\007\230>\351\320\021\276\222\2607\27682\375=x\356\240>\001oH\274\034\352\220\276\317\211\033\276P\305d\276\236\354q>s\216\025\277\034\342\300>)R\n=\224\001`\275^\261\024\276\020\214?6G=A\276\367iS<\177h\310\276\035\262@=\357=\002\277\336\342\020:R\007\346=U\244/>\206\374B\276C.N>r\301\234>c\244>>\3761*>\351&\344\276f\373\212\276K{\003\276u\222\321\276\245\373$\276\'|i\2769,\220>2\365P\275<\310u>=\004\222\276\035\030\007?\374\001\325=\335\337 \275\262\355%\276\216I]\276\373\033\370>\267m\225=ll\014>\316\020\333>\314\0214\277\006\337\227>Y\251\002?\200\r\307\276\227\334Q\275\223\240;=OD\237>\235\246\006\277j\242\223=\303\313\216\276u\344\353>\303\324\226\276\005:\320\276\340\266\333\276\354\266\270\275gH\262\274\210\026*>-R\365>\244\267>>*o0\276p\332 >\373\2365>\000\362\316\276\247\377\235>~\351d>\211\256\250\276\254\333%\277\257\335\303\275.|\241\276\302\030\376\276\224\014\337\276b\006\375>%\002\212=\3225/>\307Z\256\276$@\006>\324O\017\277\315{\273=\r\250\217>\036c\241>Ph\263\276\027\377\002?\003|\375\276@\'5?k.0\274\030\213\223>\004\332\261>\327\210M?\354\202\022?\023g\373\275L\017X\277c\177\001?a4\215>\243\001\200=!\244\345<[\n\224=U[\234\275H5\372\2747\326\240>\240\313\203>m\241\241=\311\255\237\276g1\271\275H&&?R\220\271=\300\340\006\276\014Z\226\276\005\224\001\277\313\027\305>:\014\370\276P\215G>\241l\313\276\251\004\225=.\213)>\272\232\345\276@\2671?\376\215\305=i#\301=\351\353\002=\355\342\265=W4\316\275\374\216\205\276\361t\005\276\360\322a\276 %$\27674\363\276\311pS?\355\347-\276\356ws\276x\271\201=\323?\004\276\376\320\007>\266\363\241\275\335\201\310>\267h\013?\332\007l=\300\017\245>|B\305\276B\2620?L\231`=\2119V\276\337\372\227>\246\311\374> ?\373\276\263\031@\276\311,\232\276\207\t\313>\362\207\022?g{\251<\321\024\373\275\334\271\005?\344\271\234\276>&\202>\300\020\007\277\346\003\"\277\260\to\276s$\347<\005\000\362>\356s\027?2\017\354>\220\016\300\275\361\010\252=\260E\032\2779\211\'\277QZ]\277\232:\211>\025\223L\241\r\030\273\t\336f\276\312V\230>i\362\227>Lvf\276\027\361\036>\242\340M\277\270-\022?\242\302\246\273\3216E\275\340AZ\276\007\360\331=\363\335\003?\324dl=\227R\220\276#\201\325>\306K\254=^\203K>& \304\276\271\276\235\276\351\227\203\276wA\250\275\200D4\276\343v\217\276i\327Q>\3549\264\276\365\302%\277\232h9>\204;\262\274\2001\231>\307\305\230\276\031@]\276\266\021\030>|\246\322=\374\314\263\276d\303\035?\270\217\302\276\324\\!\276c\270L>;\315\367>d\232r>[\247\301=8\227J\2767\010\370\2741\314W\275\"\354\262>na;>\373}\250>\317\306\343=t\226\243>\325/\223\2763IV>\216\211\335=)\350 ?c\353\010;T\030\320\275EA:>>\274\274\276\221E_=.n\031>\247\245c>\340\'\304>\352t*\277\250\332\262>8\244\352\276\0016N;\323g\027\276\003\302\275\276\353\\\337=C@\212\275j\246\231>\306\261\326=D\270\031?\364\214)\277\325\203\230\275\334\206\023\277\036\337\340\276\236\372K\277\201\r\317<\233AF\277\235I\311\276\217\350\207>m\276N\277\\r\220\276\215I\020=\3049X\275vV\302=+#\217>^M\352\276\030\003\233\276\347\002\221\276\256-\230\275\300\\\242\276\316\003\206\276e\335->n\333\n\277\341\200U=F\002\366\276\247\331\335\275\374\"5\276\320\346M>\230\206\250\275\002\231?=\221b\265\274\'\310\212\277ba\227\276<,\001\276\366\307\026?k\035\301>pq\244>\222:\315>f\204\306>\027\275\230\276f\033+>Pe\324>\230\337\212=-;\336>\377\302\177\276\201\307\226\276r\356_=\022F4\272\331\203\214\277|\230\362\274\234\336\204\276P\035\274\275\302\n\372\276a\220p>\307\361\321\275\201\000\024\275\340\033N=\255\247s>\r\0219?\242L\235>\370\037\224\276FN\242<\350\2056\275\331>L\277\3004\017\277\370\300\023\276\241ug\273\326%\326\275\205/\302\276\017K\364=R\357\363>tT\361\275\017AG\275I\210m\276K\263[\276\374@\207\275\375\016\207\276qc\246\275Wt\227\275l\201\004>Eh\031\277\334\376N>\r\010\257\276~\302a\276\266X|\275\234\267\377\275\033\354\231\276~\2145\276<\340j\276\224\324\325=\201\322\032?\2606\360\274\033u\307\276\340\371\210\276`T\330>\221\355c\276\352\355V>[\220\013>\222l\213\276\314|B\276\300\3139>\252\317\260\275\242\215\275\275K\001 ?\330%\204\275\315\352\301\275\373\343:\276C\263\236>\024=\205\276\t\2411\276\203\3359\2760\3552\277p\375\270\276Z\347\372\275\275&\275\275C\252P=j\265\240>\333\206\355\276\275\234\270>R\252\207=~{\236=4\230\260\276;.\n\276\037\205\307\276\033\227\220=\004\241\330\275\373(7>\334\0163>\262_<\276\200y\373\275\242HZ\276\252~\212>\235\225q=`\217\263>cq(\276\277\237\207\276\271S\377\276\266\"p>Au\212\275>\000\316\275\316\212\177>\212uT;Z\026\250>\000\305\264\276\246\302\223\276\306\027\353>\255\020\001\277\273T\013\277:2H>(\257B\276\006\017\350=\334\340\247>l\337\021\276Z\232\237>\342\006\031?\365p\227\276P\227\261>)\3165\275\331\"\316=P\343%>Z\365\'>t\321\226\276Hz(\276\225\001\351>f\243 \277\332\320\371\276\372\265\230=\271\344\266\275`\356\222>%\331W\276\337\215\234>m\257\211>\222\254\025=W!\210\275c\022\216\276\335\023\336\276(\3102\276i\301\022\277:qI\275\301.\350>^\255\241>\032N,\276I\022\244\275t\266L\276\336h6\276\tI\350\276\200\037\316>v\307\202>v:\335\276\330M\002\276\234\202\303\275%7!?\247Wm\277\353E\244>\021*\027\275W\324\010\2768\350j>~Y\311>\302\255X>\177_\216>:\023\272>CG\010\276!\024\211\276W\267\216\276A\024\000\276sl\n>\320\363\206<\260\025\301>I\n\204>\235\250\263>\256\244\r>\220\223\274<[D\332\276G.\027?m\202\204>\036\025K\276Ub\235\2754\376\t\274Lk\366=\275\322J\275\275\371d\274&j4\276u/6\276\241\301\360>6\334\376\274\220W\336>3\334\200\274G\353\354\275\376\nC\277\352\224\212=V\002\222\276\3569\017\276\2147\354=\023\341n\276\236\346\026>\210\220\224\276yCb?\177-\024\276\273\200\217\276\021w\210<\240\224\027\277E\251\203\276\3171\"\277+X\037?E(\211<$k\\\276\037B\346\275\256\n\343=\207\227\345\276\220D\253\2757\030\023\277\177\332\334=u\352A\276z\010\325=\"[\276;\234\014\340=3A\007?\3109\037\276\357y\037?\004\246\340>+\242\021\2750\206\216\276\256}\367=\3427\024\276\375\222\001\276\342\036\214\276\233%(?\211\247;\274c\016n=<\270\271\274\'\211\000\276.Dp<\310i\216>\025*\333\274\272\202\250=\364\003\372=s\342\214>@\200\203\276\234\267\352\276\211\340\304>O\345\346>\304\211w\276\024j1\277\300\t\221;\275\211S\277\3414\014?\276=\274\275\207\007\310=\272\214\010\277b\276\010\277!\311\312>\201s\343\276\372\001\347>\236\360\275>\357}\273>\235\201\304\274t\330\030\276\267|\326\276\"_v=\305M\\;^!d>r9q>/y\000?\245\222\274>N\035R=\215\211>\276\332\034\253=\247/\326\275\251w\367>\376D\"\277\307O\352><^\255>Fc\276<\336\313\275=[\356w\276T\265\226\276\341\017\201>oe\026\277\205o\035<\304\371\250\275\006M\031>\271\013Hv\234\013=\355\271\325>\016\300\013?\250\204\310\276\037\374@>\\r\245<\331(\004?m\031\010\276\025\032(\276\023\217\276\276\025N\345>\314\035 \275W\221\255>\252A\023\276Ux\230\276i\351\274\346\332\243>\032\343s>\360\237\324>\254\212M\275<\253\243=?)\337\275\254+\357=\r\323\036\275\362\305\214<\323\317\231>\2713\255=\1772t\276#N\036>t+\200d\333\363\276\240\373\">\347\362\310\274\315c<\276\301\273\202>[\267\257\275e\326a\276\0069\300\275\237G\'>4\224\010>T8\274\276\336P}>+\344B>\206\361z>\367\333\346\2757<\242\276+\212\312\276\033PG=\234\302}\276l`\316>\241R}>\206\325\r>#m\n=\207.\020\275\256\361h=\205\264\211\276-9\335>:\244\003\277o\0270\277\003\314V\276\356I\323\275b\337\031\277\017\300\201>\203\374\302=\272\031\014\277R-\217>Q\205:?p\245o\274}\366\226>\231\003u\276T\320\014\277EF\271\276R\306\264\276J~\230>\304WL>v&\204\275\032\340\304=\365\005\353\276\366L\346=\305\371\264>\025\207\013\276|G\301=\341-B>\361a\370\2766V\t\277H\257/\353\253x>\253\346\361=U\254I\277\265&\276\276\230A\201\2767\t\031>nv\320\274\234q\346<\373\2737>G\331\023\277~\332-\275\304Z\\\276\231N\357\276\344P+>\0250\313=K\210\005?zK+\277\001O?\277\205\305\353\275+y;>\342z\375\276\271h\251\27502\356\275\265s\022\275`4\344>\376\331\225\277Eg\327\276\235]\204=\240pD\271=\224??\374\265;>I\311\202>\273\213q\276\000C\233=\365\220\010\277\221\216n=\234\375\337\276\204I\t\276\235\006o>n\034\037>\276A\010?#\237\246\276\325S\323\275.\234\034>\274\267\003?\232\322\233\377\n\203>\002\267\366\276lO\217>T\237\227\276\362\311\244>\347\275\235\277\250\204Z\277$\231p\276\235w\344=+\222z=CL4>\224\037g>\221\007\206?)\333\276\276D\027$\276\237x\001\277\235JP\277N5\341\275\241\362\222\276\3378\227>P \254\276as\000\276\207\236&\277\217\226\n\277\037\243\232\2764\272\321;\344!t\276:l\217>%\324\216\276\212S\366\276\200+\365>\021\272\334=y\004\236\275e\032\375>\267\374\237>p\274\005>\003:\244\276\360\215`\276\005p\274\275\207\326\024?\236X\244>\240\340\312=\272`V=f\260\013<\315\260/>\263\026\336>\242v\202>\331eX?\210@4>Dj\244\275M9q\275[\227\221>ShB\276\221\034-?=\333H\276\207\345\335>\3315P>\203F4?M\375\324=\242\2638>\223\216p=\323\016\250=\225\317\366=b\320\356=&\023J?\360\251\326>ge\362<=}\310>\342~\332=\275_\273\274\340.\354\273\020\207\r\276u~\211\276\305\253\236>Qd\240\276\374\202\002>\334,1?\2616\302\275\021R\020>\312\035 >ns\017\277B\200\035?H\031\332\276\252*\206\2765\0354>\303\362\217\276\370!>\276\367\207\260\275C\225\242=Xq\226\275\326Dd>\377Eg?\215\310\215=\377\274\312>C(n>S.\243\276\332\227<>Z\346\322>\320\272\274>\320\227\032>\365\034\200>\326x\213\276W%\006?\\]\360=\202\324\372\275\001\353\252>z\304\244>_\204\221=\356A]\272p!\351>I\313E\276y\353\021\276\0043\266\275\336\355;>\335\270\307>\305M\227\276s\216$\276=\024-?\343F\364\276\001\204!?\267\330\230>d\352\363>\317\247\020\274\305c\375<5\256\217\276X\002\232\276\021\\J\276\302\231\260\276\013\237\256>27\203=\323\317\024\277\301<\327=\0066\252\275A\374\244\276gH\000?2\203b\276\375\332r>}\273\202>\017\340\230>\274\263\'\276q\305A\276\250\033\212\276\254\337\250>\377\016\342=(W\225=&\332}=a\307\360>t\006\314>6\252\205\276G%\202\276\370\223\213\276Z\003&?\364\023\236\276\254\366\300\275\210\303\375<\251?\371>7\365@>F\222Z\277\226\024g=\220\252\006?\227\037u>q\227i\276o\202T>\"\327\345\276y*\007\277\016N\003?g+ >\027i\220\275\327\\\376>)\242\341=\345]\327\276\211U\305\276\323\313p\276\305qh\276\265\324\216>\317\225\023\275\334\014T\276\254\240\345\275Y\344\365:\327H\334\274\330\274\003\2762\306\007?hT\344>\367\350\001\276\254\357\007?P]\372>H(\302\276\203\330\031?\257b\306>\3609+?\030\232\246\276\233\2548?M\036\332=c\237\257>p\001\327\276\250&\006\276\372\177D?\230\324x>X\365\212>\266#\305>\nb\253>\372\215x\277~\030\327\276\312\275\003\276\023\226{<\216\030 \276\315o\313>zv=\276ol2\276N\213\010?(\262\036\277;o\010\2774\033f>8\315\264=\377vS\276\251,\266>\362\034\322>\213\224\035\277\t^\203>\336\205\233\274\252\322\022>&f\257\275\006\030\220\276^Q\315\276\323\347u=\332\374\364>l\332\313>\227p\005?\346$N\276\234\302+>\004\013T>\307\200\365>fIh=-\030\377\275\206$p>\033\034\203>\217?\217\276\241At\276\371TN<\010\227x\2766\344\271=\226M`\276\341{\334\275\363\343%?\006\232S\274rE)>\225A\027\276\206\326\003?7\213\274>\317\331\364\276|&\331=p\366\373\275\253k\323=w\355\203>\345\335\t\275\262%\177>\263\361k\277\311K\265\237\222/\276\027\230&>\356m\231>\346\260\275\276\352\251o>\241@\270\275K\235\227=\375\2742\275\002\224\032\276\202!\323>#\240O>A\205\307>2\025\326>\367\241{\276\257\323\037\277\237\265\355<\366DD>\330\265\004\276-9\027?\001\2171?\026J\356\276o\215O\276~\002\353=\0203\256\276\202\264<>\316\"\326=\266BJ?\377\326\312=-\205\322\276\306\261#<\347 \315>c~\305>\252\003\370>\033\375\266=\3630\'>Z7\277>\237\333\335=\242\332\006>\344\350\201\277\026v\346\276V\231(>\362N\252\276\372\'\376\276e\202\240>\370O =|F\004\276\364\0071\276\004\007\321>s\362\"=\222\"\007?\346\021=\275\037\262\240\276\2504\340>\244\372\'>^\276\371>\245\242\226>5l\236\276\034\010\246\276,\357\304>\t\304\306>\032\245\336\276\244f\270\275\236\2769\277`\345A\276\226V\360=\336\257\354\276\344I\371\276\311Y\271\220\037\330>z\010\250>9F\262\2769\357\236=\322\021\222>\250\370\245>\241\340\265\276\000\\\200>\366\315\202<\035\003[>\327Y\003?\362\255j>\224$\222>\252\365\300>\204sB\276\0072\005\277\376\013\211>\235\362X\276\031q\031=\034\310\232>\245\3037?\245\227\357\275!g>>\234\351\267\276+\265z\274\373a7\276\230]t\276>\262\331\2768\213\226\276\222b\365\276-}\320>\256\034\242\276L\"\003>b+\253>\262\272\273>\273\243\023?<\223\010>\311Z\255>\000FL<\250:\025?\336\030\306\275\370\357\262?~\240`;\247#\264>\364

\017B\017\277+;\323\276(f\226\003\277\232\366+\277V_\325\275\261\213\214\275;8\252>\014~k>|\264\306\276\375E3?x\376\276>-T\257\276\234\025\245>\305\316W\273A\177;?\300\037\220>W)\331\273>#\334\274IQI=O]\023\277\344^n=|\ri>\227!\025?\020\344\260>\306\301\351>\374#[\276<\207O\275=\272\'\276\312\2539\277\217C\010?\316\246\230=H\215\203>\323\344\366\273\264\365\341;\336aq\275\357\354\214\276p\333 >\246\205\r?\361\247A\276\340\334\n>53\247>}\177L\277m8\022\275\021\224\232\27684\177>\037h\332>\217\254@<1\271\305\276\321L\r>\"\257\023\276\337\234\315\276\235\177\265\275\255z\014=\2046\272>\263c\017\275k\016\331>\333\335\203\275\037\375\254\r\243>\217q\245>\232;\201?\340P\237\274\323\306\322\275\352\337x\275\232m\313>Gu\275\276\331i\273>\254\313\226>\371O\230\275+\303\364\275\3774$\277\200,\337\275(~\031\276v\037\240\276\223@\215?\216 \021\277\024\210\224\276\375\212\362>FI\334\275\0031F\276rM\223>\273,\033>\231#7>\266\233\357\273U\322\354>i\026;?\225\354\223<\r\241\204=\026\177\337\2757\200\305>\243Wf\275\364\212\324\276V\356\247\275\346B\026\276\267\277\257\276\260s8=d\336H\276p\332\n\275\026S\036\276V\372\330=\277CD\276\223\261\367\275F#q=\013\001_>\0320\303=DJ+?\263\026\264>\r\354\311\275\276H-?\257\016\251\274^od>Ow@\276\370%\225\276N\317\242=\\\356\271\276\224\277\201\276\222Y#\275\010l>>\031\201C?\027f\361\276$\300y>\360\223p\274\205<\350\276c\352\304>d?\217\276a\244\204\276\217]G>h\322\235>\0028\033>\264\227\277>\033J$>\000\217\177>\267\341\254\276,s\003\277\214\203\006?\204\207\030>\256X\221>\365\354\014\275\274\341\243\276\306\222\332\276C\357\313>\317\014\021>\005K\030\276\350\221A>?\254\017\276\320w\240\276w.y>\213\204\025>\007\304\320\276\371m\026\276\00044\277o\233O\276#=\020\276c\213/\276\351\033\271\274\336\357/?N\0160\276,\375/=\345\305\306:\016\353\217\274\250\221\231>\213\356.\277t\351\374=\2715K\276k5w\2760\224v\277/9\252\276\355J\264\275l\'\267>i2\r\275\013R\214\276\323\370%?l\253@>\341\2451>R\223\244\276j\374\224\276?\277\304>\342\"J>R\005\010\275U \t\277\324H\030>\005\372\215\275p\024\036\277\"\2334?G.\221\275\300R\372=/p\265\276\314\342\\=\3247\311\275\335k\260>\371\356v=\2651f>\224\246\306>@\212\211>J\341\001>\006\371v\277\337Z\177=\324X=>e\377\241>\253X\237\276\'\321\255\275\213B\221\276\347\367\254<\235I\344\275\253\245\361\2754\027\322\276dP\350\2769i\01396V\306\276\255\263\335>\327\r\t?\036\017\013\275\245\210\t>\254NB>]\317\227\276\334\350\257>\244$\014\276\000\274\002?:B\010?\2213\n?\177\223(\276\241\275\215\276\325\356\252\276{Ao\275E\352\023\277\022@\336\275>\374\326<\273\020\333>X\351^\276\355\277\352\275,*5>\335\t\267>\376\312\237\275G\312\233\276h\212\322=.\246\336\276;\256\010\277\007\236\310=\237^\231=\341\355\331>\317\332=\275\272dp\2761d\346\273\265\300\270>\360\264\375\276\021+i\275\271\201+\276\200M>>M\266j=\310\240\335=\362\347Q\276H\301\020?-V0=L\330\266\276\253@\016\277[\311\300\274r=+\277\327v!>NX\315\276!\306D\276\202\245\001><\256\375=\3553\264\274Vo\275=\315\322\031\276\343\351\231>\022\210h\272\206A\275>\321\321\327>\345>A>(L\357>\260b\302=o*%\277\274\023!\276S\006t\276%\221\202\276\027\035\331\275\367\275\347\274\024\002\242=\006@\000\276]\0272\276\212\3732?\330\232\365\273\021l\255\275H\005e\276\016\323 ?\036rW\276\305\352\240>\3535\347\276\254\026\306=\025\3158\276\347\225N>\321\375)\275\234\303\257\2752u\227>\310\032\260<\261\241`>\320\236J>\017\376,\277\375M\032>Z\322\002?\243\322\303\275gO\000?\036-\350\274#\333\001>3\000\331\276Ibb\276d\363>\274\225\352\255\276_6\020>\330Y\236\276\265FE\273\007zZ\277\001\272\241\276\342\377d>g\0221;Y\030\366>\325u\362=\214\310c)\252\275Ov\233\276\345,I>\026\222\004?\200\232\367\275\242|\262=D\226\254>P\331\332>\240\177g\277\250m%\276\246r\276\276k\265^>\314\204#\275\313\361>>\037\360r>Y\201G=%\274\\>\330\344\217>\260\266\207>(\205\245>\275\233\350=\377\2370?\302Y\247>G\203\226>]\244\010\277\256i%=\017V\370>\370\204\013\277>[U=M\316\215=\234\262\344\275\017\207\n>KU\200>\332\212\r?\305Q\017??\333\245>\364\261\216<\227\301;?*\336\343>\036\273)>\037\3059\277_\260l\276xyB>\002\2230\277Y\316{\276\337\377 ?\213\006\027>\370v\353>Y\302\026?\352\347\215>(kE=^x\331>\201\236\264\276\327L\343\275\010\301\350=[0\305\275\375\313\210<\234\320\032\277\200A\024?X^\244=\000\003\210\275zsz>I\313\274>\303\n\326>%Q\r>h\303\204<\272\346\356\275\332\316\r>\304\336\264>(\370\023?Y\232\305>\273\251\017?}R\374>\311\236Q<\303t\276>\017\335h\276MN\273\275\014\0038=\376\237!>\370#\371\275m\022\014?+7\255\274\236=\334\275Jc\277=\3240N>\302&^>\250\264b;zz\213\273\216\\\226\274\227\013\341>\324\212m\2760\006\002?\331\2010?\257\002\245?\341U\266<\326\312\265\275_\002n>TT\353\275\212\303\273\276\325\277\244>i\217\231>\347r\332\276!Y\264>\350H\301=^\n\023>\021\002\276\276C\270\360\276\343N<=\226\321\r\277vf\365\276\\\004{\276T1\r\277(\0144\276O\227\206>\341\360\232\276\237\312o>\365.\371\275\'B\330=\324\027\336>\326O\220>\010\326\t?\010\341\326=,\244\017\276\215\325\220\276\210;\006\276;\256\036>\310\245:\276\006\230\302>\254\352\010\276w\342\204\276\207\224\265>\033f\274\275\354\330\233\275{\026\346>)\3763\276\316C\226=J\277c\277\321Q\334>\234c\274\274\262\266\r\277\r\222\026?7\314\334\275v@d\275\365H\010=\340\362\274\276\237\260\210\276D<\257x\333\370>Jh\246>\177)\307\276\235\177\030\276G>\315\276\235\177\263=\311\343\317\276\377\315A\276\265\251\242\275\006?:\276B\342\351\275\016\236\024\276\036\266\362,\n\030>\316\311\237\275\304Y\r=\331\330\225\275\340\373\326\275\357\341\314\275\347b7\276\n\344\t?\306\352\001\276\251\035\345\275\302\200\362\276\024\034\207=\004vl\276\312}\'\276\222R\244\327\274~\276\300\232\027?\236\377\t?\251\360\023\276,\215d\276\342\370\235\274\007\3004>\330\206J?\230\036:>\320A\244=)\260A\277g\313\t\276s\377\333\276\257\310\375>d\'H\277%$\"\246\374l?\204\016\310\276.\266\"\276\246\331\205\276`\276\232>\356\333\006\277^\030\033>:\306\017?\300q\260\275\304\021\024\275\214\037 ?\tX\313>(v\016\276\204\245)\277\201Q\333=\363\224\255>\035\273=>\007\374\340\275\355\360S>\004\363\232>\225\366\013?B\372\031?\0165\332\275\250\2521\277\371\247\304>\3512.\277T\321@\277\251I~>/\026\201>\325\200A\276\3578\231>;\342\374=~d\327>\014\253\035?\215\377\020?\232\376\036\275F`#\277\217Sj>\331\205s\276\302\306\361=\005\361*==\322\201>0\025\373>\035\023R\276\\ \376>F\005]=d\023\220\276\313\325\014\275sX\330\276A\344\223?\302W\031\276\241\213\311\276\264W\260>\365\367\'\277\207B\344\276\003\373n>d\0230\276.d\375>`\005o>\372\336O\276\227\325\207\2761\265\213>\252\377\320>J\327B?\234\217F=\206\311Q?{_\307>\321\245\324\265D\005=\201\235\341\276\213\371\222>\222,\347>#\212\033\276\010E9=\223\210B=\010\277\222\276\252:\215>?U\360=\276\207\203>,IR?\310\351\246\275\021x\256\275t\275[>\t\341\372=8\314v\276\350J\271=u@d>\004\t\315>T\211\230>o\263\364>O\224\255\276\3766\017=.\322b\276\3539\323=\r\305=?[\250\037>fK\345\276\377\022\022\276c\037\243>j\322!\273\002\311>?\347 2>\302:\304\274B:\307>\020\337o\276\034\324o\276J.\355>\223\001\036>\206\005\306>\311\000V<\027kw=s\367\004>E\326)>\035>\262\276\256\326\256\276-<\010?\204\267\230=\341\343\260=[\250\366>;M\t\276\315\237\237\275Z\347\356>!P0\277\213f)?\243.|>\376\254d\2763C\302>\365\213\230>\365\277\306>4\007\350>3\366+\276\327\352\'\276\247\311B>\342\225\234\276\352\350\233>Nc\351>\210\220\313>7\023o>2\025\030=De\243\276\177\330?=S\255\220>U\230N\276\216\240{\275l\320\330\274\344~\204>\341\366\306=\273c\277>\177d\371\276\037\264\244>/qM\274\326\322\232:\325\354\216\276\211\022\021>r\275\376<\371\025z>\316t\003>\3317\014\275v\363\223=\236\330#\275t#\024?\206\267\306:$D\334=2+z\276ge\214>w\365\263>\252\177\316\275v\351\010\275\001-\332>\347N\320=\234\007\035\276z\034\r>\240C@>,\351\376>Y-/=8\367K\277l5M?\212\021\323\276`\375\303=P\222\205\275\0318l>N\244\205\276\217\366\245=\004\334\355\276\325\265\031\277u\"\365=\265\304\316>v\226\210\276\370\201\323>\273\376\r\276\310\211\030\276%\250\326\274E\3625>\317\316k=\251\024e>\237\351?\277\365\362\302\276]\237r=z?r\276\350A\311\275\314\034\236>\010\022\030?[\325\227\276\357\"\255=EJ|>(\224\270\276\245pU\276,\310\271\276]v]\275Y\003%\275\336\037?>&\240\270\276\237\0060>\032!U:\025\227\034\275\246\002c\277\323\363\"\277\335\226b\2763\230\213>K\014\372\276f\342@?\204n\3619\035q\023\276\311\341\036?\237\362=>\002\004\033\277\007\367\223\274\315\271i?n\363!?j\337\232\275\346=\032\276\274h]>\263\244\217>z^\244>\270\315X>n\301/?\200\363\351\274c`\257>!\325m?\342<3>5\021\371\2745\242\344\275\'Fx>\204\377\024\276<[\321\276>\352\302=Z@J\275Xq\312\275\023 7>\343)\344\276\270g\341\276\212%\265\276\010bD>\346\273\267\275m\333\255=\365\333\203>\250\345\000\277\300\030\202>$\261M\277V\274\214>\336\\\301\276I\301\304\276\331\373\227>>\"\211>\212\244P\277\232%\343\276\204\266\234\273\300a(?J\020\363>\326%\010>\374\006\325=\263e\267;\316]\\\276\003P\035\277\315k\017\2779\302K\276\263\353#>\375:\352\273R\033\222>\306\224\251<\007Y\210=\225\r\332\275C7@>\2663\261<1\0206?\016^]\274\234\374\232\276\243\267A\276\032T\010>\324\010\336\276\371\225C\274b\227\243;\345\3473=\246\357\246\275\"\210M?_\376\212\276\025?\334\276o\003\214\275\354\020\340>N\357\017?lH\250\276\341C\275\276\202\376\023>\001\363\355=Sy\001\277\323_$>\321\201g\277\247\300\255\275F\206o>1$A\277f\317\362\2768\256Z\276\307pq\276}x^>\3634<\276a\'\022\277\236\037\206>\374o\246\275\330J\226<\334\016\346=A\006@\276\267\"N>\240a\n\276\356(\030\277\203+\030\277y\332\007\277&\327K\276\271\356\220>\027\254\276\276\330\234\031?\200T\377=\354g\202=\203sO\276^M&\277,\317\267\276\303\324\214>;\263\241>\341\252 \276\312%4\276\034\204\330>\205\373\266\275\010}\211\276\367\026\341\276\000\374$\276D\263%?I\035\014\277\252\325\303>0\336\217=_\335!>\344\031y\275-h\354>J\255\212>]]\302>\2366\274\276?\225E?^A7=\021\376\306\275M_k\276\271\002\016\276h\332\013\276\250\211\315\276?\330u>\237\322\255>\374\200^\276\\\317\341\276?\253Y>P\002\\=\005=\240\276\270\232/\2765\204\326\276K\n\234\277\337\3223\277W5i\276\353\322A?MV\220\276J*\352>\215F[\277\r(\200\275\252!\021\277\260\203\202<\254g\351=\301\3562?\2430S\275:\214\372\276\031\177\252>#S8\276\327LE?\232\351\360>\000\\(?gn1=\304+2>F\365\201\276\366\315h>\304\313)\276\177\017\246>i83\275m\224\247\276L+\335=o\337\357>\250a+\277\357\242(\2775!\330\276a\326\245\276\0006\335\276v\217P>\200\250\204\276\t\350U\275\000\231\263>\006\333P\277)\334X\276\000,\264>Jy>>,\300\265\274\007\242\261\276\276j\013\277\377\231o>HAx>\250\227\206>\206\006\210>\307[\231\275\n\276\245<\236O\322>\302=\351\276o\030\237=w\267\306<\t\276U\276\036\333\206>_Mh>\021\\\233\275f\256\220>I$=>[\'g\276\014\241\300=\331zes\324\352=V/.\276&9\205=\265&\226<\377 \246>\302\356\336>nI\355\276\377m\201>t\310\233>a\264U\276\256\266\323>\'\300\347>nqN\277\311oa\275t\363F=\222\331\216\276\361\003\205\275I\362$?\014\226\"\276H\002\232\276\335\212\024\277\275\031\261>t)\241\276n\202\016\277f\375G\275\"\354\n=\221U\333\275p\223A\277\242\254)\277n\014\032>\304V\230\276\335`X\277x=\206>U\250\002>\\g\371\275\250\334\261>\327\033\274\276\332$\222\275!\307A\275Nk\347\276h\277\346>\237\202\026?C\024\215\276p\001+\276\014\017\013\277\003\265\334\275\350\347{>\246(\263>f,K>\324N\271\274#\202\262=\361@H\276\354K\331>M\203\265\276r\222\300\275]\251\027\275\344d5\277\253\301\321=\266p\264;a>\216\276Uh\023=\253^\206\276PV\232\277MbL\276\277v?\275K\025\233>\210\335\354\275T18\277\271\031\210>\314\034\337\2769\3003\277\'Z\334>\026\211\317\276a\220\017\276\246c\001\276\225\262\376<>\322&=\342J\274=a\327\315\275\246\212\316\275\230f\230>SW|=O\256\242>&\225\010\277\245\333B\276%M\202=\266\206-\2512\201\276u\344+>\314\303\217\275\271\324\227\276\270N\375;jVF\277_\320\036?[\345\241=h\233\341\276\364\230\345\276:\002C?^|\314=\243\270\371\274\312\'\235<\022\257\231\276\215\310$\276=\317\211=r\256\357\275\217\220\207>\031*\013;\220\312\'\277\344\036\232=\006~\304\275\022\237\276=\024\'\227\276Sa\200\276\344\262#\277\305\362B\275\362\316l>\311%\315<\254X\212\276j\225\007?\n\300\017>\245\017*\277Z\364\276\275{\225\366\275q#\326\276%\264\036?`\375\210>w\337\376=\326*\013>\302\303\200\275\310\034\224?\370?\204\276\375\226g>\340#A>\273\026\303\276\246\372*\274\342\330\234\277\233`\260=\313\r&\276\002\014\246\276\260\344E?\213\235\311\276[h\303>\340\322\002>\361G\027\276\265\264\231\276$i\'<:PG?\376\321\221\276\017T\200\276\230_\277>\357\333\321>\301p\214\276\201_\355=\000j\032>\362.\264>\227\010]\276\322\022j\276\216I\326\276\246\006\013>\267\005\211>\261\327\022=\233\013\334\275j\251\277>\232(G\276:UF\276\311\023\321\277@\347R\275RzG>\337\327\343>A>^>\025J\036\276\353\'\001>\340\r\314=b\024\204\276\300T\352>h\224\275\275c\215\222\277q\343\021\276GK\216\276\216Sm?\341k\267\276i\303[=S\361\361>5\013\232>\240\316@\277I7\205\275,\327V>F\343\225\276\213p\007?\215\034\270>\201\261 \277\327.\305>\255\310;>1$^>\337:\351\276\341\371\212\277\032[\326>\333\204l\277\226\212\311=\354\263\007\364*>\023\251s>\351\016(\276`S\023>d\262\340\274G\367s>\247A\265\276\305=c\275\252Fc\276\346\005\350\275v\233Z\276x\253\356>5\226\227\275%\266\241\275\210\362\203\274\230~\254<\337\261\251>l^\345\276\034\244\t\276<\256\202>\363x\333\276\036\346\266\276\234\356\274\2756\031\350<\"W\204>\002\036\377\276\306s\277\276<\2552\276-\002\006>5\r\007\277\006\r\275\276}=\355\275\001\212\030?L;\276=1\267{\275\374\262\235>\005\2067\276\230&e>Gh\302\275v\017\n\276\227\t\311>\256\363\225\276\177\303\274\274\022\337\202\273\315Y\001>\276\013\354\2766s\225=<\016]\276\365C\"?\0223\020\275\267\346\376\274\353\246\007\276\006\342E>\265b\006\275?r%>T\272\213\276\360Q8\276\001\026\230\276(\353\311\273\357+\256>\364\372\322=,z\033>7\003\374>\252\245k=\00681>\262(\376\276l+\236\221\362y\276u\356.\275\234\234\274>\311;(=\332\272\211=]\236M>\2629\301>E\327\202=\013\263\257>\001\263\030>mb\341>!J\211\276\036I\036=\244\035$?\031\025n\275\230\007I\277\336\333\236\276\243\310!>v\344{>e$\030\276N\261\313\264\233\246\276\273C\332=\210\375$\277\215\270\t\277\372Au\277\312\273\203\276W\227\320\276\252\000\233\276\355\016\005\276\366;%\276\342\037l?o\347\207=\234\332\201<\226H%\277\363\353*\276\233+r=l{\024?G\305\010?:d\023\275F\371\332\275\027\035\261\276\207G\177?\201!\331>\021<\271\276\271P\024\276\343 \316\275w\036\241\276a\303\244>\322\214=?8\002\220=\0330\270\276\3656\034\276Pk2>\022:\013?\224B\"\276\362\177*\277\t\267\234>LB\360<\353D!\277v\266b?\2244X\276}C\213\275M\214Q>\237\226\243\275P\214\323\274\200\332\345=\203\313\277\276\003\007\023?\221\223\242=\230<0>\275^\272\274\005\312R=q%\215=ZUG\275\211\033\262>\241\205\317>@\332{?*\331-\276\330\211\361>{f]>v\"!=\275\262&?\304}z>s\303\336;\001\304\370>J\247\r\277\037\240\376>Y\r\177>O3\335>\'\031\357\275R>o\277\2271\013\277\263\304\233=Uw\223\276U\204\246=\205\003\300=*\362\036\276\302(\257>[\tD>\374\340\226?\027\271\220\276\370\236\255>\225,\037\276\366\\o\276\006T{\277\342q\210\275\375\013\336\276\303\017{\276\2167\220=\377\322\036?-\226\252=\263\362\006?m|\230=\330j\222:\254\246\022?\032>\037=\340\372a>\341\266r\274\245\033\320>\036\013d\276w9\234\276\245Np=\177M\202>\034\233\370\275\014\240l>\217\276\033\275\021/w>\000\265\207\276F\252F=\363\312\256>\325\020{>\031\031\250>\2220S>\246\307\264=\217h\253\276\232!Y=\327\217\300\275@\006\355>\237\331\200<\250\327\025?+\312*=\302\000\204=Yy\007?\342tN>\373\365\222>\323\365M>\016\306\210<\227\236\360>|\342D\274x\030+?\037\316\364>\231O\247>\270\266\312>N9\247\276\034E\240\274\350w\326\275[\326<>\3529\276>\252O&\276w\301@\2777\204V?\346KX\276a~\021\277|\007\004?\241U\221>\020\200\377=a\211}>\264|\003?d\263\274=E\030\032?y#I=R\003\223>ql\301\275\221\352W\276\203\304P?\227\331\352>/\003\330=\"\373\025?\0226\022\274Q\220\251\275\236\222\257\275\265\344\026>\2555\032\276\023)\306>\206\226Q\276\323\334F=\r\242\314=\214V\355<|\025\302<\207\325)\304\360W\275\306\260)?\221)\021?M\200\234\276\353\377R\276\335\004\330\276\301\345s>\221\263M\277\340\247#\277\2343\336\276\004<\373\221h\300>S\274\030>%\210\327\275\006\2476=p\010\234\006|\215\276\305\346\266\276\211D\220=X\005\206;\346\037\260>k8\360>\312\026\216\276\'^\374\276\201\360.>\010\246\265>\370\347j>\367\324\233>x\361\003\277\212\320\221>\001\336f\277m\'\016?\323l\"=\222\351\210\2767>\200\2763\036\242>\330\313\256\276\200\205\177\276\353-\236\276\252\005\257>gO\317\275\210{\236\276\220F\240<\273\374\201\275\246\261\200>0\224\264\276\331\255T>\274\231N>\275xG\275\264\017\177>>\241\217>\357\213r>s\376:\276\325[\370=J\342E>\340\002f\276\211z\013\276\340lD>09]\277-\222\021\276\322\306\013\277:\275L>\237\013\224\276\277\025\331>\004\001\261>C\312\032\277%\3746\276l\017\361\276\262\000\004\276\233h\241>\003N\177\275\212Z3\276F\006u\276\360\217q\275\253\213\004\274:\230\303\275\251\240\362=1f\230>1\024\263\276\3642&>\362\220)=r\3363\276z\373j>\003\003\227\275\201S\314\276\225\007\275\276KN$>nW\037\276[\345\353\276\337t=\277\203\366\344\276^\220\301>\037eL>\267\320\001?\356Y\247\2764}.\275\207\277\007\277e\272T\277\0027\034\277\327\361\010\276\306\263\034\277\226W\224\275\303\357*?F\262\263>\272\266\"?\37204>{yM>\267e\204\275\036\322\036\276=\245\022>\0260\374\274\003\036\026\277O\214m>\317\034\254\275~\214o=\350\210y\276iL\273\275\357\322\271>/F(\2762d\222\277\010\000\324>\336el\276\377T\365\275\377\273x>\315k\"\275\226\"\034?=\020\251;\352\307\306\275\317d\342=\r\365s= \375&\275\232\\\222>h\252\027=,w\370=\354t\300\215\321\177>\344\334X\275\351\337\260=\352K\006?\244\017\260>#\223\002?W\3259\275\266W*\276\334{\213>!\342u\276<.\276;\221\340\260>\240Nd\276\200\350\301\276\213p\345=\233\0137=\375\237\374\276\342F\006?\273\234a\276\221\202\233=.\345\221>C\032\005?|\007\237\274\t\220<\275\000\227\333;\351\314\220?@\035\276=\004&\325\276\335:O\276\360z\327>1L\240>\026\320\032<\366\267\200>\260_\316\275\030\222K\276\366\255\201\276 \025\335\276\241\306\203\276\361\353X\276\314v4\276Q\354\256=R\202\240\274=\344\026\276\323i\203\276\037\241\226\276e9\215\276\267Ps\276\260@\327;XQ\006>\213\262L=x\253b\276\023\214m\276$|0>R\310\330<\311E:>\251\244/\276]\263\006>W\3000>\273T\347\273\212\272\353>\320}\231>\254XW\276\251\232\253\276\251\342M=x\025\326\276C\363\242\304M\337\276\250\213\257>E\375E\276\000S\020>*\370\225\276\010i\312\275\322F\034?\205\034\272\275\201[\353>\006I\'\276w\342\311=\352\326\034\346=\014>\213\301\246>\247\202A?\200\251`\276\303h1\277k\240!?\204\360R\276N\202\316>\316\302\304\276&\251C>Z\314\026\277\221dl=\324&\203>\242\346D\276\247c`\276\217g\351>\031\242D>\036\252S>\t\3044>s\277\004\275>\340\306=\207\010\021\2763]\363\275\"\331\007?Z]/>09\016\275\347\276\272\276\267m\002?h\263\005>\241U\324>\2668\002?\020\237W:\331\264\313\275\227#-=\030\376!\277UF\201>X\373#\276\346\355w\275\307\326\035\276\232\224\307<\324\214\202>;\261\236>G\355\270\275\357\311\035?\246\307+>\244\252\222\275\201\350y>\302\236\217>\265\266\250=z\230\214\275\377\\\343>\036\t\234=\32262\277\024G\203\275\234\254%\276,\261\010?#\347\007>v\316\265=v{\357>\036\310\271>\031IN\277)\371\200\276\207\366I\276*+\267\276\227\272(\276` |=\253\250\027>z\321\273>O\010\273>\224\267\036\276\234;#>\240\005\301>\320O\005>\250\272\356=;\372e>\341\274\273>\217\367\030=\2045\020>\237.y>=\254h\276\333\322\223>N1\033>>Y\343<\\q\032>\345\217n>M\336N>=\352\213\275HM\036?\214\357\347>\334\023\232>\2401r?v\2067=\277\010\300>%\354\326=\301\251&>\331W8>~\200\346\275\336\304@\276\276|\260>1M\224>\310\205f>SX\355=4S\226>\257Q\262=X\363\333=\206\233\342>\017L\200=\270\023\217>`\004\203=\273\276\303=\326i5>L\0050>\337|N\274\241\227*\276\377U\025\276\\\304\001?\220\221\311\275;\354\242\276\221I\004\277SN\n?6\340\217=+A\212\276)\260O\276\203\377g>\356\\b>\247Uk>\251\261\201\275\223\235\221>A\037#>\177\341\224>\240S\263>l\334M\275\267cb\276\355Z\004\275q\2746?)B\256\276\246W\214>\005\204P=\331o\231\274\027\326(\276m\320\274>\345\351\211\2762N\302\276\0031\017>\301\030\326=FC\261\276\277<\\\277h\210\340>H\252\366\275\033\307\201=\335\023S\276\035\215\373>\335\214\253>\323|\201=\364j\364=\317\301%\276\326\013\002\277\204Q>\276\234\202M\274\017\277\333>\374\013\212\275\276\275\351\276\246hC?d\353\214\275P\202\001\277\205\265\020?\256C\250\276\220\035\003?\347\356\010\276\262\247K=\205\"\320\276O\215\335>G\002%>\033\250\263\274\003\027\206>\242\"\\=\005\332\255>\215\325\203?\303\211\351\276\344\204\353\276\322\337\222gJ\222\276\342\351z>r1\003?6w\005?\001]K>\364w\254>\235\232\312=\'%]=!\2615\275\2166\007?\276G.\276\214\002\200>e!\251=E\362\370>\302\237\265\275\275\313\013\275\374}\206>!\343k\275\251\356#=Tt~\276<\225V>\315:\277>\345!\244=\257\226<\277B\347k>\005F\036>\243?\001?\225V\216\276\003\030\006\274\273\332\217=\366\271D\277=U\226\275\363\344\321>\242\035\010\277\303\240\000>\300vz>\021=\221\276\324]\'\277\337\360\030\276ap0\277\217PP\277\005F\251\274\322g\010\2775\223\245\276\257\274O?m\205o=\265\257&>_\366\323=\316\234/?C<\t>\301M\376\276s\337\224>\372\021\200?\031,\211\276]dE?_\373(\277\037k\202>\216-\334=~\253\n\276s\362\373>\233/\340>\371\332\254\276\353\337\241\274r_c\275\266g\233\276\240\351\357>\250\327\332\276\td8\277\344\373\231\276\223<@\276\014V\006>\026\2627\276\277\340\222>T*\233\276\306\244\306\274\254\221\331\276d\325\016\276\332m\347\276\221a\306\276\317\234\026=bjx\2766\332\213\275\216\334\010\277^F\035\277\254\252\345\276ak\221\276`\306\305<\244!\230\276\004L\321>r\250\371\274`\0143>\244\371/?A\320/\277\211J\337\276\274S8\276l\245J>\016\2072?\236\340\371=\345\240\036\275\256\"=>.\361\326\276\3406\365\275dw6>Wsc\275\364\263\335=)1C\276\351\016\211>Q\013\252\207s\307\275\357#\367\274f)\376\275\005\027:>+6j>\265\030\223\276)j \276\273\336n\275\2352\352>!\310\366=\270N1=`\316\000?\326\305H:\030\243\255>-V\306\276Q\025\201\275\250\362?=u\225\006?+\003i\276\352\224$\276\245\352\002?\2446\260>\322K\002>\251\330S>I\355$\276\206\201\200\276\206[\234>u\225\341\276\265@&\276\227o\302\274\243\305\025?\223>^\2761m\210>\246D\204>/\335\277>O\261\202\276\336.\233\276\252\247q\276\234\307\250\276\376\261\\\274\255\035\001?o\201 \276\272\213\016\277\210\020M\276\177\303\327>\342\254H>\001\000=\276R\347\036\275\014\217\355\276\353c\347\276\364\274\300\276\321\273x>\246<^>\203l\354\276\336\262\225\276~\037\n\276\031\010\r>\211/\303\274\234\270s\276\007\265\377\275\325\024\210\275\300\225+\237\335\276\252\354\237\276\020z\033?\223\213\355=\254O\374>h\245\002>\212\333s\276\241\354\265>h\255\001\277\347\240\016\277\202t\022?\260>-\276\361\007\343>\021&c>\343j\315>\002\020\200\274\030\213\264\276\017\005\014\277\240[\025?\310o/>\357r\034?\005\300\236\276cs\205>\032<\036>r\233\016?WH\376\276\026Zw\2760\226(>\3779#<\344\311\227\275\304\230\2239$\374\246=.n\257\276!\263w\276|\253\020\277,\264\252\275}\323\\=\377^\232\276\222^\372=:9\020\276\007D&\277\234\273\226\273`\247\234>\333w\'\277\202\007b\2733\312N>\351D\t>\252dD\275\225\230\035\277(rm\275\311U\374>}\250\220\276\202)\016>\377\001\227;\321X\023\276E\345\305\276%\005\343=\262\266\027?\273c\226>\325CY\276\006\255\302=]S\r?\374yq\276\274\226\031<\226=)>\357a??w\"\326\275\177\366Q>\3616\251\276 RT?\371s)\277\375s\213<\315\026\236>\021RZ\277\016tt\276\322mQ=w\270j>\372\322\027>Xe\301\274@\244\260\276A^E>\336(\232>\217\271\254\275\325\361\274\275\253C\223>\220D\334>\226\325\364\275\225W\235\275\2157\016?\340\242\373\2744\255\234\275\371j\342>O\225l>j\301&\276T$C>\302]\216\275\322\003\356\276\362\227<\275\273H\300;\350\343\241=\312\r\215=\371\326c>\313f\014\277\r\374\013?\316\364\001\277z\306\337\276\031\234\361=\234\201\037\275\241rz>\341\232\305\275\224!\213\276Jn\257>\213\352\262\276p\260\225\276\020\344\r?\345\363\236\275\246\211\035?\267>\340>\201\364\223\275[\350\033?f]\346\276f\243D\276n\366\300>Gk\204>PJ\021>G\323+=\314\250\214>\370\346\200\276U~9?U2e\276g}\277\275\326\022\224\276\227Q\256>\222\302\237\276WM\342\275\250Q\361\276\026\261\222\275O\021\003\277\362\357\302\2766\327\016\275,<\250>\353\262\033\2775q\014>\204\274\004\274\020\374\204\273\347\215)\277w\235\252\276\255Q[\276\201+\010>\370\367\016\277\002\275\262\276c\2308=t\346\302\274\035\213\213=Mn\010?\355\260B\277%o\205>\352\374=\275\346\023\366\276\341?~\275B\343t\273%C\311\276\321\313\345>[;4>\251\234\252\276W\277\251\276\025o^>\213\354\366\275\033z\327\2758\3304<\325\200\260\276\332\311j>i\302\267\275d\273\261=D\233{\274}7\240\274\006\332\340=\r\217\225>-\032\003\276\234\206\240\273\363\353\263\276\251\371\312>\235!\026>\031\007\352>E\211<\274\330\273\215\276\307 \236\276U\2760>GA6>\302\355\314\276I\322o\276@G%\277\360v\025\277v6<\002\013\202\276|\251\013>\210\004E\276\330\214&\276\246\\\346<{\363q\276\213T\336\276be%\274zp\213\276\351$\314\276\266].=SG\017\277\265\373C>\001\354\022\274\240\315\025\277i\371 \277\240\267$\276i\345\213>$C\331\2760\237\212=\270A@\276\345\253\277>\306\230\274>\376U\334\275\034\317\030\275.\341T<\221?\t\277\250}p\276)\233+>\247\302\021\276KoD>\026\005*>\302\246g\276\254jC\277\370\221<\277r\210\335\276\362\0073=t\312`>\243g\214<\334Xu\275(\235Q\276\336\026\335\275\315\267a>\246\276\016\277|i\233=q\347B\275\240\030\246\276\337\246\266\276\2451\214\275\270\270\020\276B\340\365\276\3250\231=`\215\251>\025\244\030=\341\211\217\276@NY\277\232SZ\277\213\273\006\27772\274>u@\305\276\221\320\313>4\233$\277N\374\277>\336\025\250\275\217p\372\276+p\004?\305\010M\275\301\210\233\274\301e\263\274;\225b\276\031jm\2754\357d=\263\310\203\276\230}\013\277N\210\211\276\010\310K>\310\263\203\277p\232\032\276H\353Y>\202\274\354\275<)\232=\366\"\243\275\371x)\277\242\005\201\273\317,\371\2757r\246\274\224\226\316=\376\246\322>_\324t>\3558\252=\242\014&\276\230\325\202>\240\263d\277W\212\006?u\230\246\276\212\237\232=C]\220\276g\326S\274\313g\255\275\225>\334\275u\026\032?\333\224\024\277\327\363\243>]\227\356\276B:K\277e\245\031\276\214\217\244>\213\226\216>\340\330\033\275\260\031\240>\020\234D\276\315\266\\\276\233\021\215\276\013;\224\276\177\022\334<\230\250\236\276\200\254l\276\"e\352>\031\005\241\275wE(>\212\325\370\275\375\236\344\275\027\317\257\276i\307\000\276K\026\023\276\332\373\205>\364\2432\277\222\357\236\276\321\245\372\276\013\206\211\276\242\305\317\276\246\020\\\275\247\214\215\276\215\234\210\274\242eF\277\304\224\235>U\306\311>t\252,\277\320\221\375\276\3601\243>\370\223:?\214\020\365\275\027\211\325\275\302C\006\277\n\003\342=\034#\212\274\335\346\026\277W\236M?j\337E=\262)\232\274\351\361\354\276\261,^\275\314\347\013\277_\204\254=\224\323>>R1\022?\227\342f\276\336J\205=*z\227=\345G\326>:\242\237\274rLW\276\030zD\276\316a\230\276\212\004\200=\233\201\357>\302\274\030?F\376\273\275i\274\210\275\261L\304<\271.e\276gg\237=\010\037\236>\003\007\225\007GW\275\030s)?\200\207A\277\365\001.\276\0333\245>R\222\377>\n=\265>w\273\225\276\273RD\276\n\207\241\276N\277\332\276[\300\353\27621?\275t4\231>\365\0009>\313\335\371\276v\342\033\277\373F\225>@\224\204>u\345D?\346\317\266>\006D\014?;T%\276\024\020\213\277\247\230N=F\3712>\362\014n\275\017\250\037\276\202\266\235>B\253)?\033<\037\277\250\325\365>i\213\n\276\212l\305\276\'&\355>Z\335*>\223[L>Mb#\277}\022`\275\365a\010?\023\n\216\276\253\014\212\276\340-u\276+\324\001\276\222A\002\275\374\001=;\013\204=\276\210*\333<9\215\355\275c\347\273;\2169\377\276v%~\276m\326S\276h\027\010>\301r\336=\223\345\\\276\0026\206\276\305Q)==\357\010\276j<\202=\347|\033\275\256\371.\275=I\246\2759\202\315\275\252j\025\276)\272(?\026J\000?\217\272\203>\"H\223\275\307\317\207><\252\267\276Q\325\235\276{N\273>\245\207\265\276\335\261\026?\230\203\211>\337&\226>.\265\257\276)\024f<{y&=7;\273\273\355\253{>\344k+?F\025\266=\363\340\212\276\200\221\255>\244\260\020\276\004\177l>ju\n\274q\256\021\276@\237(\2760\016\350<\375\255\014\275\250:\276\276v\003\013\276\004S\224=\035\216|\276\254\035u=\002\2047\277K\333\001\275e2\014>\rZ\254=\250Y\021\275C\3731>\241O\332=CJ\207>\033\260\216=3\014\256:2w\351\276\'1\020?i\302\252\276\323\205\373\274+*)\277k\002\347>*6\236<\377\202\002>\240q\362=Q#\341\276\320\360\322\275\211\352`\275v\252_\276A\234?>\270 \355\275V\225\226>\252\371O\276I\010\271>\223k$>\350\2260>)|b\275\352\020\037\277\260\273\000\276$\354\025\2763p\177\276\227\\X?\301C\377>g\333^\275o\331.?\203\316\001>Bnn=\361\324\315>\361\2424>K1\354<\222\000\035\277\217\020,\274Z\033\333\276,\323H\276x0\025?\204\271A\274\312`\260\276\022\337\t\275\3770\002\276\360&\273\274\371\000\013\277\0162\332\276\257\374\027<\250\367\006?wm\001\276b8\213\276w\017\024>\r\214\035\277\335+6\277\037\274B?\226\224\240=^\364\"\276\264U\003?P\213\202>\317\236#\276;\'l=\247R\220\275t\374\240>J\346\366>\261=+>\213A\021\2755\314\207>\226\r\226>\230v\366\275RLR=\254j\024=-\000\205\276\031O(\276\253\361\226>c}\023>\004\347\245\276\000s\234\275\266\275\027\276B\262:\276c\212\013>\320\304\265\276\206T\352\276\030fi\273V7\001\276\203\033\371<(4F<\275(\316\274\330\347\271\276\253@\330\276,\237%\277\021\0046?5\211\021>e/\367\275\251n\377>\345z$=X_\013\277\353@\217=Q\246->\311\376 =\276t\362\276\360\346\215=\362\263\233\276\227\354\215>\260\272\235\276\005\373\037\275 RM\277\326g*\276\257I\352>\031\027\231\276*V\372\275\276p\013\277\271([>\036\234\362\276X\321v\2764\304\246\276\024\257q>\354=\242\276NU\376\276\2750\r?`\373\227\276\261V\004\277\005\360\265\276\342?\004\276\301\341c>\004\236\212\276\356Q\304\276\204\245T\276\305\030\203\274/5\357\276\243\345\002\277h\366\327\275\021\233\035\277:\240/\2766\0305\276\321\034\001?\010\326\273>t\231\364v)\200\276V:\270\276H\365\035=\3227\344>\014\214\210<\362\244\311\274\264\276\227>id\210>\222\345\202=D\231h>\321\334\214=\217:,>\177\024\251\275\362\t\245\276\260i\036>\317\010\253\276&7\304>\242\215g>Y+\000\277\013\256\315\276~S\207>\243\354\255=l\335\200\276mJ\336=T\324}\277/\350\203=\310\023\311\276&\335\214\277\261\352\317\276>\350\230=\352\226\343=\315\271M\276\274X.\267\031\032\276\260u\r\277\025\235\372\275^ \336\276\2348\231\276\233\344\201\276L\013y=\322a\026=\r]2?*\277.>A\031M\275\335WH>\316\037!\277\020O\345=\207\224]>s\255\214\276\305\024\310\276\347\2646\274\215\215\264=\356\326\342\276d\020}\275\313\023\217\276\251\223\371=\326A\007<\234,\223=\034KU\276c\243L\277,\276\374\276\214\251\222\276\203\255J\276\330\330I>N\342\324\276\230\3552\276\t\306o>6\367V\276t\226\213\276\236?\005\277\010\246N>\314cC>x[l\275\0130\025?5\254l\276C\310\033\2763\302\002=A!\341;5\210\206>\320v\335\276\0131\356>\320\3552\273\007\325\374\275\001\270\315\275\375g\2039\360Q\270\276\356\343=\276\3674\270\276\002v>\2772}{>v\266\354\276\307?\357\276I{_>i\001\246>\357h\006\276\214\215\254\274\325\264\321\276SD^>\261Q\222\276\247(Y\2719\201\271\275I\362\335\276\241\351\250\276 \275\021\274r\375\004\277q\001\307>g\224\217<~*\013=k3H>\242\'\024\276\254\233\212\276\331\302\313\275\320\200\243\276\304p\231>\3701r=\260\263\215>Sw3>U\333\346\276\345\375\033\277\202\220\235\275M\342\'?\366\360\200\276\230O\335\276\031\003\206>#\3344\277 hg\276\0240\271;\340\266\r?!K\214>b9\320\275\3478\250>\302\274\rq*\216>\274\240\236\276\370LX?\361@\014>\2021\230\276>+Y\275\230\351\377>\230\'\347>8l\323\275?\033$>\263\311\340\276\030\231\214>\216\246\271>so\232\276\207\371\223\276\026,`>I\316:=\361E\307\275y\347C>\333<\266\276$r\242>Q?\330>\032\312\326>e\034Y>\237\226\031?\006s\371\275+`\275\276F2}>O*\217>I\234\017\277\235\213\206>\301\246\357>\260\354R?\356\223\235\275\304\310\314;\273\376\317>8T\336>=R$>q\034\337\276s\251\245>80*\275\304\302\351>\274a\332>\021\360m=\250\226r>\324\254\217\2761$S?\264\351{>\326\374\375=!d\230\276\322\310\240\275wnC>Q\302\337>PR\311\276\001\264\213=\362h;\277u\322\003\276;5\026>\030\337\247\276\017\311\265\275<>\322=!\036O\274\363\345V\276*S~>\236Q\210\276}\364\333<\216\252\211?\300\253\002?:\203\337>\230,\204\276v\355\366\275\357p\274\276\336Vm>Ab >\027%\036>\231-\007?>\214\342>\364\354[\276\213\216\002?B\"\316\276\025b\004\277dge>!\3558=?\333\261\276S\035\246>^t\260>\245\3373>\037\243\264=([\220>\326\003j\275\207-D\276\202\033%?\322\233\334\274!\352\021\277\331\263\360>\177[\017>\032v\231>\314%t\276\372\263\271>\263\372\036\277\003:#>\226K:>\330\242`>\206\301\351\276\324?\223\276\275\253\230\276j\273\315;\321\213\271\275\376\227\317\276\217$Z>\241R\246\276\3444\206\276M/\006<\225i\225==\270\271\275\206\347\211\276\300oA?\353\321\216>\034\263\232\276\033\260\252<\345\2228\276\2254\215\276\253\007\374>Lw\211>tX?\276\342p\376\274\241\342,\276\032\'\362\276\356\272*>\004\335\302=e\2302?\025\023A>h9D\275sg\203\276v\037e>\006\336`\27620\327>\314\316z>\360\233\300=G\216\330>\203\223\270=\314!F=\263\343\005?\027\351\032?\312(\r\277\341\220\244\276\022o\375\275\017\347%>\204\000\220\275\356\277\016\274\306\"\311\274\223\027\201=$&H>(\177d>J\267\326=u\230y>\370\2362>o\250\202=\275\034\257>\331f\361\273\017\255\335=\232\217Q\276\270\035<>\"&\002=\373\017\236>=\035\277\275\001f\342=B5P=F\347\236\275\0078\211\275\313\321V>0\277\257\274\220\226\034\277XJw\275\314\370\265>X\364S\276\007\340y\276\240G\302\276x\361\366\276%\203\220\276\270G\337\275\363\356(>Z\000\230;\350\237\025\277\312\260\321\275U\365,\276\222I\r\277!\021<>\217.\347\276\301\220\366<\357\224g\276\366\312v\276\"m-\277\244\265\255\276\207+\'\276i\021}>\350\213X\276\007K\007?_7\247\276Q\373\275\276\222\017\272>w\001\211\276\t\376\370\276\033\247p\276\210\237\235>5\t\376\275\230\251\r?\014N$?\336Mn=78\240\276\315B\026\276\262\265\342=O!\333>\254\303\251\276\334\363\273>f\037O\275q/\305=\256\252\221>\242\225\310\276\331\032\225\276\031)\234>\265&\n\277p\301t\276\246\023\267=\233\205\002=\375\301\220=\342\r\330\276\017\3671>\346\212\205>\036\230\222\277\244\005 \277[{\345\276\355z5>]\261\371\2768\375\336>d\322\266\276\273\312\305\275\310?\233\275\344\347\226>\253K\237\276\233\354\327\275\360>\034\276\321\026\215\275d[\221>\205x\203\276@\366\255>\014\313\301>\230\337 \276\30085=*\237\000?:\325Q>\021\026\240>\244\344\001\277\332\233<\275\021F\210>\335\215\210>\347,\311\276\234\340H>\370P\333=xb\\>+\347\364\276\302\207$\276;\275C\277\256(\037\276{\241\177\276\322\216\177>\032\014\252\275\343\217\377\276\346\277\246>r8\027\276m,\263\275\\H\371\276\030\323\261\276\"\367%\276%\2037\276\330\255\272>\037vD>[_\201\276\305\035\210\276\272\217\010>\217\225\213>\301\027\370\274j\312!\276up\224>0\'\325\2766h\277\275x\315\205<\252\263;\277\325\037\037/\276gN\r\276\237\315\\?M:6\276\317\242\214\275\005\033\341\274\306\370\366\276\303\247\255\276\204f\271\276W\342\374=\363U$>l\010\307>n\240#\276M;\236=\007\270\353>i\376\\\275\272\030\314\276\207MQ>\021k\036\276\206=t\274\016@\360\275\370<\354>C\022\007\276\2371\220<\030\007\222\275\217\373U>\317\2062\277&e\361\276\032\300\320\276\234\263\234\276\343|A>\024\251Z>\026H\220>\254\364\204\277\232j@\275\373\351\323\275I\347\"?\r\334\265\276\274hj\276\207p\002>\2238\255\276S`\244\276\007\210\032\276\327)1>\'\215o\276\374\234\252\276XI\007?\234+\274\276\325\337\230\276\343\365\237=\200\343H>\327\351\026\277\250\3643>;t\315>\266\246\323\276\024mv>\307*\266\275-\025\241>\226IB>\337H\257\276\'\361_\276\3308r>\242\235\351\276\237\227\376\275\354G\244=\\\364\320\2759\262P\276q\034\355<\005;\310;\363\335,\277\326\334\021\277\317\017s>W\033\036?\250\231\245>\274\344\247\276\327!\211=\203\325\n\277\237E\032\276B\020$?:\274w>\002%\264\2761\\\211>#I2>4\340U\277\365L\212\276\023\236\324\276\225I\017?\221\002R;,+J\275\031\262\200\276\177Q>\276\300\220\353\276s\260\226<\0074\213>\341\254\006>\264\216\223>\322+\230<\302Y\312=$\221$\275\352\220F\276O\253\222\275\314\255\216>BqN=\232\375\032\277Q\350\205>0\006l>Bj\217\275\254|\340\276\374\324\340\276^\252\204>\017\365\232\276{\005\304=h\021?\277\252$f>\232\231\211\275\234\306\273\276\250d\020\277\275\034\354\275\316\262\363\276\336\200<>\316~q\274\203\001~>\362g\344\276\274-L\276\330S\210>\034\221\037\276\027\214\017\275\204F\003\277\201\276\336>q=\244\273 \256\367\275\003\271\'\275F}\354=\007\377[\276\206\254\251\276\306\277\204\276\371\200\275\276L\270\004\277o\357Y\276FW\202\275Y\256\020>\326\354\303>\257\236\340>z\177\373=\242\354\204\276+\302a>\325\322\232\2763\231\027\277\024\266\324\276\274\262)?\000i\301\276I\214c\276\320\264\272>^\210f>:m\234>E\023\030\277~\n\027\277i\231#>?O\206?\273\032\256>s\365}>&\243\227>:\345\"\277\032\373\267=S\366\034\276\236$^>\253\207L\275\270\231d\271\2748\277\234A\253>p\225\364>\364\345==\3108\372>\0258J\276\234b\\\276g`\002?#\2124>\313\304\034>Y\221\252>\364\217F?$oX\275Yd%>b\'\334>\217\235\256\274<\365C>\231\203\037?\020w_? \314\224\276\357\223\201>6B\216>\016l=>\002\005f\276\246\010\304\275V\372\277\276\221\376|>\254\310\212\276s\2506\275\206\256\033?D\026X\276\243-K=N\362\253>\272\342\316;>\345\207>\311\030H\276\232\217\352\275/\234\201>\376I\225\276\027IH><\206\000=\002l\312>\317/\003?\203\242\205\276\347b\004=\322|\264>\260>\354\274\211\032\276\274\017\254\336\274B\031w>\007\333\346=\2511\223\276\014\324\303>\253\363!\277\266\265\220>|z3\276\026b@\277l\225\367>D\220f\275\203hp\276\300z\200\275\024a\325\275\274?\321>\206P\254=\300s\307\276\343\243\031\276r\362\377>^\326\203\275\177\\\373\276\321`\374=\3169\002\277\336\272\214\276\355\360*>\342<+\276#\373\013=\235v\010>\374\010\010>\006\023\336>\336(X\276N\350\000\277q6B>0\266\274\276\344\307/,\021F>K\303\2659\312\310=iN\026\277\t\r\314\273\232\000P=W\004y>\211\315\210>#\372\223>a\266\"?\247(\355=9T\026\277\274\226\225>\233\232\014>~`u>\324\251\355>P\177\335\276|!$?m``>Cs\024\275N\363\360>A\251\333<\335\342\255>|\204\312\276j\221\313>Y\367a?3%e>\246G3?\034\360h>UL\206>\226\353\023\275\256\232e\276\371~T\276\32181?\202Jx\276\250\333\337>(\342\215=J\345V\276\373\225\026\277\277\005\204\2765\322\t?\371\231p>x:\364>\037\222\313=&\\\276>\250\251\021?\340\332\200?v\225\340>\2725\357\275\222i\323\276\337\3562?\277\257\271\276\246\343\316>\013\241\370>\2261\271>F_\020=\306T\242>\030\362c>\301\361\222=\213\016\355>\350\256#\275_\274s\276MM\244\275\031YF\277\030\222F?\021F\310>\241\016\t\277n8\250>\365\372,?%\303\017?\353{\216>N\007\376>\214\243\r?\033j\227=\227\221/?_\220\225\276\177N\203\276d)\220=k\340\032\276\202B\014?\241\203\206>\315\026\267>\376\003\204>9\036h>$w\204\275b\243\207\276\323ff\276\006o\367=>\267\021>f\253l>\007<=?\341b9?u\225\245\276\347}\343>\252D\034\277\227\376Q\275\314{z\276_\334\301\276#\352\301<\r\224\275=Jhh\276\246\343\220>\005\3102\272\321@%\2759\201\362\275 !\026\276k\264\034>\373\022\375\276\\\350\021\275\325\221\253=,&\212>\0030\021>\0078I>\016\370^\277\256\341\236\276\201>\256=)*j=H\302\304\274E\2534>\351\031t\276\237\261=\276hz\205\276\016x\217\277\354_\330\276U1\214=\242U\374>\304m\241\276\354\001B\276\302u\234>[,\343=\306R\320=\307\323\322=\r\300\327\275\336G\020?J\314@\277N\246{\274\236\371\330\276\265W<\276\325G@>.\031s\276\337\327Y>J\215[\276@\277\261\276tA\253=A\306z\276\257\027R\2768[\245>\313Q\000\276\221\252\213>|@\275\275\246\037j<\276\310\243>\352\263}\276\343\343\\>\373\347Z\275\303\236\346>\230\216f\276E\002\275\275\327v >\024N\203>\371\211\016>mwb\275\375w`\276\227\016\022\277\024\266\370\276\224?d\274K\370R=N\373\335>\3559\241>\253\346\022\277\336E,\276m7\237=*\3446\276\321%?\276`\025\336\276x\234W\276l\307\246\275\353q{\276\221\263\222\276\204\350&?\001\356\201\276E\020\370>\362SD\275\021\344\301\276}G\001\277\215\nU\276\230\214\345<\331\"\245>F.\271\276\036\301\274>\3107\357=\n\275\004=~SO\276\016q\'=\253W.\326\367\266\276kr\004?\032J&\277N\241\313=B\017&?3\214\363\275\204nY=\370\255{>ZS\305<\016\021\217=\0008\264\274\374Ra;\016?\325>\356\213\262\276\034\336\315>\365\317\215\275\220M\013>)\013\t?\013\010\245\276\332\255\267>N\277\035?*d\031?\264k\271>\247\347\222\276\202\022\203\276\030^\023>\202|\361\276}\252=>\323\006\235>\340w<=,*\274>@\250\013>gy\323=\360\376f\276)\220\266=|\230\303<\362d\215>\245\337\361>\332\200M<\\L\t\275\251\010\315\276R\033\332>\003c\033?_\221\300>s\004\264\276\207&\361;,\016\023\277\rI\364\276\030\240\340\275\322L\036\273Vz\242\276\004\313\374=\320z\230>\347\232\220\276\030o$>hq\326>\344\357K>\177\257\327\276\027\370\241\276?\347G\276E\231\020>!-D\2765\377\003\276V\217a\276i\210\265>\017\022\215\275\325\272\317=\n{.\276\237a\314=\001;\037?\210\377\177\275\037\246\243\276\000\315\017\277=\350#?{\322\363>}x]\276\025%S>\370\356\223?\327y5\277\024\310\214\254\016R?\312\225\327>G\247|\276Hi\320>\374w\034>)x\033\277\314\202,?!!f<\031\2413>\316\377\316\274\374\277\247>\316[-\277\026\262\213>\334j\001\277i(\261;\265\363\247=\277\001\302\275\245\0312? ,\210\2757C\205\275Ne\333\261\377\006\276\352\030\030?\242H\341\276\257\020c\275\246\207@?\004\232\\\275\270\225/\276h\257\247\275I8\305\276\3752S?\264\016G\2752\377|?\246\005\313<\375\306\270\276\311J\014\277}\005\034\276!D\004?\335\363V\276K\312\021=x\n\001?\377\004\321\276O\034>\277G\036V?v\251$\277\217\r\267<\222\356\303=\243\250\371>\022\215\031>\034\353\252\276\354P\303=]F0>\304\343\246>R\370\305\276\361\371z\276\336\311\202>\213\333Q?,\255m>w\037\016\276\361\303\200\2768\223\221>\001\027B?\254\376\266>\272\005\234\276+\322\222\276\257?\245\275\024\314\244\276\034\227\221=\253$Q>\322\272\027\276|\272\336=.v\342\273I^\260>!\371`\276U3\245\276\023c\327\276\355\017\005>\312\207\003\274\360\227\225=}\177\027\277\016A,>E\326\024?\300\247\334\276\n\003\330=\242\305\231\276f\252P>::\221=S\237,><\013\233\276\021\225\300<\014f\360=\212y\271>\373\316L\275\313w\277=\230\265\321\276+c\326\276\021\007\270\275\217H\036\276\230m\223>a\211v>\265\t\235=!WT>\002\365\370=9\242=>\257\310L=\274\232\324\276\203\332\214>\200J\370>\243\344\026>\230\0044?5\354j\277\031\213|?\237i\301>\213\227\002\277\205\350\005<\212c\003\277\026\234\202\276\363\343^\276\363\3265\277\303\306=>\335\236\036=^g\327\276\321\311\014<\013\020\277\275\334(T>\341@\277\276\331~\217;\241\375\221\276t\336\226>\242w)>\r\350d\276\334Z\004?l\236S>\001w\334<\021\212P?np:\276\007\207c\275\361\335\332>\271\355\005\277\310\304j\277\221\240.>\006\302\220\274\361\206\345\276\337\023l\274\311\325\336>]/:\276\223ed>\0258\224>\343\010\\\276^UY\277\216\257F\277\241\n\234\275:\260\014>Z\304\343\276\350\323\026\276gK\313\276\r\352\242>\025\"\231\275\235\262Y\275\3434\351\275zn\230\275\026\300\004>6D\224\276q\343\031\276P\"\003\272\014R\344\276\332\346\343>\314\363:>\355\032\214\275!Zz\275\003n\256\275k\307V>`\016\372>\3511B?\031G\305>\347\274\213\276A\235\213>\025\232\362>I\272\312>\217\324\031\277\314\037\373\276\340\365\222\276\225\243\300>\201L\006>Y\325\206\276\'\027\324=\365\214\217\274}\2066\277=\"<\274\241\326\254>\024\016#\276M:@?|\204->\177\252\">@\225L\276$\001\221>\263[\256>\234\234\347\275\341o\205=p\212\304\275\177uI>\360:\271=\260\351*\277\336.\032>]\243\337>\210\2647>\351z\025\276\203\233\344>\324\261\224\276\214\276\006\277MS\233\275\007\340\035?+\257\231=\211\211\242<\320p\236>\360\267\023\276s\253\337=\357;\n?\311\313\253>\341e\'?\372\232\323\276*\240\277\274z\331\000\275\366\200\005>\005\241\214>\'\317<\276\013XH\276\313\245\262>m\364\214\275\200\213{\276Q\310\342>h2[\275Kp\307>\261E\225>\275{\203\275T\311\006?B\314\207\276]\343\222>u\243\264=\334\000\016>R\204\265;`\004:>I\256\261>\034\350\310=YN(\277&y\263\276\205\005\256\275\345\277\305=\014\275\204>=\250\262\276\211&\002?\002\272\324>`K\003=\332\024\315=\316\322\201\276\221\306y>\264\2035\276J4A\276I\222\"\276<\371\221\276v\302\250>\tS\022\277\020\t8\276*N\005?\301\371\316=\2651q\276\361\353\177\275\240\300\027>\n\275\226\275@\367\240>\254\325\325\276\234\353\222\276\376\022\317>\327\243\302>\006\244\203\276\nYa\2766\262F\276\316\274?\275f2n\276\0052\375>\312\372\223\276\257@\322=\020\2050?)6`>\257\206\255\274 J\234\276pK\031?\226M\314\275\346K\215>\030\210_>\276\020\242\276\375\311#?\210\360\270>ap\262=\332\027\007?y\224j\277\367\000\343\275\330\343\333\276\361\266v?\333\375\334\276)\262\343\275\205M\237\276\354\263-\277#\261\206\276g\275\"?\324#\217\276\007k\234>v\r5\277Mt\217>(J4?\023\270\252\276\247\376n=w\0370\2778\216\264=\270^\326=\034\000\304\274\313\300\010\2767\030$\277f\373\301\276\214\250\307\276\235\201\266<\351\3704\274\275\310\374>\261n\231>Qf(>-\346\331\276\234\227\n\276E\310h>\\\251\303>\340mC\277j\034\213>:;\003>\341\313\227>\377\207\327\276\202\3008\276\311\331\252\276\014\001p\276\276*\355=o+\003\277\010\227\030\271.\204\200\276\271;A\277\332\232\355\276\224\370\252<\240\003\324=\233\374\341\276|\371Y>F:\214\277\240\270\027\343k=`\343\202\277\221(\006?*>\254\275\370\363\366\276\3108\273?5\036\002?\2202u\277\027\025\303=\330\253\366\2762\177\313=^\371E\275\225\202\t\277\226\253R\277\252\241\332\276\363\346\301>\362\204x>\245\020k\277\\\247\216?\323U\005?!\013\363=\243\363\277\275[\265\021\277\177+\231<\343\300G\275d\327\211=\205\320#>r\320\201=\t\207\302\274\035s\"\275M\025\201>\032\263k>\"\265\212>k\035^\2763\207E?\023\365\226\276J>\035?C\260&>\0361@?\rG\221\275\233\223[\276\255\272_>5#\021\276\001\037\032>kn\364\276j\030\356=q\2611>\334\226u\277\201\200\033\276w+\253\276\236,\265\275\315\361\227=\365,-\276>\030(>\014E\272=\265\214\007\274o\235\264\273\0050\277\276\036\025\322\275\317\247\267\276\276\261\033>|D\271\272?l\257\275\310\304\263>w\024\210>\201\0215\276\266\231\205\274>\306J\277\340\302R>W\313`>s\241\017?\034\357\335\275s\026n>5\352r>=\356\327=L\216\371\276\377O\333\276\262\013\274\275\037\232/\275z\342\200>\267e\304\276\222\027\365\276\272\352\303\276\267l\003\275\373H\'=L\256\251\276\006\025$\276?1\005\276\3175\021\275\265\357\200=p\021\367>E;\304>\310\337\372\275S\316Z>>p&\276]\346O>P\353\352>$\314P\277h\361\213>q{\242>\246\353\213>\3507O<\220.\312\276\"\\\n\277\035\007g>\352N\277\276\335\225\222>\306\303\215\276\002\021\">([\200\276\341 \016?\365hI=,I\222>\322\334\221\275/AX\276PP\220=\r\306_\276\313@6\277\274\235\276;x\222\344>79G>\\\223\235\274ai\216=~\321<\276\020w\203\275\004&\375\276\260E\205\274c\264B\276\037\0148\277\366@\016?\225{\372>\021O0\277\"\210\313;_\327\032?\217\310\021\276#\264\225>\276\225u\275u\022\340\275\236\350\022?1x\304>\253`o\276\231\216,=\016\315\313\275F/\"\2760_\006\275\255\r<\276\236%X>\004\036;?\374g\024\276\361\211\020?\037^\341\275\373c\361\276\250\210\274>g\020\261\275\230\252\017\275\270b6>\225+\305\276\351\377\027=Z\257\237\276\251\274\273\275\250\372\n\276;\343(=\243/\032\277\2232\202Q\001\211>\014O\213\276\331\304\367><\227v>P\302\267\276\340v\341:\313\376\200>KeM\275H\375\235\275\221\3121\275C\312h>KN\344\276\333Fv>\177\344I<\232\205]>`E\206\274\247Q6?\225\224\200\275\251\250n\276\312\271\207>\275\260Z>\267\242#?\000\256\256>\252\372\370\274\374\354\267\275f\267Y>\217M\005>\332\343\311;\0341@<\007` \276#\370N=\222k\023?\330^\243\276\217\301q\276T\337\033\276\354]\232\276F\310|>\322\241\366\276\342qq\276\010j\004\277\t\247\226=f\327\\\275\340\221\355>z\235^\276\034\225\200?\347r#>V\006\"\276\316\257\367<.\037\023\277n\375\024\276q\231\320\274\ri\320>^E/\277eLx>UF_\276\264A\240>\320\000\336=\033n\272f\360\004>\305\276\220=Y\270\306>l\202\336\275\3062\213I\027\200>ne4>\372\022\264\273\304\226t>\343\260-\276\271z\222=\320OT>\203o\022?PF\247\276\220\tl>K\246\016\275Y_\264\276\224\212\020?;=\304\275\323\023g>G/\366\276\332\365\372=\023Hu\276\004q\344\276-05>\266\304\206>F\315\342>>Eh\277\013\026\255=k\323\273\275S7\225>\032\333\367=\000\032\255>=\216j>c\377\203\274\273\245\266\276k\035\232\275\315b\347\275\342\234\021\276\311\037\247\276\205f%>\r\371\256\276\rde\276Q|Q\276\030>$>\310\035\336>6\327\031>\354\311\237\276\370\024\000?\353\340\247>\001?\r?}a\026>~K\256\276\320\312m\276\250\351\031\276\360@\314\276\375S\217>Kph\276C\365\005?\026\3419=\3341\017\276 \034\">\n\370\340\276Q\321\302\276#\351\234\276|\306\222>I\354\\=\376\301\223>0\026\014>n~5>\260\331\226\275\232E\346=1\270b=ju\346\274\325\377G>\222\003/\277\231\031\270\276C\213\004\275\002\264\351>7\262s=\343_\265\273\307\344\323>\212\254\177;\254\202T\276\376\325\002\276\231Md\276\324R\341<\217\371\212\277q\241\037\277\363\252.>\026\253\033>\213\217+=QG\266\275\237\274\332=\210\266\302>\314\312\350>w\305\013?\352 \"\275\353tE\276\333\035\246>.\001\304\276G\2563\275\030\013.>\234Ew\277\031\256\221\275\246\037\261\276i\206\203\276\306\231 ?9\207\205=\217\312+\276\'<4\277\177\221\234\276\334\204Z>\311F\267>\377\257C\277\262\333\024\2777\032\306\276\333\322\336=UJ\036>\357[\255\275\022\335v>\321\027\250<\223\002\224\274\341\311\373\276/\312\223>5\224\2422\342\205\275\227\327\336\275\033e\234>\350RT\275\001\204\023\277\374\037J\276B\333\357\274\201\376\023\277i\241_\276{\024J>m\253\226\277-\033\002\277\324`\274\276\275\254\247>d\016\021\277v4\324\274\000\240 \277@53>\240\240G\276\342\022(\277,c\004\277\243\027\271=\222\216?\276\200yL\2760\'\214\275\307_W\277kO\323>r\036\274=\340\234&?\327*\202>\376\201&\277\244I)\276gn\366\276\271\211\343\276\350\004\025\276\377!R>\360\350\321=\256\\\220\276~\367*\276\263\362:>\010\225\024\277\260\315\260>\216yo>(\255Y?\363\242\375>\253k\242=N\366r>\375f\220\275\250\206->\006[\210\276s.\000\276\004\224\024>\034zn>\345\377\225>\236\323%\277\327\253\034\276\347\032\325\276oF\245=\346\345`\276\272T\314=\377\342X\276\037\220\310>\332\262v\275\006\377\313>\003G\260=\203\246T\204>\215\274\232\301\217\276],\274>k~\014\277\340\n\033\277\026H\307\275\313\371\240\276\261\232\"\275\230\253\300\276\033B\327>oz2\276\315\254\"\274\253\243\250\275F\275=\276\034\001\n\2779\t\317\275\264|\277>j:V\277\345\336\346\276\241\022\017?A5\221>\030w\273\275fJ\203\275\003\347:\277}\212\020?\226\243x\276\333P\370>Y\375\267\276\021P\312\276\373\035\250>P\266\330\276\355\317\205\276\027WA\000>\225^+?\010\206\266>\253^E>\020\244\344\275|\271\303\276Iu\017\277\\\233\303\274n_\212\275#\327\337\275\364P\210\276\252\014&?\374\312\346>g\307\325=I\250\367\276\005\373\232\276\364\000\013\277R\300\031\276-?\305>\024\244\200\276\366<\337\275\332M\222\275\367\330\017>\353\0322\276\303y~\276Sr\336\276C\373\033=\367\366\263\276\266\302\021\276\347\376\305>\224Z\032?\312\332\252>\236\351\350=\374\266\202>\243w\013\2771U\002\277<\325*\2764\341\035?=4\210\276\t=\220\276\354q\010\276\020\311\252>\376!\202=\232S\200>\251\360\377\276\274\256(\276:X\257\276\241\344f\276oL\020?b\214\010=b\373\265\276\315~\027\276\'\024o>w\351]\277\373i\237>\'\331k>Fe\303\276)\341\\>\341\374\356>\301|\367=P,\'>\317}]>\357~\376;\254\311\025\277v\340\316=\223\237 \277\223\204\036>{\261A>\256\214\240>\nH4?\033\254\333=\363#\236>n\036\335=&\021\004>\313\'\021?\031\257\016>\260\367\303>\334\034\264=\255H\310>\0033\004=LZ\245\275\231\313M=r\022\207>B\2016>~\277\241>\n\227\003\277\366\224\224\276\031\013v?\201b\225>p\030k\276\333s9\276\302\360\004>.!\350\276\261\237O\276\202\2544\276\233#\205>\3607\213>J\316\343\275/\331\002=\265m)>\013C\276>\203Bp\275C\314J\276\263\257\013\277M\232m?O\200d\275\222\220\025\277{\032Q\276\n\353\254?\233\256\204?BES<\3412S\276\311{7>(\016(=2\235b\275\030\331\350=)\314\260\276$\310\311>\325p#?\3469\005?\206s\033\276\375QG>\233x\320\276^\223\325\275\036I\032>5\364\263=\360\366\220>,\336H>B\334\267>)Q\246=\021\254\316>\226y\014\275R\230\235>\213\030F>\232\026\366>K\367\370\276<\031\270=b\367\306\276\321l\003?\276\006L\274\342\334\321\276\303-\310\276\220X\315>CM\n=\273\001\210=\242&v>/%\235\276S\243$>-F\256\276\306\334\243>\002\350\306\276Q\244C=RQ@>\257\241\354>\357\243@?%\325\013?\360\030r=k\201\027>T\256n>\003;\321\274\301\342\370\275\341J1=\300*\362\273{\340\206>09|\274D\303\342>\332\014\0024J|==\373F<\237e^\276>\340\233=1\t\264\276[:\t\277\355\207\004\277\027G\367\275\304+\370=M6\360=\256\253\372\274\211\244\234>s\337\315\276]\013^\275\231\335\005\275V\003\201\276D?\306=\247=\305\276\0300\313\274>\037\237>\261\256\023?\273\t\200\276\235F\240\276e\332\345>a\211p>m\247\247\274H\225\002?\361\274\300\276\232P\257>^\247\346\276q\253{\276\315\033Z>\312_\027\276 \337\210>\031`\003<\242g\225>\356<\035=\236\343\r\2754U\021\276\213\335c>\353O\017\277\364\243\345\275l\224\217>e\020\034\2765\006\031>m\2263\276p\223\361\275\272\335\274\276H>J\276\372N\002>\306gl>\201\3452>\272\\\211\275;O\003>\250\255\274>\302>2>\030b\233=i\2668>\362\024\375\276\240\241\234>9L4\276M7\230=\3459\275\276;zw>\007s\021\276O;2\276D\260v\275\370S\263>\313\034 \276(\007\025\276d4\005>\001\242e;\347\304\234=\263,L>\224\215\026?\270~\355<\2610\035\276\341R\"\276V\360\272\276o\335m\275R\007A\276\342\222\323\276J\351\202>&\352\006=\251(\000>\321\271v>5\200\243>\317\300\241\276\232x\213\204\023\000\276jo\217=\032\374Z\276\016\350:\274\270Fw\367>\352s\t?fK\233\276\010>Y\276d,\337>a\370K>i\350\023\276\213b\000\277\232\227\254\275K\237a>\314\221+>\255I\201\277m\260\335\276\010\357p\276\347-!>\302\\U=\250\240 ?\002\276k=\2506\300>\017\313\006\277\342\376\003\277\226\020\231\275&\304X\275=\302\032\276 \341\256\2766\234\214?\226L\032\276\323\257\305\276H\306\316\276\255\344\333\276f\n\002\277)\344Y\277@\361\257\275\342#\240\2767\344\257=\206\235\364=\265c\005\277\334\347A\276j\216\201>\t\352\264\276={\253\276\203\331{\276\021\266{\276f\341M\277:\323\262\276\332\034\271\276\376\231\316\275UR\\\276\216\277\253\2760M\221\276\253A\016\276\270\233\254\276\201\352\243\276\365\372\273\274\361\346\214>\221\202\261>\213\317V\275\270\2253>\335~}\276E\316\245=\374\032\245<\027\034\027\277\366\325\t\276\350X\346>\215D<>\013\222\022\276W\272g>\343\206\351\276\365r\221\276\177e\016\276\014\025d\276\314\217B\276\255h\023?\363Q\004\276$\211=\277\2433L\277}\366\332=\335\024t\276\354\037\267\276\323\311\242=\343\337\360>\213\351X\276\356\274:>\206\242\307\275\036\205\370\276ig\207\275\223\311\264=\201\000\374\276\255WB\276O\021u>\031\335$>b@\277\276\267_\303\275}4\252>H\323\315\275z\264K\2765*\327\275\245N\351;T\261\306\275\242I\034\276\202\300T?\004\n\002\277\364\227J\277f\031/\276\270\213\207\277;\334a>\347\247 =\334\372\037?Db\342\276\214_\304\276\035\315\005\274\017\007\312=\334\232\313\276-\345M=\352\344\005\276\365U\004\277\276[\202=^2W\277\202\332\235\275??\320>a\310\363=JT\245\274\374\324u\276\353\"`\276C\345^\276\350`\361=d\326\326\276\3119\376=\340\332%\277D\360\314\276A\226\277\275\334\013=\276\327\035\212\275\261\033!\275m@\277\276\336\243\322>`\323\360\276\341\344\263>\272,\256\276\216v\354>\334\301\260<\213[\237\275\234\\:\276\215\363V\276\276~\320\274\357\226\r\276%\357s>\021,/>\3078\237=\036\202g:\255\340\t\276\326\020\324>5\223\357>,\340n\274)\366\230\276\267\230\325\276\303\307\233\276\236<\n>S\217,\276\227\253\030>\327\261\016\2768\274Q\276\022\324\212=\331&\364\276\307;\007?\025k\200>IKg>\212\371\n;\331\204\366\276\305d\026?\251\242\351\274X\204\367\031\244\276>\014P\010>\232Y\274\276\030%`\276\366O\342\275\335(\216\274\023Q\242\276u\236\356\274S\n3?\322\354\002\277\256\343z\27657\">\031G\235>:\n\013\277\344?K\275p\027\272>\267\331_>J\024\264\276Ei\202\277P\n\311\275\307\341\265=\363\272:=\347h\025\276\376\223/>(6\216\276\017\200%=\202\326\367\276\337\2435>\203\3304=\212\375\031?rN\232=%\343\253<\016\220\207>a\361\247\276\311\204\307\276\311\000\032\277+\323,\276\357\007\334=\t!\331>\330~\203\275\r\376r>\027y\206=\261AP\276\014\t\213\276\312{t\276\250\374H=\220l7\2771\200\247\276wxL\276\310\217\373>\000\256d\277\355\376\366\271G@\330\276\351\207\023\277\204\035h\276O\n\213\276\002\300*\277\220}\327=ov*=\204\302\221\276\362\010\312\275\325 \022>J*W\277X\244\315>\365\023\333\275\004k\036?\211\373\353\276\316x\000?:\372\031\276R\367\032>\034\314\204>\\\r\304=\260\333\261=\002\227\245\276\223\244\326=\347\206\000\276#]1\276v3\013\277\024p\267\275U\276-\276\020p\240>\353Z2\276\321!\027?aV\t?:\350\377\275Y\246\016>\337\271Z\276\2167\373\276\351\222 \275v\367\016\275\037fF>\226\335\200\275d\362\r?\263w\250>4K\204\276\346\'\264\275T\342\014\277\3051\227\277Q\205\204\276\317/\006\277\204-\323\275\235\363l>9\264\r?\316D\207=!\004\023\276\277\2459\275\246\346o=?k\245\276P\"\177>\360\030\216>_\316;\277\232\3576\277\317\327b>=%\227\2754o\005s4\203\276Xp\346=\227\002\267\275\207N\207\277\n\226E>\247@f\275\222\250G?\274\023\205>\324\304\367\2760%\377=(\252\354\276\230[r>\213Y>\276\246P\030\276y\035\365>\020\001\234=\0011\224\275\2053\225>\2641\210>b\241\022\276\376\035\222\276\001*\217>9zT\277s\266x>7\236\007\277\332\351\344\274l\261\236>z]\253\275HP\361\275\177\277\200=\010xU>\235\211\256\276A\366Y=\210Q\371>\220<,=_\036\303\274>=\236>\356\312\200\275\314\232\013>\317\236\262>\005\347\322\275\035\033\354\276\235g\270\276}\035\235>\003u\261\276\276F\345\276\221,\004?2\233\236\274\377\\\302=c\206I\273\311\351\351\275\340\300\322\276\345\324\242\276\242\341\035=\206\212\211=Ry\270>FI\213\2756\026\255>e\224\335>\023\312\367\274\217\327G\276\305\031 >\273\237\310>|_\223=\357@\032\2744=\017\275\030\237\266\276M\372\277>\037\0267\277\255,M\276N\021\006\277#,\017\276*7p>\221\224\320<\264~\033\277\364e\203\276}5\302=&c\341>\034\022\"?\010\006\224\276\214H\217>\303\3149\276k\271\322\2760\311\037=\332D\324>l0)?\303\323o?RQ\027\276\232\3126?\351,\n=\265n\016\277@[l\276n\025\346=b%z\276\267\265\267>y8\276=\352\264\366=\277\255\343\276\357\227\226\275q\001^?[5\006?\273d\256<\245\004\363\276a\366\376=N`\237>^\017\332=\246\347\260\276\325\375;\277gA\017?5`\301\276\317I\264\276\266\213\270>\370b\007>w\235\342\276\375\363y>]\244\t?*\270\307>\214>r=N\232\020>\324k\005\277\233\001\275=\310\215\253>\274\351/\277N\235\231\276\271\373\367\275\t\3709\277Zq6?\253\311c>\231\3602>q\235S?\300\"\202\273\001oj>\032k\256;\214\005%=_\207\263\276\213\025\334>\332\033\026>\014y\010\277\214i\270;\310\212\026\275|2\300>\'\353Y=\020\312\022\276\\R\333>;`6\276\302\201\346\276\306Z\267;-\243C?\204\216\264>\271\277\243\276\024\250\261>K\004:\275\312\213\234\276\337\324\230\276V\331\211\276}\215a\276\272\200\007\277{+S\277\375\203\366<\2059\212=\006F\207<\352H\337>uM\004\276Ec\266\276G\325\274>\3401\240\276H\002Y>\014\302\037D\217>\303\031\313\274}U\324>\262X\256\274e\260\225=\235+K?:8v\276\020w\216\276\310\001\203\274}w\355>\231\225\267\276\316b$?\326\303\376\275\373\363\273\276\016*\000\276i~\365\276\313\2527?\214\242G>\245\256\022>\257\223=?\243\330\313>\216\224\227>,\211\032\276\367\014\246>\266\335\331\276%|\005\276\310|\222>\304Ax\276\"\030\306<\004%\373>\371\245\222\274ss\005\276\374G\216\274 \t\227=\272\373`>\206\0334>B\376\013\276\004\216\211>H}\272>,D\217\276\335\217\231>\357\340\370>~M\257\273\246j\231>\275\026~\275W%\203\274RA\372\276]H\036?\373\344\267>\"C\324=\255\006\003=\212\242\325\275\333\272\265=Z#\257\276\366Q\034<\301\233\232>\206\225\223\276i}\246\225EL\277\\\203\207\275\364\330\204>\311\035\004\2766S)\277%\257\023\2774\276\233=}\236\363\276o\347\004>\010\375\243:e9\340\274\230\003\000\276\345K\227?\261\025\346\275U\261\343\276\367\360\230\2761\217r\276(\226\336\275\212\224\234\275\005\263\013\277\206\320\261>p\245}<\313[\032\277\353\362Y\276H\321\020\277\246\224\373\276Lu3\277\036\304\354<\267$\245=\331$\354>\013\257!>Ql\312=\031\320\232\276\272{\010?\021i\013=#|\207\276\020I\266\275\212\266\356\276\217o-<\216\336\303>_u\304=\205\006\234\276-\276B\276\361X\221>\251P\316\276\371\321\250<\366\363C\277r\213\005\276Z\277\362\273/B/?W\214\361=\247P\254=\207)\254\276\364\344\252\276\274mC>i\327\204<\214L\376\275\267\306\361\230\341\360<\000\246\003>\235Qt=\002\030\305\2765\233\033\277\r{r<:\337D\274%\3026\275\273\032z\276\177\326E>\3523\251\276\315qm>U\376<\276\327p\024\276\370\221\310\276v\306\227\276&\t\025\277-\t\302>\2139{\276\262b\272=IX6?\312$!\275\217\251\030>qY\230\276\361p<\277\030\365\375=#\000\304\274\036]\036>\2624x>\335\200\335\276\314X\216>E\360:\275L\335\023\277e\373\201=.\276\225=\304\036\233\276\223L3>\202\326\210\276\034\205Z\276\316\374~>h:q\276\007\222\357=\354\371t>\226m\305>\240\341t\276\262l[\2768\347\216\276~\345\373\275.\016K\277\374\207)<~\224\367=\206^\t\277c\377k\275JR\202\276\277\354~\276/\030l\277x\360\262\276<\307\372\276\364\024\314\276\323\002\252<\376%h\277TL\301>\006D\022>\342\001\001>P\034\030\277\026\330\214>\246\240\230\276\014w\230>XL\023\277\304H5\277\307\006\203\277%\267\206=\220i\'\276\242G\017=\031\354U>\'\372\377\275V\000\225=8M\304\276\261\224\"=\200\315\355\275X{K\275\270\024\316\276\312A~=\211\311[\276\036X\376=\2022\333;\307\006h\276\037J\022\276\270\231\206>\267LF\277\010\362\034\275\330\230\224\276\315\025\255=\210\311\233\276O\036\362\275}\277->$\020\355>\210\317\322\276\365\232\375\2764\200\006<\036(\223\276\0350\321=\361\026\\\275\373>l>\274O\014\277\220\232\307\276K~\245>\037\274\305\275@-p\276\264\220\321\275\3657\273>\266\267\234>s<\013\276B\247\307=;\212\n\2774@\220\275\226(\022=\325\330\231\276?\r\027>Y%\303>\231N\340>d\036\336\276\375\t\'>=U\226>\256\027f\275\204vn\276\247\270Y\276\242\250\347\274\342 }\275a\362\327:\342\252\250\274o\001\236>\030\322\034\276v\032?>>\373\240\276\243\3015=\006\0305\275U+\210\276\355\253\310=\353>\216>7\316\270b\341\305=\002\261*>\345\256o\276A\315\r?\323\201\033?\312\017\003?\0131\204\276\230<\034\276\240`\005\277\0141\374>\\\335\255=\334\362s>m\332\202?`\233\201>\367 \260>6Q\"?\377\242\341\274\375p\205\274\205\362\221>\n\310\304\275)\265\035\276S\265\240\275\246\261\236>\273\010\244>\017kh\277\250\334\037=\t\251\r\277U\354I=!\232\306=\272\013N\276\263p\\>*c\020\276)>7aoh\276cW\254>\213\352\t?\302\267\356\276\252\327\252=\332L\344>\347`\215\276a\270\337>8\025\014\277\204\235\216\276/\367\375>g\310\377\2761\244\020\277\234g\224\275\0260\006\277\213\234\264\276\\\327\021?\001\271/\276J\266\316\276H^\024\275\251\213\037\276[\276\252\276]\242Z>6\217\273\276p\016\261>\334\034\233\276\224.]\277F\310\222\274\341Ld>\357w\334\275t\375\362\2757\370\004\277\373\002\261\276!\366\271\276\222\265\252\276\013\275\253\276\234J\261\276\325\233}>{\274\r\277\234\243\233\276\351\265\033\276[c[>\252\322\010\277-_\254\2758\371\310>\306\346\342>\261\236\326=5\341\211>\330N\n\276\332*>\276v\346\230\276Fm#\316\262\226>\347\\\022?\tZ\375<\350\177\325=\363\207\327\276~\027q\275\322m\007\276\004\366\016\275r\017\021\277\022hB=*\331\247\276S\207\266\276\327\362\014\277\242-\007?U\372\t\277;\036h\276KA\032\277\342mQ=SZn>\224B\245>)|W=,\223\335\273\031\251\210\277\246F\273\274\316lC\276\021\301O<6\007\240\276\016\256\301>\361\255`\2756i\277\275\241\261\337=YZ\'=\t\236\322>\360\373\203\275gc#\277?\324\021\277&\374\352\276\002\376*\277Iw\227\276\246\004\005?}\347\330\275\260?\345\274W\316\231\275\t\2657>\355k\215\274\326g\177\276\266U\366\275\245\337\325;\034\267\373= \255\201=L\010\020\276\207\300\373<\022f\222=\367\207\310\276\036+\251\276|J\330>\253\t0\275\033\014\240\276\202A9>\020e\t?\000\222\227>\301$\301\275kp$\276\261\247\267>Y\212\316\253\014G<\000\004\256>k#\336>\002\261\366\334x\346\274\314\3522\275\362\3762>\236\006\030\276E5\353>\224\2509=\032\025\016?eQ\211\276r\023W\2765n-\276\267\356\201>oi\304\274\257\334\230\275\323<%>\205\"\016\277\037\362\034>\3276>>nI\001?\345\376 \276r\021\315=O\'];(\314\213\276$\216\325\276\377\263\244>\350\331\342\273F\366\374>\277O2>+\346d>\013\021\031\275(\336\t\275\261T\364\275\2025\235<\341;\000?O\303f\276yY\001\276z8:\276\235\320\212=,_\250\276\311\377 ?\272?9\276\201\365\227=\342[\177\276\"\344\230\234.\276\314\003y>\335\317\362\276\236\342$\277\213\356\217\276~\025\246\276q\t\323\276V!\272>\205\225\274\275\312\310|>\226\214\247\275\361\335\031?\335\021\323\276\177v\334=\2524u=\274\247d\276\2271A\276\362\271%?\3320m>,U\022\277&\340\261>\225n\024?\347\2454?\355\371\234\276C\036&?i\3219\274\354\017\202>\'\371\344\275T\2105<\037\003C>nJp\276F\216I>\016#\374\275\035\304\202=\016\256N?\345{\354>\377\226\007\277\267\324\202>E\335,\277\177\311~>\215\260\'\277\311\244>?\217\026\025\2771\023\343\276#\370\032=\032\351p?|2E>\345\361\242\275\013\251\210\276d\237~>+\023\023?t\343K=\317\272:>\025^\364\276\301s\366\273\270\3218\277\231\'5\276\224K\276>\027\327\r?\237}\355\275L\321L>\360\0363\276)\355@\276A\237\200?\210)\005?n\335\n?\225\374\004>\216P\220>\013\363#=KwG\274J\002\270=\314\332\366\275\204\007Q>E\343\">\361\217\220\276\261\217\234\276\034\345\272\275mE\232\276\013\023`>\263\275\226?\330VS\275}\371\303=\213\251\342;\030\032\340>\377\361\245>\323}\202\275\013\365\r\276\314Zp\276\275\333K\276\254\003\014\275\347 \"?}\202\250=\336Y\206\274\034\222M?!\321\210\276\373u\314=\237\022\022\276\020\354Z\276\277.\004?\343\355\245>+aj>F\031\"\276\262[(>\371X\217>\033\320\005?\322Y6\276\270\271(=\030\261\375\276\033\367[>\"\333\311:g^`\276wvK\275-\316\306=Bq=<\205iU>\377\3653>\357\005\242=\223%+\276\307s\313=\312\2603>\035c\033\276{D/\276\334]\033\276\273\001f\275\372}\014;\301aw>|\316U\276\274\365\257>Ct\370>\272\344\227\276V7\026\277X\272<\275\242\207\343>\035@\324\275\343\276\227=!\203B\276\372]d\276\216\273\233\276\006:\232>\3642\275=G\325\227\2763\350\001?\n\307\017>\275RF<\032e\321\275\253\366\225\276({\362<\nU\3464\025Y>\205\000\030=\213\217\022=\206\306\017?J\237\031=H\022\r\277\310\342\240\275\205@\224\276\3524\244\276gw\364\276\223[!?K4\024=h\007\341>m[\251>\320\215+>\006\253\357\276\212\322\233\276K\200\005>m\336\r>{\242\243>Y\021\213>b\327x\2767<\354\275\004\331\322\276;\320?= ,\361\274\356d\027?w\035\330>\313\224V\277#Q\345\276s3\257\277\263\240\001G\350\257\276\032\014\312\276i\311\212\276\316\0212\273\341\220\020\277k\300\355\275)9h>J\360\201\277PD&\276\304\313\371>\340\277\000\277\255\240\366=\230\006\217>\3675\376\275\032\026t\276\344\213\235\276d>\241\276G3\247\276o\221q\276}\275\332\276\361\264\315\276w\010\034\276L\305\315[\340\032\276n\254<>\326\351T\277\214\202\\\277n\202\315\276\256\rt\276i!)\277D\267\276>c\246\312\275\305\255\234>\371\243\003?\221\364\211\277g\'\322>\314g\216>\205\221\204\276\2257\231>\303\301-\277Y\027\246\276\302QW\276\376X\200>w\325\261>\333\361\n?\331\303\017\277\247H\240>\346\365\036\277\211x\230\276~\273a\276\237\035\037\277\344\361\205=\266\373\031h6\r>7\271\323\276\252\366\237\277\335\023\211\275)\360\217\277\241\225\322>\371~\251\276a\005\255\276\246\273\311\276\214\261\247=t\347!\277\201\300\037\277\333\251\262\275\307mC;T\230\326\276og+\2742Y\205\275:\274\317\276)G\365>\322\032\350=\304\345\'>\242\033\232\275\316\034\013>O\311\020\277\350\201\314\276\330\260\\=X\337\376>H\213\r?\272\245j\276\210p\234>\000\332O\276\330\034\305=\320\177\324<(c\003=\\a\223\276\n\206\211\276UaW\276\273\314\261=\313\300\037=\'j/\276\242\223\n?\221G+\276MMP>P\2318\273u\354\204>\210\177\022?\331\034D\276\002\214p>6\365\270;\313v\334\272\032\010\006\276(\322\301<\352\325\006\277\255\331\024?\201\017\303\276%Y\310>h\037\242>\n\266\326\276\026\353\025\276\0275:\276V\021\304<\223p\233=d\314\214=\001+t> \273j>\241o\271>t\222\326<\033\rD>\t\354h<\333B\203\275\212\254\351\275\224>?>R\217\357\276\325\326!\275\003_\372\276Z\317\351\276\273d\213=\262\226\203>C\227\026?\335\335K\275/x\252=C\246E>\275mB\276\222N\253\276\242\217\257>i\307\275\276\345c\022\274o\340.\275O\320\317<-\003&?\262\261s>r\177z\276\271*\375\274R\367\250\276\220\273\260\276m-\304>~=\203><\361\241\276\300N\332>`;\203\276\362\227\316\276\307C\216>ZXc>\005>\237\276S*O>|0\337=\306\342n\276b\325\270>w\243#\276!\016\277\276\020\203=>4\024b\277\024}\336\276\203F\340=\266(\357\276+Uq\276l8\214<\034\341\001>\013}\022>ef:\277\027\264\003\276\n\342\261=\271\232s\276\177\351W\277\246\214\244=\206?\003\277E\326\221=\205M\'\275\244s\213\276\251H\026\275\357\267R>\234\252\274>Y\205T\275\372\t\350>\\n4\276\240W\326>]\tD?.~\243\276\326\321\t\277\212]\320>\215\343\316>\233\336\354\275\200l\251>\305{\335\275\206]\027;\273\034\346\275i*P\276#\255I=\0139\303\276$\004\341\276R\376F=\217\271U\276\305\223\206>\303\307\021>E\243\020??\2319\276\307f\036=sC\327\275\375\374\027\277\233nG\277\375?\016=C\2376=\366\311\243\276\271b:?\266\252\263\275k\247\324\276\332\341\342\276K\201\302\276\302\303\202\276\344$g=\246FB\275\005\370\356\276\370#\201?\003\313x\276\235J@>V\264\354\274%\254\003\277\033\225\222\275\304+T<\342\344\010\276\367\rA\277\262\342\340\276\227\202\334\276\002\032\246\274>\224\304=\005\211\234\275\210F\035\276h4-;\220\3059=\323\277\330>F\325O=%z\304\276$\202 \275\354~p=\345\311\331=\343\303\222\276\345k\353>\200L\315\275He[\277\237\216\210\277\243Y\205>w[\337=\347\262\254\274{\231\n\276\276\006\327\276\356C\227\276\353?!\277\304\236\214=\224\237$<\207\374@\276\344\030\301\276\035\360Q\276\331\363\251\275\250\260R>\001\266y;\'\256\303>)\024\223\276@\237\274;\0215\205=\t\203q\276\264B,\277\366\230(\277\321!\343\276G\233\207=\251\323\004\277\376\252\375=\327Y\234\276.1\335\276\353\236\303=\222b)>\210\375\255\275\207\304\027\2759\337g<\313\362\271=\365p \277\001mw\276\277\236\006\276pd\252\274\323\247C=?2\251\275P8\373\275R^8>\346\370\266>(s\250>\032I,\276\031\312\315\276\320\217\360>\001\371\262=\377\375\033>\330\320\204\276\022>\211\276\225\326d\274#\225F<\220\233\227\276\267$\275\275\335\227_\276\3002\005\276\225wv\276\265^\230>\234+\376>$mb>\226H\035>j\003\244\275\373\010\317\276\252Y\327>\031\'\242=2\325\213\274\204+\032\276\232\370\\>\002A\361\276\276\305\375=N\264B=;%\200>\244Az\276m6$=\222:\014=\224\313\227>E-U>a\346\356=\023\373*\277^\260\230>^\267\246\275\356\340t>\037\374\373=\202I\022?[\274\273\276 \020\340\276\334,\276=\345\n\025<\345T\233\276K\026c\276-X\311\276\253\374\312\276\332z\037\276\350\342\203\272\370\3649\276\217\013!>Ik\216>\223+\334\274\367$\313\276\343& \276\315\214\200\276\270+\373\276\260\251\375\2768A\037\277\3045\304>\005\345\024\275bCM>\321z\007\277\206Jy\276\376;\233?\202I\200\2769\362\373\276o\206+\277\322/\273\276 r\334\276\346\256\304=\312\277\263\276\"\335$>d\266\016\276\3056\245\276b\214\214\276\342\374`\2762\214o>\237\375#>\355\0302\2773\264\222\276\360\372G\276\241l\374\275\373\304;\273\356\346\034\276kz\210\276\304\026\002?\303\212\034\276\367p\220\276\352X\307=\206[\220\276|X\022>\235P\256\276\203\347\261\276`\271U>\007g\026>T\270\346=\274}\327>S\360\343>D\354\355\276\002\335Q>7\327*\277\226\323\363\275\177\243F\276^Y\341\276\202\256\203\276*\267\246\276\034[l\276\342$\363>\364\222\257\276\257\n\251\276\237\026R>-X\343\275\r$<\277$]\231>\326J\276\276\0201\014=6\300\212\277+\351X>i{\214\276j\212\005>\r\377,\277-,\266>_\026\200\276\270&8?J\032@\276\013\3701\276\347\025\303=m\002Q>R\313\004\277L\003\207\275\267yP\277\213\202W\276F\032F\2777P\236\276\370\326??<[\260\275tP\005?\014\237[\276\365\004\302\276\362\261z\277I\2303\277\000\224&\277)\311\212\2765\202\035>6\352w\275\274\311\262\275QX\376>\3414p=]\230\014?\225t\020\276\030\321\215\276`<\312\275\213Lh\276/\255\267=\031\247t>\274z\003?\001\3325?_\2729\276LHZ\275\303\345\217\276Q]`>\023\303\001>Q\307\">\213\303\332=\306,\022\277\311T\244>\031\3210>o\030\364=\353\241\333\275\246\366[\277\274x\016?\325\362\007\275\311}\332>\356\257\027?\016\375\317\273B\231\221={\245\202<\354q\306\276\321\3221\276\334\001\226>Wu\273=\033\226\n>\233\261\221>\014\037Y\275\302!\242=\0045\030=x\337t>\234J\315>g\244\247\276T\017Avg\237>e\257\217>\260\242E?\222AT\276$2\026=\214\317\204><\360\376\275\265\204[>89\212>\006\212\353\275z\275f\275G\006m\276\261u\003\276F\213\\=\2740>>\250\357\310\276\216\307\014\277C\236\371\275\213\356\343\275\014\260\321>\213#\316\276sIv\275\245\212\205>\2454\336=\375\366\\\273\230>\222\274\037\341/>U\217\014\277\017\271~\276\307\326I>\022m\337\276\340-\371\274\217A\206=\370\300\221\275v`\306\276\3648\255\276W\250\036\276.\355\252\275M\257i\2757\r\340=:#[\275\200\270X\276\205\nn\274+\244p=\223av\276\220*S\276i\373\340>\373\341\266\275\377\363\364\275RP\355\276!\221.?z\371\212\2745\260\025\276\214\246r\2754\213N\277\265\322\021\276\325\240E\276\254v\250\276H\263\240\276\330q\243<>\014\240=Y\214D\275\355P\026\275`\025\201?\274\001\311\276\270M\221>\r\217i\277\236 \363=\264g%\276\220\304\240>5P\211\276&\215\024\277\225\232\341\276\301\277!\276\017\246\367\276ax\303>3M\347\276q\357;\276\253\0070\277|\353?\276_\343\311>,xW>\006] \276\037\016s\276=\253\n=\262\'~\277#lZ\276\375\371\\=j\004R=\024\227\221\276o\205\014\277|\002\271\276\243\367\313\276@\363\273<\260fG>,\225\246>\255Q\200=\007\214\027\277v\266\333\276\212\"\022>O\253T\277^N\020>\220\237\314\273\214\323\372\275*\323\263<~\273\230=\027\0328>wLB\276$\036\274\276\364\365\013>\254u^\276\235N\306>\335O\006\277N)\013?\275\220\205\275\177_\256\275\304/\250\276d^\231>\266A\017?%R\233\275\2611\013\275\t\t\355>\276c\r>\037\303\006\274|\347\266>}\221\312=H\232\026\276\323\345\210\277\2140\007\277f\301\212>\246l\215>\030\024\026=\374o\367\276\302\261%\275lj\n\277\330\353\010\277\333\025\357=9@\006?\024\316b\276\371g\021\277\005\223\023:#\322\315\276m\243;?\355\223\031\277%!\227\276\226\322M>A*o>/d\025>x\020\203\273\213\210\237\276\2515a\276\\\270i>\222\321\'\276\2211\235>\224\322\226\276\272\364\026\276\342\312\017?Xl\340\276\232\206S?WZ\233>u\230\225=\264I*>\305\014V?\205\341\330>\017\223\314=\300\224\337\276M\371\326\276>&4>\207^\361\275\317\200\007\276A\337\251\274rR\003=\034\375\363\276\'\030\271=VuA\275F\366\327>\'#\267>\235\013~=\3678\234\276[\023\312=,R\205=`p\035>\270\230\016>*8\350\276\322\372\234\276%\016\"\277m-]>\322\344\026\276\023\013\212\276\2029O\275.\225\207=\025\022\235>\353F\200\276c\202\025?\366 \372>\256\214\324=\2734[\276\202\207\314>\320\323\301=\356\036X\277TI\276\275\202\022\301>\273$r\276z\335l>\007\313\360>\036\337\304\276U\375f\276\372W\243\275^\025\232\276\215\034 \276\367\210\271\276\367\275\261\276\366\335\235>\326\235\260\274\375\213\216>\331o\365>\334\n\204\2765DV\2753Kc>\244\341\365\275\306\215\007\277\204\035b\276`\334\004?&\306\256>\251*L<\266=\032\277N\376\014>r\256\032=L\232\232\276\220\223\306=>\251\245:\r\245m>M\352P\276\233\006\203>f\327c=`3\343>Eh\224\276$\326>\276\267!\337\275 IW\276\r),\276AM\321>\207\016\234\276\212\032\211\276\223Q\241>\262|2<\275B_?\303\010\035\277\305\237v>?v\303=N\351\365=\027\022\324=|E\001\277\260\325\272\275\253\271Y\276\257\366j\277u\231\033>\377V\237\276`\177\033?Y\001\312\276&\231\257\274\374\224\001>+\364\007?\035\366\340\365\007\"\275\345\3221\277B\277l>\224\367\014?\273-[>5(\263\276\213\351\005=\246\032\023?t\357\351\276}\333\303\275[\252F\276_1\275\275.\020\027\277*\220\212\275\234\3356>\032\267\306>Lh\273=N\274\344=\004\033\244\276^\342\354=\305\tQ\276\247\350\224\276\342A\260\276\035\253u=\353\226\200=\002\240\035>\201#]\274\301\345\337\275\316\306\014\276N\340\276=5\261\205\276\231\211\010\277f\220\254\276\315#\033\277\345\267u=\030-\022\277\363\034L\277\212d\256=PW\341\276\324\347\345=w\025\245>\307\231\250\276\331\016\017?M\356\240\274F\352\023>\250V\021\274\210\266\342\275\225\201x\276\235X\240\276l_D<\347?\332>9w\000?:sY\276I\034\215\276aI\263\275\177\376o\276\373\244\273\276\216\014\327=>\373\026\276\213\347W\276\357\031\222\276\336\\\355>]\340\264>l\360d>2\367\177=\371\276>\276,\032\032\276\023\262/\276\350\200\265>g\t\037\276\212U6>\214\210\034>\361T\020\277\306\204\034?\333\316\213\275\210A\025\277(\n\227>t+\300=EC\213>\230\200\002=\372o\250\276\337^\013=\274\274\000>\221]\263>\367K\254\276\371\322\2729r;~\277\026g*>e\265\250\276\222OS\275D\020\032>\274o\317\276\325UN\276\266bC>\225L\351\276RZ\004\276!\001\036\276G\2232\276\307Y\247\275\033\376\277\276\237B\025>!\370a>\r\037\025\275\014CH>p\017<\276$\037:>\007\216\232>#\242\235\276y\300H=d\363\302>\342\022\354=\025D\'?\275\275\023\276!oG>\003\207$\277V\326\341\275\252;)<\333<\247>\274\334\211>G@\260\276\t\021P\276\271\020\031?\345N)>SK\342\276b\\%\275/\207V>\237\273\224=^y\240>6\235\207<\267z\354\275\203\376\006?\021\366\257\276Y\247\204;\033U(\276/\002o\277Y\221v\276\372I\362>J\224\223mD\034\276\347pT\276\037\032\366\276n@p\276`,\224=\221\272+>\376[\214\275Y\205\223\276r2\n?\360\312\'\277\037@\330\274\213\361\310=\273gB>\306\3304<\033D3\276\2063.\276\251\177\231>|\254H>L5*\276\312\\\032?\021N\311=\\\302\272:\034V\323>^\373\\\275\323\031\352\276\231\275\025\277\344\030\024\275C\017\252\276\247ia\276\351\363\366\274\'\3237>\374\237\326=\032\272\253\275\'\377E?O3K>\223\211\336\276\232\343$\276k\260\313=\261\024\202>\016M*\277\032\036\371\276\227q\337\276}\232\215\276\325\207\024\277f\332\030\277!\222\235\276\314\"\025?\350\007`\276\030r\316=\361\375E\277P\363\017\277\262IG>\016t\236>U4\336\276R@{\2768\313\026>\352*\315\276\202^\307\2763\351\247>\253\277\020\277E\203\022>\'\204\025\276\276:6>)\257\001\277\261\337\205\276e\353\333\275\'\332\'\277\250\201D\277O\035[\276\036Z\236\276x\016\357\275\263\276\214\276Si-\276e\204\347\276\316\005\205=\"\004\370<[\322\204\275w\017\251\276\271\355\"=\333\177\375\276\316\211\006?-X$?\242>H=\302\354h>\0219I?~6\372>\'p\037>\322\004\236>\263\214\314\275\3560\317>\177\340\275\275M\022\371=\230\362\231\276\306\365V=1\351W\277\3238$?\037\306p>\333\255\217\276BZ \277\235_\210\276y\270/\277\265r~>\320\3456>\243\360\276\276o&\252\2761\027\356=\375M\361\276\240\035\351<\242\356\344>\343\211\245\276\021\342->\241x\202\276\255[\312<\2167\221\275\334*>>\r\273\022\276\340-s\276=\016\231\276\215\340\037\325\025\253>9\204\331\276}\000\213\274\346\353\200\276\236K\216\277\024K\030>\326\034J>9\253;\276\310D\037\276\177\365H\276\313\300\001?\272\234n\275\206\342\303\276m\224\343\300\025\037=\267\370\207>\215\025\243\275\ng\331\276\262\206\234\276\032\217\224\276\241\357e<7\224\376<\370\277^\276\347\355\035\276\302\202I\277q\036R>\376\205\226\276#\227X\276`To\275>u6\2770]b>e\001Z\276\375\225\266>~\342\000\277)c\003\277yz\002>GR\256\010\203>\025\352\265\275\314M\305>\177\032\016\277rY\363=\316\325\323\276\357\215\343\275\202\275y>\371(\264=\346E\020\276F\013\274\276\374\303\313\276m\375N=\243\232\227\276(g\200<\013\001\026\277\r\270\231=\266_\303>\211\223H=\373b\371\276f\354.\277\0160\365\273\006\242\332\276\'\305\220\275a:U\276e\031G>\361r\216\276\033\0310\277B\016v=(\344\032\276]\327\343\275\353+\021\276B\262\243\276pJ\230\275\303\323A\275F\2102=\233g`>3?}>\r\331\246=\350>\202>\240\332\336\276U,\331>)\324\334=\007s\274\276\304\2146>\360*\334\276L\336M>\241\223\237\273\360 \325>\343\034N>\031\323<\276\n\372\000\277\215\262\247\276G\354q?\177\320\022?\005s\030=*\301 >\316\336\332>\343\2064=\330\273\027\275L%\364\275\206\214S>\277\371\034?\247\251\212>\177\036\215\276n\001\244\274\021\373\245\"a\377>\276a\003\277\\GG?\350\266\217?\177\337\373\275\245Sh\276\214\376\360\016\035\376>\006\"I?:\367\356>\224A\275=\340&q=K\322\312\275\335] ?\265~\272>\362N\006\277.lH\275\341\313\240>x\322\215\276\321\002\360\276A\264L<\226~\210>x)\027?<\316\330>\3031:\277\035\370\331>\370\006O\277\360\275\002\277_%\201>\'\222\016?]\320\">N_f?\333\013\254>Z\2151\276\004]\225>2\001\206>?Xo>\354\210\244=\272J\017?;e\376\276\013..?%<\211\276\202\210\357>w~7>\274\245n>\303\002\n\277:\363\300=\215\331R>\305\234\223>\262\022\330>\203E9\276\376\212\240\275\265\230\033?\216\303\005?3f\226>\317\306E:M\254\325\276\260\264\016>\306\345\315=h5\255\276\307P\007\313\013\021>jx\010\2760v\323\274\254\350\262\274\320\231/\277>\326\215\276#\000t>%u\211>t\3472\276\204\317\254=\241\232\242>=\371\212=\034\237\216\276\365\027\307>wL\204\275M\246U\276\372r\355=\265$\022>\373\034\200\277\231_J?\'V\033?\243\321-\277G\030U?M?(\276\361\035\264\276\013\204\344>\241\0134\276mS\266>\352\003\221\275\201\321\253\275|)D>T\203\273\275\364\326\002>\3157\274\276\260\365v>\333\314$?\247M\033?\236\205\r\276\177\374\256=\r\010q\276\033\334\255>\311\363\346>\025~\252>\317\010\306\276\276@\356\276\331c\022=\302\306\027<,e\360\275\365\271d>;[\017?\023\223\007\276\352\321\313\275\324U\006>\215\311\364>~\267\202\276sP\t>\211X\033>\037\302\035>\013|t>x\270\351\2757\221\335>V\304\317\275\334\007\222\27549T\276\245q+=q(\365\274M\205\203=\376\264\330\276;\251\200:\026Bv>) \273>\366\n\232=\211\265\"?,\276/\2773Qk\274k2\036\273\024\366<\2761d\037\276\241\335(\276\030\374\014\2777\3653>\307=\261;\275\211\310<\312!!?rR\332-/\221>h\221\251\276\365\373P;|[I\276\226\232\275\273\352\237\301\275\257\275Q\276\222\037\307\273\346\203Z\277\275\232\037\277\217e\347>E\3419\276\275\251+=\354&\217\275\341\270\237\276No\212>\265\356\020>\037\343\002\277E\032\004\277\252\035u\277\242\322x\276\274XQ\277o>\334\276\367\270\022\277\263D\374\273\0223\244\276\231\214\021\275\"Vr\277i\002\360\275\352\311|\277m\251E\277\031:\225\276\353F\004?\257V\275=\303\304\246\276k\2268>_\007\000\277`*\324=\256\013k\276\217\032\263>D1\276\275\370\200\272<\225\311\205\277\300\323C=Q\2268\277\367\017\220\276\343\025{\276\347\013K\276\210X\202\276\261<\025\276\271t8\277^@\211\277F\225\031\276@5~\276#\205\324\276\273\236\366\274\220\276U\277|\247\353\276g\003\010?\200n\363>>\324\231\276.\304\313\276\322i\017<\274C\004\277\327\030\222\276c0\351\276n\322Y\276\275\344l\276\031\006\255\275\223\324=\277\341\260c\277\230Y\255\276\340\205u\276\376P0\276\265:\257\275(Q-\276\275[\"\277\270\241\210>f\022\236\275\356^^=\240\201\001\277?)\303\276\253\305h\276\260\025\347\276\226\037\010>\256\332\350\276`\217l=\227\204/\276nh\025>!Z\223\276Y\360C\275!\251\331\276\317q\r=Z\205\325\273u\r\345\276~\036*>wU\200>C\254\330\276#\231j\276c\326~P\267\220\276\333\2200\276\277k\214=\027\242\201\275\033[\376\276\346\204\250>\205\246\232>\324;\233\276\367\346\206\276\231\241\202\276\211,N>M7$\276hh#\277\021H\205\276]\036\037?\251\330[\275\202\276\255\276?U\014\277\212\257\037\277\304\353\223\274\273?\263:\345\003.\276-\361d\277 \256N=L\006\211\276\373?R>\200\306G>\005\')\277X$\347>q\257\352\275\036|\252\276\352\030 ?L\007\343=\205\317l\276\367s\241\277\265\000H\275\362\037\271\275\034\305\022\277=/\332\276\310m\350\2751\025\007\276W,\276=\207\227\263\276\002\342\010=0OX\276\314\326\326\276\237+i\276\202\333\024\277\342o\006=\365#\343=\276+\201==\314\314\276\237t\360\275i\203c\276;\330\217>F\373\035\277\317v\010\276\025\251I\276r\360\367\276<\373\034\277S\023\345=Ri\273>\240\330\261>\316\240\227<\216\337\212\276&\305c\2777P\035>5>\336\275D\365w\276\351@\264=W\360\'?\322n\232\276<\200\366\274\331\211N\276\2551\322\276\302\374A\277\377q\200=\374\233\345\276:\003\263\275\372!+\275\327\332q\276E\002\223\276|]\261\276\251e\345\275\020c\333;_7\264\276D\363\323<\356\275\362\276\267\273\211\2762H\223\276Z(\216> \202\210\276i4\177;\240\250\275<\373\302\255\276\216#\200=c\351\037\276\326*`\277lf8?\024\211D>\360\244P\277\355\330\347>\326\200G>;xO=<\332\213\276\345v\216\275\222F!\277\n\356S\276bA\253\276\255\360c\277\310lp\277\342\340\363\276\257\332r\275\034\226F>\243Dv\277\223\016\360>\346\223\306\276\301\251\317\276w\265\t\277n\3276\277b\241{>\nh\221\276\305q\361\275\312\034\025\276*\366\213\275\236r\212\276\341\336#?\225\177\204<\246+\253\276\025\344\246\275\216\245\205>:\203 \277E\213\002?\322\337\322>o5\224?\036~\022\276\236\022\356\276N|\373\275\"\'\236\276\225\217%>\214\017!\277\307\206\363:3n{>v\376\030\277\022\231g>\273\t*\277\024\343\355>\026\341\034?\244\361\016\277\023d\262\274\222\026\227=]c\324=\2675\244\276\345\376)\277\263\260\222\276\300s\267>\036\312\232\276\226\201\207>\023J\034\277\266j\216\275P\321b>\3315\317=\327\"\376\276\021\n\313=X\303p>\324\336 \276\242\253t>D\244q\274\323\370\214=\211Iv>`\271\323>\304\363\326>\231\300K>\343R\207>\252\201\030\277\360\364\305\276\250\216\274\276\332\021\021;k?\241=\260\255/\276\r\342\255\276\363\363\003\276U^\351=\263j\217\276&]\324>\020\246\256\275K\001\216>z \336>\370\354\230\276\357\031y\276\002\2657\273\030\031\177\276\r\266\014\276\004\333\223\2760\270\026>o\210(\276d*\252>r\243\t>\272\360t\276\276\002\214>\351u\362\276\227\366\346\275\253\207\311\276F\254J\276W\"\312\276\245\371\275\276\257%\214>\271\026/\276`\361)\276\020\275\017?\260\0246\277\rD(>\346Al>\331\245\312\276\t]\016?C\254\324>[\326<\276^\031\252=,\245B\2767\036I\277\350\004?>\265\2361\277\"w\220>\260\n\364=>%\256>\347wt>>M9>\3162<\275\336\0172\276\027\032\247>G\'\342\275\264\\\305=r\312$=uH@\276\275:\324>$\241y\276\236\220f\276\240\031\244>\202\355:\277\020\324\323\276\3134\223>\226\247\272>\347\005\035>\213/\245\274\233\327j\277S\000\\=^\373\200\275\374>\213\276\017oO?\306_8\276\001@\212\276Z\256!>_\n\262\276\256\363\252\276\3764\222>\023\004z\275\016D\212>\361\312\211\276GgP>\306t\203>\353\305\004?\306\206\013\276>z0\275\216\n\021>F-\244\276^\016\025\277\020XS>\230\347\'\276\276\006\026\275>\364M\277Ej\275>\346\007s\275Su^>\340u\246\276\020\356\202>\323\264.\277\265#\321>4\230\325<\364\017y\275\353\245\225=TT9>FH\"\276\231a\204=\263Ld:\304\330\346\275\025jw\276\373\273\004\27727\007>\206\r\270>\272\276\220\276q: ?i\311\255=\023K\270\274A\177\254>1\201\r=\363\225!?[\226\034?\323\0030\277\324\025\354>\201\302N>q\325->!U\326\276u\241\215=\317\324B?\257W\002>#\017\310>\302\355@\276*\274\024?Bn.>\250\323\"\276\213Y\025>\341@\335>\205\342\221>1}W\275_f\004?LDd>_~\254;\262/>>\362Q\364\276Xw\337>\240D{9\314b4>\237\304\217>\3139\256=tm\034??)\355>\010\244,>\261g\277>\333e<\277W\231\235\276\240h\r=\345\217\016?\3678\202>U\316\266>S:2=\247\"\251=\211\343\016>\371\260\374=\001\200\266=\345\305:>\300\372\237>\310_\031\276\212\277U\276\313\215\373\273[8\367>d\022=>m\355R?\25404>\356\243\213\272]\320\236>\266\t\243\27626\250<\216\027\231\276R\n\316>\214T@=\371h\271>\350\245\230>\336\177\005?\310Lb?@\230o\276\346\367\274>\220\215\303>/\327^?}\271\000?\225\224\025>\366\031s\275\322\272\217>\270\214\254>\361\227\202\275]f->\340\324\006\275`l\354\2768\324\346\275\300\363T=\344\257\036\277\245\355Y?p\324\336>\226a\003?\306&\211?\265> \277\210\037\252>\016\202\316>pc\327=T\363\n>\360\'\027?\261K\244>gI\005?\301\221^\276\'\016\226>\356\030\357=QBB\276W y\276Wt\314=\3754Q\276\353\022H\277\020\236\233>\323\310\361>\365\005\200>\372\204\250=#\263\354\276i\371\223\276\246\337\031>\023\202\223\276^Z\352;\276\342\'\277\250?\030\2765\315\231;\352\250\364\276sv\224>\324\227\315\276*&\027>\203{\227=vT\356=,\0218\273\000\003\261\275\227\271\215>]#\211>=\213\357\275\353\230\311\276\203m\364\276\177\2047>\"\003{>i\033\220>\365\323\343\276\312\r\'\276\331\361\216\275=\"\006\275\337q\335\275\215H\263>\265\276\023\276\220u\233>(\350\002?\267l\004>E8\'>A\254\354=\363^f\275R\242\346=\"\220\017\276\021\217\215<\264\035\030\276\332\006\347=:\203\317\276p\377O\276\327\370x>\277\016v\276|\0340\277\223L\237>KD\026?\355\252Z\276\352R\320\276=\265\212=\3770\226\276GG\366=\242M\177\275\316\257J>\347NC\274\'~\313>\260\210(\275\271V\323\274\343\263\003\275\333\217\271\276\344\336l>l\333N>%\276\373=\214`\3778<`\333\276\'\023\365>\001y\236\276\341\214E\276b9\263\276+\251\351>=\'g>^e\273>\007v\211>a\276\023?zAp\275\354\023\031\277o\"\221\276H\021\240\276\311\3013\277\034\261\373\275\372EB\276\002\205e\276\024\223\265\275\211\237\210\276\026\023|\355\3468=g7D=\033\031\021\274\013t\026?\351\017\003\277\273\267\265>\372\025\001\276\203s\275>\350\227\324=\355w\304=\005\355\'>1\256\364=\214\221b\275O\343\033=\n\nU\276.\303\274>\277\357\t=7\246Q\276=\215\'\274\025>\201\275\252\353#>>\243`\276%\324\032?\016t|>\315[\212\275\3479\335=\267\207\233\275(\351z>\203\251_>\350\273:=\270zt\276\000\004\364>w\236\007?>\203e>\306K,\276\007D\271\276\371\204K:\321I\220\276\225\226t;0>\232>N[\333=\251\365Q<\'\240\375>\335g\t\276\341:O\277\260_\004?\022tH\276\363\215\302\276R\242\231\276\320\275\207>\350\316\205>\311f\276=*):<\333\345\007\277X\367\333>R\177\313=\271\271\200\276\262q\031\277\342\r\321\276\351\036\310>\27682>\262\032\343=&\336\025>\346O\204\276?\265\275\276}\004B?\211\017\371=\270\017\330>\310:*\276\352\266Q\276\321X|\276\033\266C<\022\031\020\277\266\006t>&\317\276\2760\321\355=\275E\200\276\331\202\210\276\227\254\023\2763q@\277\362\177\222>>!\203>(\"\313=\361\263\322\276\261N\t\275\342\345\246\276\377\344\023\277S\032d\275\n\221y\276\220\373\331=s\304\021?\363\366C><\235\n>\341\202\346=\306\354\211=\331\325\327=s\230\251>\304\016\035>@\351\311>\032\010\023>\3661f>\205\277\257>\340x\t?\213j\352>F.9?\027\"\222=\371\306\376\274A\364\243\2760\256.\275\3375\342;hc/=\376\316\236>&\257\253>(\366\t?\275q\260\275{g\337\275\302G\n?\307\236Y=1\346\357>b]0>/\265\215>\224\311\000?1\350\010=Hk\037>\247\323\206\276\270FU>\211NL\276\210+K>\020\013\232=\357\223\\\276\342\256d?mu\013\275Y\214\364>5D\205>\211\007\244\276\352,`=\ny\357=o\310#\276g\2769?Ax\025=\234\316z\276Z\001\245=\316\373X>\200\331u\275\004x\230>\320\312\250>n\315\r=\207N\236\275\344\236\007>%a9\276\327kk=tT\331=;:\017?\2311\007\277\\@:\276\356\335\245<\215)\322\276~8\302=\3325\336\274\037r\273=\2062\247\276J\324\267=_\263r\276Qq\277\276\026BG>\270\227\265\275\275\3423?\316\224\201\275g\310>\276\265\360w\276\r\017;\276%\245\364\275>\260w\276\214\374m\276\236%v>C\375\247>l\032\247=\226\317\245\274M\364s>KY\237=\334\330\354\276\251\353k>\267\007\347\275\236\030\331\276\t\325j\276\3255\224>\373\312\227=\345D\230\276-{e>*\204 \276\321\024\247\276\177c\233\276\334\021q\277S\3715\276\177b\035\275\005\003:>`e\232\276<\263\245\276\314V\270\276\215T \277;\351S\276q\250]?g$\347>nTU\275<\2276>c\212%\277\2152\n=\235\263\022\277\316\275\013\276g{\036\276\300\227\361\276p\nx\276)\276\214\277\246DL\276\316\372\000\277y7\354>P \252\276\023\220\013=\362rw\277\362\233\322\276\237\225\207\276`\227\031\277\270\342\237\276\n\335\001?\020\331\241\2761<\243\276\3506\337<\313\365\336\276;\005\232>\355I\215\276g\304\r\277\026\255\210>g\313$\276\332E\324\276\274x\251>\r9\315\273\r\2322\276\231\332\022\276\020\216\341\276\216\362\353\276\315H\030\277\372h{\276\036\305\261\276\340\027\356\276\276<\177\276|_\314>\274CR\276ps\000\277\272\373\234\276Y\251S\276\252]?\277{\311\252=\t\316D\277\217\3130\274\006\373\215\276\237/\247=\374\274\321\276\342[L?Q\304,\277Z\321\'\277\034z=\277t\251\371=\237u\022\276\343(\232\275\223\257u\276a\351\270\276w\005-\276\361\355\372\276\230\230\376\276*\007\342\276\237ih\276\313\330k\277gS\217>\202\261\027\276@\224\226>\003\211\212\275 \306&=\0213\204\277{\231\367\276uVZ\277\357\235\236=\341\303\r\277\020J\313>\037u\223>I\210\375>b\260\260\276\014\334\354>\014\217\305\276\370\300\277>\235\034h\276\367(\240>\222\343\276>\331N7>q4\274>\354\334G\276\212\310.\277\245Ud\276\225\210\237\2756d;>w\207\002\2759\232\">s\346\304\275\217\243\256\276O\375C\275=\351\250\276\210\305\032=JR\301\276v8\351={f\001\276\354=\356<\356,m\276\021a\003>\303\333W=E\263C>\024\034\202>\023\316y\276\271\255(\277\204+\300\276\270P\233\276\0261\021\276\354\372\214\276:H\014\276Y\022\251\276\305\203\321\276-^0>V\305\373\276\251.\007>\024?!\276B;\037\277\tl\344>3Wh\273\301\260\276\275\007/\240\275\354A\241\276\024x\030\277\344\327\266>\260\374\002\277R`C\276fXy\2762\177\376=\251i\225\276U\302\002\277\306\223-\276|>f>\037\021\003>\002\304\234>\224\t\263\276\\*\303;\003\302\234\276\177\252\325\276\236(\'<\020r\026>T\025\224\276,\025\275\276\036^\013\277h\342\300\275;1V\277\274J\002\277$F\332\275\325\217\336\275Fn:<\"\207\223>\312\261\210\275\177L\306\275\230\345\277\276\025\300\231\275T\036?\277\273\334Q>+9\366\276\207\356`>\341h\026<(^\241=tL->zf/\276\345\255\361\276A\366>\277\241u\221\275=\216~=>^N\277\235#-?Ps\\>\025\273\350>\263\352\304\276Z\005A\276\376\010F?|\r2>\317\025\314\275p0J?oS\244>\277X\320>id\200=!\370%?\277k\341<\030\032\030=In\240\276\242J\000\275\317\312\235\276\345\356\345>\211\030(:H7\236\276\224\204\213?\023\330\330\276\316m\320\275\336\267\311>\0375D\276b\267\002\276s ?\276\'\344\031>(\264E?j\020\246\276r\'.\275\016\324\037>\316A\r?0&\337=\345)E\276\245\253V\277Q\016\272\274\'+\032>\310\353a\276\th8>\330\312\335\276\253,\333>\217\2523?\212\225U=\275\335\274>N\211\300>\246!`>9I\202\277o\364\343\274\234P0\276\353R\217\276Q\236O>J\"D\276;h\232>\016\232\275\276\207\2103?\372\325o>!\025y\277\365\034\377\275h\354 >\32690?b>\032?vo\212?\342\300l\277\035pu>D\250*\277\0271\220\276\260J\035?vZ\022>\365(\025?\333s\242>:_!\276\240&j\276i\337\217>\223w\\\275Z\321\335\275\237\n\005?\2410\204=\223<\257>[\342%>\242\323\013>06\237>\336\t\205\276\337\256/>\242\357\365\273-\014%>\026j\025\2771\271\337\275<\262\231\276\3672o>\001D\030=\214\372b=\014Y\321\276\020\316\317=k\250\202\275v\325#?{\242\255=E\304\251=\003\347J\325\315\235\276\376\231\016=<\256{>7\265\257>K\006A?\212\272\256>8\271\202\276\326\243\215\276-\001u=\355\270\203\276\275kY>\202\335\313=s\315\037>\327\226\275=P=\r\277\274s\221=\226k\306=\221o$\276\t\2639\276\230\314F\276^\212;\275\241F\346;\t\262U\277\350\020\240>\366K\237=[r\234\275\351\220\253\276G\tG\276@\245\243\274\006\202\316\276\210\323\203\276\315\2552\277\271VK\276)\334\016>\241\t\261>\220.>?\356K\226>#\253\332>\370 \223>0\344\253\275\244Bo=\256\224\014\277\223\006\336\276N\356\320>mtl>\235\317\302\276E{o>u\017\213\274\252\347\254>\333\177[>n=\241\276\377@\003?(\201u?Z)\004=s\214\224\276\301\376<\2766\217\237\276GJ\021?\320\231\220>pNf\276Y\205\363>\324h\270=g8 >\215\ns>\371\007\270=B\2656\276\202=\221\275U\340\316<\363\252\321\276\177\253\213\276\357n\205>(E9\275W\251\361\275\035wl=\335\271\247>\343\177\361:q\247\340\274=\267:\276\023WK>7\215[>^\247\251>\222\242B5\347/\276L6\002?\032\010\325>\361T\232\275\205\\\344=ow\205\276D\221r>\224!\357\275\303%\326\275\326\003\264>\237c\003>\232\242\331>\034\270!?\352\215H\274\\v\271>\313<\274> \007\223>\323\013\201=7t\237>\250\214\004\276\244\254#\275_\246\201>\231\214\233\275\250\254\334>E\013\377>\313v\256=-\327_?\337\217\273=\342I\356\275E\312\\>\014\220\302>e\275\371>\2455\004?,;\316>\2407\025?\3402\005?\371\372)\277\013\337u>RHS\277-\213\303>D\234\313\275g\255\253>o\356]>\356\234H>\260V\367>h\035\300>\234\313\205\276\327\007\256>\"}*>4\030\322\275n\315\327>H\013\030\277\362\013\364>MC\343=\030f\252\275\340\017_\276\362\210\t?\350!\021>\003\332\212\274\364Qq>n\205\323>\212S\240=\250&,?\321%\252>m\271\225=\033\'6\276\020UR>\226\234m>-\242\362\275#\330\t?X4\204\276\216\021\275;\353\277\302>r\020;?\030\217q>?\277\\>\210A\347=\373\332\334=\357I{>\200\000\027>\006\242\367\273\177\200\202\276\217\006@\276\260\362\235\275\177,\227>\213y1>\007)\304>\244\177\025\277\275:\262\275\264\351\223>G-\005?[\025\222>_\326\204>@\322\332>\217\357\341=z\341\363>\327\354\025?\016P\033=\203\231\304\275\325JD?^\220\253\276\226\377\000?xZ\362\275\231\2749?\252\023\203\276\260\352\010\276\022\276\373\273\262\t\r>&\005B>$H\367>\332R;>\233\374I?\376\320\037\276!*\027\277\315\007\350>\257\366\217>\335\371\201>\0263\325\276n\250\332=\001\355\225>\267\266\204\276\343d\336\27585\312>~\310x\275!b\014>|\355T\276\240\374&>\213A\001\276}\260\303=\000\245\362\275z\307\274\276I\034+\276\373i\024\277\241\241\010<\270\277\007\275v\357\270>\361Eq\276,q\026\276\272\307T<\3304\221;\204\373\217>\377\253\020>}\367\032\275\032\031\236\276,-`\276oU\216=\330\262\272\276\261xS\275\030\216\312>\023=\314>)\022\311\276:>!\277\221z~>\354\344\253\275\367\3240\276\362\335\">xt<\277\333R\"?\270\254\337>2\367\200\276\273^\364>\334\307\354>\"\227\235\276GR\006\277V\370\225\276\2062\023>\003A\330\276\272k\233>]\034&>\213X\211\276\216|\217\276\246\352\301\275\300e\225\276\'q\301>\360S\037\276\367#T=C\272\006?;p.>\332\375&=\321\216S\275nl1\276\375w\354=I\223\021?jo\n?\273\031\271\276o\034\245\276<\240}\276T\340\200\275\230\216T\276\177*\026?\\\353=?\253O\242>\220\241\002\276\273\347\265>\266\202\352\275S.\026\277\342EO\277A\007>\277e\036H\276\263E\037=\325\377\353>\000\311\036=\254\244\202\274,H\340>U4\211C\0313\276\311\230\255\275\244\031\376\276\356\020\024\275\372=g\276\340\'\224\274\033_\205:\373\313\245\276\007\371g\276+\315\371\276sE\250>\242F\375\273\315\322\311\276\334\236\221>\243\355\320=~\336\">\254yL?\265$\004\277mU\000\277-\356\303>A\205\n?\334\034\026\277\304\'\267\272\271\214V>=\377\343\276,\014\364>\237\371H>\014u\365\276\203\306\374>#\217\365\275\376E]\276223\275\332\340\037\277\272x\314\275\221*\212=\212\221\036>\254\3223=\311\246E\277\177\263\235\276\351\345\330\276W\027\216\274\216\030\360\276\024\311\"\276\303\373\364\276\217_\013>\274\005\274\276\354K\246=\355\033\277\275\004M\003>\316\030\311>:\377^<\325B.=H\020s>\270\233\236>\0341\"?[\263\331<\322\243R<\345\246\027\2756\246\r?\216\3234> {\307>Jo\362>{\244\036\277LA\302><\265@\275d\326\006\277pN\202\276\251\021\177\2762\312\201\276I\277r\277A\326f\276\214\245\343\275\207\r@\277=\007\377\276\000\225\241\276\232\010\250\274\364\2744\277V\001\267\27561\241>:\004\337\276K\373\276;\367\376]\274\371d\246\276\326)?\276\205\352$\2777\000\270\276\364)8\277\274\241O=f\006\205\275bJ\030\277\277A\302>\376\214\256\274`$\237\276\253a\310\275\032\250;>\275o\262>\232\250K\277<3(=\322\200\264>\257\256\214\277\267\002\'>\207\334\242=_\274\017\276~\033\277>\265G=\277\236\337\034>\361q\203\2764\334e\277\252~>\274\007\306[>MQ\320\276j\343\275\275X\277\236>\001\207/=\211\267\265\276\300\275\005\2751)\277\275*)\322>@\037\271>C+@\276\305s\216\275\200\'\253\276\302\373n>Z\n\031\277k7e\276\231h\010>\330\032\212\277SW\342\276\376\224@>\034\372\302>4\"{\275\243w\256\275{\263\311\276_\330}>\311\302z\276R*\362\275\263\320\030\277\220\234\000\276\r\325\210\276!\236Z\276c\225\201\276\207\213\322\2764\314\032\276\242kX>\356{M>\364&\360>\370\370\370\275\2779\262\276\020\341S\276\347\010\300>\366\265\217\275\264]9\276N>\340>\025E\202=\231\235~\276F\000J=\226w\236\276\000\214\353>\\$\273>\035&\216\277\220\375\347=E\213\201>\0054\221>\203S\224>S\240\223\276)c\016\277c\024\033\277\323JC>\272\371\276=\255\276\217\276Q\245t>n\312\374\276\037{\204>\220\266\026?\013\r\247>bh\'>\357E\366>\223w\233\351\305\000\277V\034,\275\316\000\026\275\276\330\355\275\236\'\037\2760\360%\276\250\004\264>\010\271\272\275\3410\177>o\351a\276)_)\276M\351\033?\265\212>\277M\002/>\233\226)>aS\177>\030%\336\276\002,\344>\352\232\370\275\362\311\326>\210\375\246=j\271\374\275\314\221\215\276\277\366D\276ni\245\276\311kN=/\3017>v,\257\274\217xQ\276\350\260\232\276\252\023\217=S\032A\275\214\353\221>\031_\341\276\212\200\221\276\337|\031>\214=\255\276\031\1779>~ZB\273\'\347\017?\"\327\266\275\253o\241=PR?>\346\325\220>\236i\375=\342\241\"\277\210g\341\2762\345=>r\177*\277\017\336f;\017\376\215?\375\240\253\276\325Z\301=\367&\215<\330\321\321>xK%\276\014\313\277\276\366\267O\277Z\031\354>\312Q\303=\2060\271\276#Q*>\212\236\037>&\313\253>\332\240J\277)\300\335>\274\370J>5a\230>\307\354\211\276\243\024\200\276\037\363d\276\352\377\307<\022\223\017\276jm\250=\271[\257\275\336\\}\276.\305\374>\246\324\375<\240P\363>\337\\2>W\t\315\275\214\356\205>\235\347?\276J7\356\276Y\004\206\2751\255\242>\246\003\326=V\026\247\275\352\240\351=US\221\277<\3674>\203\244\032\277_\3105<\007\360\375=\213\003\277\275\322\255G\276S\026Z>\251\247\334\275\004\177\265\276\355\300\216\272\3343\237\275K#\231>\375\253n\274&\032\220\273\243\373\344\276\341hi\277LC\216>\244\375\367>#b\312\276\346\350\370\020E\016\277~v\230\276\306\375\316>\310AT\276C\244\355=7\027\035\277\315Z\204>ox\222\274*,\032>(~\326>\233\266]>axp>\236\377G>2\\\232\276\343\2203\276\216O\234\276&5\320\276\2531\340T\317\024\277\250\267\304>l\246\373:\355\364\223\2751\216\327=\215\237j\276\3451\021>\302t5>f\002\207=\n\202:>\300Uv\276\030\355x>\217\0070\276\265\326\271>#\344\237=:\0337?c\276\270\275\217\360\325\276Tr\200\276l\212\205>\334g\003\276|\246c=\326\227\225>(\357\244\276\214m\254>\227\0133>\256\007`:\035\240|>\2364\345\275\352B\">\374\005-=\354\314)\275\033E\243=\342[\231=\031ck\276&\261\335>\0268\234\275\372C\327\275k\350G\277yYp\276\t\334\261\274\220\2569>\376\312\213=6\337/>\262\023\373>B\217\236>\006$\'\276\010k\214>\321a\245\276\341\353\253>L\347\020\276\360\246\004\276\002\3653>S\351V>n\034\200\276\232[\265>\016W\323>T\210\214\275\226*\330\275\233\225\024\277f\'\231\276\360\303\020\274\345\257\035\274\027Y\201>\"\262\350\276)st=ihX>\177\253\252\276b\222(>\335R\325\275\017p\255>\371\337\327<\370\306\307\276\212\252;\276\356\374\245><\236\n?\r\016)\277H7\253\276p%_?\365\227\317\275\256b\017\275\345r\236\276)\r\031=\004\345\377\275?\366+>\271oo>\317\270\331\276\323i\234=y\317U\276V \010?\271E\212>\266\252\226\276\'.\301=\021q.?\232t\017?\360\241Y\277/\022g\276\254\010\331>n\313\242\276\303\036\273\274i\275-\276\334]\254>\t\220\212>}Z\310\276\275\371\017\277\335\300G?\"\rD= _\034\277\02260>\273\267\265\275;}\315=/\002\217\276\303\2434>\363%\221>]\023\035\276i`\304\276@y\211>\234Z\350;\251\342:=8MY?\3217s=\277\020P\276\017\211=>\240s\\<\242\026\024=}s\030\277Q\365\275>\262\023W\276\023\3607\276\253\330j?\311\244\035>\244\247\207>z\343y\275\261\026\014?:\t\205>\375\212\351\275d\307\263\276\326\t\200\276\005R\201=\014\276\300>3\217.?E\347^=p[6\277gQ\263>\3726m=\033\301\327\275\200\"W;8\010\234;sXQ\275y\346v\274\367u`>\377\346\004\275|\rB\277Wp\025\276\207\001F>\240\330\017>M\037\303\275\341 \217\276^\300\310>\334\376\230>^C\001?c\353\227>\347\236\205=\3106<> \323\374\276>\240\331\275{\276\030\275D\001\360>\347\263\301\275\'7\035>\2240A>\030\347\331=\\@\231\276\224\004\020?\326\020\312\2755\257\321\276\251\004\334>.\335\246>._\023?o\360\263\276\311\276\231\274,\331\223>\213y\013?\305\322f\275B\306D>\205\002\337>\223\307\222\273\260\250\021?\275\357\025>\347\335\255>|\024\262>\277\220\231\276\270?\325;\013\333Y\276\261*\200\276\177\010\230>\265\177\252\2768H\352>\032`\014=\026^\t\277\343\367\263>\373\216~\276\361\247\215>\007CT>\201\210\374\274\230`T>\255Q\004\277\237\366Q=M\217\247\276T\225\271\275\010\027\005>g\266\310;\307\'k\276m\036\035>\344\234\362\275Y\r^\2764Z\344\276\255H\227\276\377T\\=\224\241K?\312P\263\275B\356E\277\022\372\004?\343\376\230\273\273\213\312=O\331`>\356k\013>w\257\265\274q(\215>x6\343\275m\037\033\276\334\036Q>\\\006\226\276\264\316\271=\363\332\026>\"\342\017\277h\334\251>\347\234\265\273\227%r>c[{>\354\343T\2761o\241>\010\271\224>\227\333\351=\256\351\204\275He\203<\355#H>\372\335><\362Eh>\367D\\>\355\244\026\275\367\3019\275OR6?g\375\271\276\335$\253>\301G\311\276\033\005\007\276r\305H?\224\227l?\326\246\253\276H\004\026\276z\370\201>\242\253s>\356I\024>\030\364\357>\202\3540?RS\261<\264\366\344>\022\231\237?rn\304=\346\216\325\276\314\035\301>\222\221\t>\3078\367=\r\355\341\276\376;\353>\337\027\263\276\266=\233>^g\216\277\277`\207>8b\335>\272\027\247\276g(\023\277\244\357x>?f\356\276T\037\020\276y\233\371\276\037\215\022>u\372\337\276\3645\036?\331\210G>E\341f\275\272a$\276\004\365\336\275i\344\223>m\230H\276g\224\237>\016\314&?2gB>\014\2357\277K>\002>cY\352>P\016G\276\331\0029=\013\2075\274\325p\330>\230\264X=\376\203\374\2751\314\351\275l\325\216\276\314\"\345\274\373\037\243>$\214e\276vnf\275u\267\355\276\235\nX\276]IU>\"\270\004\276=\263!=\032\276\017>%!\200=\245\035D?\027jk>\013<\304\274\242l$\276\003\006\371\276\306\304\016\276m\361g>P\245\260\275\024\002\331\276y\350\371\275M\246\344\276\003\305\210=\3051\'=T\355\270=Q\333\r>\021\301\007?\010B\330>\002\323\034\276\352U\r\277\010a\366\275T\265\255\275Pg\231\276M-\306>\320\360e?\260iO?a\032\326\276e\306\301\276\376\365\022>Ct\311>\026D\364\276\242<\312>/@0?\036N6?,\332\320\275O.\321<\352\017\240>\2656%\276\276\003\002\277G\354\215\276t\321&>y\020\365\275\321j\342>\323\2434>\233\250\004\276\273\357)=\037\327\355\275\343G\245>\210}j>\255\036\230\274)6\200\274/)\027?\013\322\027\275\"\313\024?\305\350\000\276p[\243\276\356\305\213\275\267zR?hV\263\276Y\354\217>\325/B\276\343C\304\276\343\002\326>\321\010\323\276H\215\253\275\323$\351>*\265\264\276e\201h>\004\311\007\277\035\373\023;#\221u>\355\003\226\276%\024\233\275\271\007F=\212\276~;\314x-\276\230\263\014\277\032\273Q>N\264\265<1\000e>\340\273?\277\235\274*?\214\316W>\014\214\256>\200g\237>R\276\220=2k\376=v\0269?\301A==\262\362!\276\3408\306>O\316\275\276\2152j\275\000i\323\276\365\215\013=\275Q\016?\273\313\003?\370i,\276^\003F>r\321\341=\236\r\034?\376/\021\275p0\222=\330\344\311\275\342/\030\277l\271\244=\214\251\216\276\0216\357\276t\250[\276\246T\023>\013\315\332>\210\266\006?\316>}>\007\276\247\275\332\034\271\275\272<\036>\216\242U\276o\304a>\255]\214\276]v\"\277\003i\343>\004dv>B\233\210\276D\372\017\276\256#L\275\313^j\276`G*\277\005\273\254\275m\302\264\276\237\255)=\206\3466\276\253\032><\241\365\322=\177\202\315\276u\303\333\276\027\001\024\276k\346\201\274\335\246b\276\345\2105\276\361\231\343>\276\356\024\277\370x\266\276u3\230\277>6\303\276\010\331\224\276X4\202=Fm\324\275X\036\314\276\357f;?A\206\001\277\013\240(\277\342\355\300>\002\225\307>\233\213\204\276O\345\306\275v\217\213\276:\016*:<\215}\275\240\032]=\265n\267\276\031\336\372=\315x0\276W5\202=\21358\276\265n\274>\372i\332=f\030\205\276\234\\\365\276=b<\276\251\224\324#\035\334\2769E\342;\002\252\235\275\363\031\326\275\237\241\013\275\355\307d\275BA:\277\216\337\030\276y\354\004?\276>\222>\372,\270>\036;y\277\314\"\223\276\035\354\022\276\276\001\324>!\004_\276\342\213\241\276\360\302k\277\243\354\036>vq/?g\321\336\275\226c\317>\231\302\037\276qXQ\277\217\272\"\277\364\355\260>\t\333\214\276\245P\224\276@\325\231>i\241!>\265l\252>h\r\323\275\021\307Q\276lk\034=\034\037\024=,*\027=\327jC\277\236\360\001?\332\263\356=\323\304\365\276\354V\"\276|\030\216>~to\276\013\'N\277-P\352\276W\023\276<\223+5\276\273\t\340=\320r\226\276\006D\017\277\272\214\333=\210L\245>\211\351\306>\352Y\242=S\000\375>\312\031w=\360Q><\334#$?\221\307\000=C\'\'?/:\034>P\355Z\277\373a\365>\357\023\013=\206\377\311>\347\262\204<\000nV\276\371\363\352\276\344\025\"?%-J\277\362\355\260>\253\300\325\275\321!\021\275\253\206\210=\324\335\032\277\004\333i>\367\340\310>\216X\346\276\374\221\333\274S.\255\276\250\266\320\276\332\317\277>\005Ud\276\250\022\207\276M\027\353=\355\377{>\302\313\201\2741F\000\277\002\031%\276@\361\256\275rd8=\355p\241\276C\241>=\006\177\306\276U\266\263>\214\'7>c\352\021>\235]\263>\354V\272=\332\274\336\276U9\253\276@\022\326\276\345\376\353\274W)\003=\206\214\273\2761v2\274\327x\004>\240\024\276\273\023\013\203\276mh#>\351x2?\242\214\341>\002\311o\275\234\245\177>\310\324\246>\351\200\002\276\024\233R\276\022,L\274\240\316\303\275\022*\303=\236\343\023\277Fh \276P\243\275>\263\357\236=\310\014\361>\016\022b\276\270\221k\276*\374\265\276\373iH\276\3143~=C\003#>Ag\336\276\326\262\'\277^\223\017?\003\236\007>nJ.\276\274@\205;BO\300>$\300\215\277\236\255\316\276u\305\005>8\271\253>H\005(=\261\304w\276\213#>?<\037\224\276Vq\003=yX\240>\222\243\325=JW\345>\372z\240\276\201\254\377>\021\2442\2768\224\276\275W\031\314\212\351\024>yl\350\276\323#\010\275l\3003?BlL>\363\237\270=\370\223\231><\242l=\2409\306=$\230\305\275\021Wf?\361\214\311=\371U\336\275K\3374?Zs\200\276=/\036\276\341m\225?\255\236\230\244F\004>\206\321@\276\323$c\277%U\004>\027=\260\275\3313\256=\313\242\250=\303\242\203=\',d\276p\250\017\276+0\002\277\377\316\027\276\022|\013=\251c\261\276\3025\253\274\352\005\265\275:\241\302>El\001\275\323\036\026>(\033\331\276\255\306(>j]\241>f\031\236>\014mW=N#\007>\231\313^<\034M\010\277\022\3527\276|@\234>\253d\334>\014\2553?\026\212\020?6\000\211\272\311d^>U\206\224>\301`\313>=\211\002\276\240\300\332\r\177C\275\354xi\273\201\337\325\276`\307\234<\304 /\272\t\302\030?P\320\321>\340\344\251>l\237w>\204kW?\027K\260<\322\t\346<\342\326B\275\336\014Y=\232\316\004>\241\271\317\275!\277\025?\314\250N>VC\004>\006\246?>O\020\026\275\345\016\t\277\351\363\357\275\301\205\226>qP\003>{\001\254;\375q~\276\360/\373\276%ye=]\325\203\276T\230>\276\255C\240>K\203\262=\346c\243\276:\010A\276z\202X=\276\237\014>\233zC>\316\361\226nc)=-y\227>\221\262\221>\021=\374\275M)y>%%J\276.\376\2759g\227v>\225x\203>\016(\371=S\365\242\275\276\241-?\225\304\255>aM\327\276m0\204=\325r\223>\366\234Y=\177lq>\3052\023\277Nu=\277\374EK\276\320\371\210>\303\336\247\275\030\002=>\235J\225\276Q\221G\276\3473\223>\316;\210>\225\032\324\274\367a\263>\255H:\272\375\2576=\037\265\370=D\331\265>\211m\250\276\347|\343\276\352\t!\276\025\\\377=z\002\320>\376\021\224\276\377\243;>Z\303k\276BI\222<\017^J?0C\031=\007X\014?\247\250\261>SI\005>\375A\006?\3742\245=:\006\203=\341\367\242\275\275\256\226>\324\255#\275\311(V>\307\300\024\276L\227^\276t\201w>\247O\310\275\342\273\234>\240<\002>\345\321w>\262\350\217>\025\323\235>\260\242\337\276\275\243\010>\202\342R>\221\255\302\276h\025\277>\215K@\276\232\333\327>>?\020\276\226U\226>\035\2254=\205\302\264\275\030o\206>\320\037\354\276\312\230i\276U\030\"\277\030\242\342\276\241O\336=\243\373[\276Q\232\023>\226\331\252=%\236\321=\317\037\362=\314\006G>)N}\276\216\257\370>\2776/\276\263\036\236\275\272\253]\276u\317.>\013Q\217\275\254NM\277J\271E=,=M\276\207\341f\276/FY\276\332\275\003>\220\' \276\033\022\324\276\273\\P\276B\007\353>\026\210\371=o\037\325>d\334\241>St$?m\036\001\277\327F\230>\210\236\212\276\306\300\256\276\320\204\024>\300\337\344\276~%\243\2759\241\307>m\tt\276A\325\326\276F\251\212\275X9\247\274X\375^\277\374(U\276\267h\030\275-\354\275=2\227\223>\257&\237\276\336\243\t=\324\365\370>x\307\227;\237\336/\277\246J\367\2755S\320\276\364YH?\216\032\216\276\306\370\326<\003\350\234>q\330\235\276\tt\241>\300\243\245\276\024HB\276i\243\r\275\265^f\2767\231\265>cF\253>j\024\221\275\014f\276>\3769\351\276u\351\310>}\244\245\276*\314f\276\212\260\361\276h\t\247\276\220\n\306>q\347\244\275\356\217\220>=\235\265\275\373\210\024\277\022\0257\275\307\352\001>\004\364\226\276\227\331I\276\217\351\321\276;L]>T4\004\277\273\301\001?\371\000\221\275\276G\207=C\350\215\276(\301\342>\251\n+\276AO\241\276\331\340\267\275f\210\373>\325-\245>\033\244\312>!\311}=T\277\356\276\312\256e\276\024\233\023?\253\206b\274\312p%\276\225\220.>\032\027\212\276H\215\267=\001\260\215\276\322\207\233=\262\227\002\277D=\"\276\223K\240\276c\275r>\030\300\022\277\277\020>>\230+O\276f\273n\276\317f\n\277K#\\\2770\265\232\276\2449\026\276~\355\356\276\250/\245=7\246\335\275{v\006\277\264\355\307>\321q\214\276\340\311_\275\221\377#>\352\224\355<\2007c\276*h\n\277\373\356\r?Y\r\363>\022\256\217>\252\202S>\366O\215\276\233%\220\276U\215\211\275H\002\364\275\006\375\233>a\374\003\277\010\244\310=,\365\233\276\311\315\206=\010\026\273\275TM\365>0,\253=m%e\276H\r\201\276\036>\000?4\317\031\275\226\360%\275\345n\001\276\\\220t=^\301\025\277\243\010\225?\177\226\375\275\277\3642\275\205\220\351\275@\272\312={\031\235:\322\347\020?L\033\020\277G\222\266\276\253\266\335\276w5?>\221\253\263>\016\024^>1\r\344>\355\237\242=\326y\271>\216\352P=\275\355\300>\336\224`\276\004\260\263>\265\\\222\276jD4\276!\375\006>\2431\301\2759\020T>\317\202\311\276Z\2560\277\277\005Q>r\321\255\276\022\345\t?N\353\366\276\'\222\372>\372\212\265>p]\003\276\334n\203=\224\347\007>\360\016*=\303A\226=\254\014\026?:l5=r0\220=\025\250\"\277)/!\276\363\301>\276\006\374\026>\003\030\211>e:\255\276\217\241\212\276\200m\371>T\374\\\276R\375q\274\365\002\030?\3031d<(\370\207\276\216s\317\276pj$\276~\223\006\277\346\014\022\276\247\322*;\333e.?\326\376\303=P\200\035\2761y\345\276.\016\220>x\234\266\275\215\260\237\276\310Ql>,\372\217>zm\001?8N\224>\273&y?\001\325A?\304\225\220\276\013\365\036?(\321\355\275w\200/>\360\0045?\257\217W\277S\312I\276O.i\274\330\244\331>W\2160>\t\324\331=\244c\364\275\244R-\277\320\276\270\275\266\232u\276\032%\235\275w.\251\276\205\0047\275\245!\034\274\314\365\212\276\2503G>\352\207\372=\360O_>Y\247\006\276\341\364\337>\236\223\302\275\211\226E\275UZ\240=7^\327\274$G\240\275\253\003\222\346\376R<\n\343\036\276\2167\033\2753\322(>\302\323\300>s\343\277\276\345\264\257\276\304<\323\276\345\361\203\276J\340z> \374\255>\357\361x\276|\373->\356o\036>\322\307\350\276}*\236=P\337_\275D\307\206\276OP\234\276\241Jp\276\304\351\205>\365\025\224=\270\305\313>r\240s\276+-\254>4\2427\275<\266\226>:\301\204\275\254h\367=X\274i\276\032\316\013\277\374N\033\276\003\324\255>\215\332\356=\010}\275>7:F\276\246mu>\215\353{>\322\272\215\276I\227O>\347\307,\275IK\373>\331a)\276\336\010\300<\213\351\">\"\014W\277\363\217\270>\024\n\327>\241\331;?\200\200*?\333~\222>so\230>\214\307S>{1\024?\010\310\206>\235\346\327\275\242F\325>\307\020\245\275\013\204\206=\034\0233>\232\372G\276\301u\005\277`\272\203\275u\030\030\277Z2\027?33&>\030%\323=\263\214\325>t\330\247>\352\232\214>b\217\336\276ZB\217\233>\250!\035?\241\360\t\276\027~\007?\3126%>\214\302P\275\037\353e>\0278\320\276h\341I\275\310\001s<\364\300\314>\"}\252>\262LT>\343\255>>6\364\272\276\312\342u>\332\037\n=R!\244>\013\252\343>\303\201\245<~\220\177\2761<\023?5\3740=\032\3575=\252\356\203\227\025\025\276\221\032\003>r\366\234\276~\304\354>\261g2\276\326\250\340\276\234b\356=\007\376\201\276\277|\263=\230~)\276kF\016\277\270\303o\276\376Zw>U\2134\276\017\224\211\276\376U.\2763\251V\274@*\232\2760\253\035>,\305\310\276\314$\273\276v\034<\274\202\236\276\276\367x\037\2762\215\221\277\302?\006? \323\r\276\016>\027\276N\246o\275\260\332\375\276}\200_\277\021\221m>\356\302\223>\r\202\211\276j[\273\276\3765\224\276\264\225\234\276q\025\355\276\021=\201\275\0068\307>mR9\2770p>\276,\016g\276\3731\201>\312y\241\276\332\375\312=\353\201\001\277\364\341+\276\316\330)\2777\353\250\276-\361r>\325\342\'\277\325Y\222\276\013E\207=\344\2174=v$\311=R\221\362\2745g6>iH\370\276\256i\005\277\263\361^>k}\263\273J\237\326\276\233\365\027\277\301\001\206\276\365@D>Q\n@;\265\336*>`\274l\2770\216\213\276\374\352\234\274\207&\242\276\226{\005\277\202\222\330\276\336s\201\277BLR\277+\310\274\276:Z\t\277)\354\201\274/\242->\230\307\221\276P\341\000\277\244\003\354\276\216g4\275\2761G?\261\tF\277fbr>\213\000H\277\034\307N\276\017\027\221=/\236P\277{\323\'\275\315\022\340=w\353\270\274\345\330\376\276I6\204\274:\334w>\303\316w\276N\265\r>Tk\341\274\311\364\261\275\003\340A\276vST=p\334\242=\274\343\224\276\236\356\225>\203\334\211<\014\265\314\276\257\267 >\361\027I>\314\021\374;\234T\203\276\364d\257\276\314k3>W<&>\206(O>\267\026&\275\250\344z\2765\350`\276Bp\034?\213M{\276W\254\030?\340\314\235>\273\236\001>\256.\375\275mG\231\276\373\276\251<8\3467=\037\306\237\276\352\256\226\276\016\253\260\275\337\203\215=\210\002\202\276\376%\006\277\0014N\275\233\322\010?dy\354=\345\023\006?\001Xs\276\300\211\t\276\006D\205=\303\315\206\276\355.H>*\214m>\203W\004\2751\034\364\274c\214\255>\343S;>\245\223\374\275;f\240=\322\202\274\276\371\\\271\276\353\341\313\276v\272\255=\3744{\2760\034\232\276~\200\025>\027\210\350=e\242\221>\307g\354=D\370\365=\3133b>\255\201n=L\232\021?\200\221P\276\'\3644\274=\240A>(\305\263\276\032\242\025>\260\326*\276\352ke\276\325:\032?\016H\316<\336\350\314>\243\377~=+\305J\275\307>\255\275/)\336\275\213\211\002\277L\3104\275\037\211\212\276\376\265#>w\256\005?\313\216\232\276\255\275\351\275uG\326\274W\232\242\274K\310\266\276\270/\277>M\322$\277\302\036G\276=j\035>7\240\022?hf\201\276s/\376\274\250\3453=U\305\236\274\034\376\007\275\207\200&>^\232\022>\206m\317>\307\232\320\276&\366@\277\002\346\343\276\343\232\010>/\313\217=\366\212\344>\217\027\266>H\227\233>\305\007\002\277\217\030\"\277U\013\030=\271\326\006?\221\3274\276p\313\211>2I4=+fy\276Yir=\212\214\023>\227\262\366=\323\222\371\275\230\274\014\276\t\232\276=\014\303\265>~V6\277L\247]\273k7\232\275^\032N\276\217o\345>\'\222\002>\243\'\357\275A\272G>\235\304&\276\t\242\031?d%\216\274\322wM>tj\025\276\263\276\274\2750\270:\276\340\214\376>\204_.=\342\342\212\276,z\222\276nl\037\276\312`\310\274\004F\200\276c\020\275\276I\224\206=&\213\003??\227\243\276\373w\034\277\037\265#\277\366l\005\277+\321#\276\356\276\314\2766\004\367<\200p\022>?>(?\310\312\376>\3330n>\370\200\314>\257\213|>\207-\275>rRg\276\371nF>v\021\031\276\007T$\277\222\022\265>\026>\211>e\204\242>\002\323\325>V\236R\276}\245\316\276\263\007k=\277\260B>\177[\255\276\255\222\372\245sT>\212\251!\277\366\232\361=}z\014\275\210W\344\275\254\221z\2769D/\276\221\213K\275\313\227[\276\021\014\261\276\013\324\320\276]\330\215>\000D{>\354\212X>\254\2060>\306\243`\277\n{\207=bW\203\277\360\326\374\274\204\265\214\276-\251\347\276sA8\275\201\305@?m\342\034>\034\207\220>\003v\216>\375g\317\276\021\301\t\277\375!\226=\2657\334>W\020\014\276\336\312\t\277:\020g\276x\370\203>3\347\335<\376\357\001\276\334F\017?3c\260>+J\277>i*\276\276\r~m=Z\221\031\276\'\254\320\274\201J=\276Y4n>\265\r\322<\254$\337\275\223Y?\276S\361&=?d\266<\205N\254=\315/\276\276>[r\276\352\231\n?\302\205p\275U\036\367\276\243i\352=\027\277\037\274E\224@>\266\245\004>\357i\363=\2209\242>\332\214\307\274\332&\370>\305\323\351=\324\004\303\276@\246*>\223\244\274\275i\334\363>^2@?\322\343\357>\305s\177=\250:\354<\241\201\316\276\n\256\276\276\033i\324>\256\331\002?\273GR>\375\354\037>\010\244+>c\251\364\275\rqd>)X\004\275\3748\271\275\"\237{\276\030\326\200>P\324I\276%h\220=\222)\201=\330\035\325\276\315n\357\276\371\030_\276As\324>[(\260=\354U\002?\374\235I>/\004\032?\270\357\255\276fE\344\275\310?\313>m#h>t4\016?C&\202>\264\242\370>#\237\t?\022+\274=e\334\217\276\205VJ>\'\020\376\274\363\321\330\276\263YA\276\262\362v=_\232\230\276\305\024;>4S.?\270\301\207\276@\271\300\276%\356\232\276\026UC?g\243#?\034\"\030?N\374\'\276m$l>|\376\021>v\254\332\274\300\236<>5t\204>\277j\227>@\221Q?\212}\233=\016*\362>/\266\361\276p\001\206=mz\225=[\314E?\010\'\n\2764\240\206>4c\221\275+\304\026>\363\215\300\276\230\016$\275*\272\330>\257v+\274b.\326\276~\264`<\001\230\361\276d\331\233>C\322\307=K\372\214\274\326\334\234=\232\234\360\275\375P\221>_!~\276Z\227\220=\234B\351=~&2\276\201hx\276\221-\211>\330\273(?\335\326\317\275\275\373\212\276l\342\240>\007B~?90E?\363\223\362\276\241\t\262=\256\016v\276\002\007\234\276@\253\375=G\336\335\274\306\246\032\276\360i\237\275t>\001\276\240x\215>c\367\356>f\203p=\016.\306\276vz\352=\005\002\216>\244\215\206\274\255\366K?\231\202\351=\373\306\303;I\000r\276\004\004\266=\372Y\344<\243=\254\276\014\177\373\276\341>7\273\016x\026?\331\364\177\274U\332\206=\344 @\276\r\306\212>\356\032\037\276\265W\033\277Wr\267\276\231%(>$\036\204\276)cG=\316(\361=\346\330H?\241V\256\266\276<\0328\367>\3703I=\231\'\303>\213\303\215=\037\340x>\013 r>-;\020>\370\234};d\007\340=\360\345\037\276@\003\211>\274\374\254>\346~\275\275\357\265I\274q\207U\2750\344%\277\023\005&?$;\010?.7\211\275@\352\250>U\270\232\276\034H}\275\271i\361>\315\344\214>\035\024\217:\005\034\322\276?ec\276\336J\354\275\227\271\306>\335m\353\2757\347t>QZ\r?\237\007\030\277n\302a\2741\340\310\276\021g.>\000\340\031?\337\177+>\276-\334\274\245n\272;!\330\341>\255|\337>\224\215\003>-$\252=\305y=\276\036U\233>t@\215>\203\264??\353\021\233\274P\361\377>\272\022\323>\332I\235>\251\377\253=g\346e>\361\032\330=\t\222\237\275U\343:>\310\302\310\275\240\303Y>&(\343\274\244\032D?\007\305&\277\276\214\330>G~?\275\233\351c>4\323\364=,\226\033>\303\255<>\262\236>\276\021C>?M\326p\276\272\010\211>\\\352\023\276@\244-?\204\327\001?\034\315\255>`\317p\275\270\321\375>\257\177\216=\372q*?\371\252\206\275\276\341\340=^\251\325;0%\034\277)\250\003?<\033z\276\211=m>\317%&\277\217\323L>\204\200\345<%Ur>\334\027\222\273_\250\265\276d\202\373\275t\350M\275\245\343\343\275\356K\027\276\232\276\n\277b\363%\276\30158?l\205\266>\026\346\227\276\215\r\221\276\017a\315\275\374\037.>8\227\214\273\217[\030>\372\340\340>*\226\312\274\335\2664\277\260G\246\276\262$v;\212)\037:(\243\214\275\'\256M>)/\361\275\304\307\031?\324#~\276\302\273X<\366\007\307=J\223{\276\247\276K\277}P\265\276(\252\366=\263\3712\277\\\216\t\276\014\340+>1\346\345\274\0319\t?Z\322~=V\031.?\316m\374>\253\260\032?N\000\235?g\017?q\305\311>\370%;?\232\014r>\252\365\242\276\330?M>\351\251\354\276N\342S=\345E?=!\307\224\276\206\024\r\277\036\276~\276=\022\266\274\230\266\007>>^\223>\224>\025?\t\017?>5\036\244=\013\311\210\275\305\370\374{K#\276\353 \315\274\014\265\375>*M\274=D\330n\276\367B[\276\301\333\222=\355\277\352=\274\316\311\275\301\0277\277\301\343\177=\354.\227>\033(\005\276:\344\010=B\007\244>\222\3476?\340\351?\277\2579\236\275\244\351v?\371\000\375=\372\345\035>\304\177w>\365@$?\035a\202=\r9\211\276\250\356\267>\023\242\332=\340\373\355\275joi=\242^\323>M\306#?aH\014>\030\2326<4\202\020\277ftE\276n\200/<\013`\247\276s\307K>\022\214\336=\244n!>\231\326\326>`\026\275>\226\301o\275\230\262\351>\027\212[\276\214\260\217=\261\321\002?\251\246z>\371\213\000>\022\340@>2\025F\276|\254\210>\355\222W\276\n\\i?\216\201\257>\234\014}\275\317\311v\276\202\0027=\231\325Y>8\210l>,\366\336>\266\376\340>i|-\276+\014r>\272}.=\tf\367<#\272E=\372\365\r?\210^\027?t\203;\276\\\010\335\275i\010,\276\253\250\n>\313r!\2767O\340>D\373r\276\321\227\203=\247\253\003>\237S\200\2764\016\244>a^5\276SY3>\004\232\251\2768\260\235\275z\363\373\273`\210\017\277~}#>?\324\201\276\023OA>\364\217\346=\225\261r>\375\242\n>\304&6\276a\344\350>\204\3562?\tv\252>\342}\305\2769T\215>\234\277/\276)\313\261=\341S>\275\217d\361<9R)=\333\247\300\274*\216\010=\343\263\325> /\232\276\034a\236=\343fp>\265\211d\275\210:`\277\013\020/\276\022\236\243=\372\r\035?\336\241\251\275q\364\272>\313\232\033?\252\214\323\275F\376\217=\341\216\016?\022;f\276\214\017\311\276Y\361\221\276\212*=>?\343x=\331\343\025>\266\366}?HH\346\275\226\306\n\276\244?\250>\323\t\013\276\026\t\016?\3042\245\276ua\202\275Pd\352\276\275\305\013\277\010\305\024?^u\244>[\023\352=E5\341\276P\237\025?34U\2767\004\322=\337\2309>C\315\225=\347\025\332\276\254\227\204>\244\215\017>3\342R\276\312\010\263\2769h*\276\254\3269?\307\005g>\350T\350=\3344{\276J\363\323\275U+`\275\323f\257=.k\340\276\223p\351\274\220T\002\276\226w\003?a\355{\276|B\375>\240\217\213\276\330 d\275\377\241\254\275\265m\002\2767<#?n\217\310>t\\\337=e\000\361<\203$\244\27550\362>\251K\327\276Y\035\346\276\365\362\n\276I\221\364>MU\035=\267\301\361\276x\262\232>\036S>>\001\227\350>;\340I>,\372\370>E\214}\277\274R\037=p\274\244>\245\332\357>\332\001\226>\007\202\003=/\316\327>\260\235\245\276\033$H?z\0226>\'\311\373=QH\001\277AVD\275=\344\312\276\267\'\352\275\326\362\234=\331]\216=w\342\325\275]\243=\276\337\312\202>\006\020\266\275\020\212x\276J\203\242\276N0\240\276\256q\263\275O\325L?\343\237\224>\362\244k\276w\274\203\276A\030\210\276t\352v\276~\262\033\277\321\177\027=3>\201\277D\357.?\337\207\277\275\333\346\027\277\366.\344>n\026P\275I\244\277\275\234\206\205\276\241}\014?\277\004j>\311\267\240>\274\010_\276\034\256\303\276f\0361\276\321\305\357>\361\2435=\266\020\235\276\030\212L>\022\341\205\276\342\034\363=`\337\214\272ic\273=PQ\306\276\317\265o\276\331N\023>\3659\245\276\245q7\275\300\254G\276\025q\323\276\272\243\026>\233\212\262\275)\335\000\277c\234\216\276#\321\005\276S ;\276\212\310\270\276\270\2647>\006\353\312\276*Vw>\252\177\230\276\370\037k\275.\320\212\275tl\246\276\266\206\266\276(?\023\276\001\"\271>\374\0346?\341|\325>M\256~\276\301s\305\275\344a=>\267\345\250\276\347\245\030\277\245H\275=\261\344\312\2754\025p\276\304\327t\2766,U\275\271\230\014>\202M\271>$\313\217>\301\213\221>?\364\223\276\023\362\234>K\266\350>DJr>\375\354\234\273;\rP>R\016n\276\212\354\236>9\322\035\277\372k\205\275\000\360\343=\236]\222=\346\007\245\276\022\3413>6q;=\301\317\305=\265\025Z\277\250}\004?\031~\007>&\325\232\276I\254\004?\375\242\020\276\266\330\010\274\256\241\214>\037}\335\276\210\363\223\276\035\373\261>=\357\315\275\2175h?\217x\244\276\273\2135\276\373\342\035\276Tn3>:\263@\277\3647\323\276\246\030\264\276C~\006\275\004Z\272\276\210L\221>\363*b?\276\276\004\273\330]\376=\326\373g>Oe\034?\205K\244>;\347\202>\034\345\017>\215\277\376\276Vg\005?\271\366?>SC\370\275\326\233\005\277(\326\"\276,\325\207>\324\221\230\2767\270\021\276\203\2601?\2263*=\214\245\264>\3463\260\276\251\025N?D\244X\276\225\\B=\317\352\212\276\026\262m?\374f\024\276\317b=\220\3322>^\276\242=\024o\241=Q%\330\276\321\213\037?\033@\235>\003\375\222>\004\363\256\276\237\332N\277\310\347\020=\000\'\023\276\023n,\276\275\242\272\275\322\244\316>\252\007\372\276p\354J>\325}]\2765\322\001?\350\323\375\276\023o\355>\325[\037\275\272\257e?3t#\276\010T\345=\332ri?M\265\206\276\301o\315=\027@\231\2634q?\035\337\341\276r)\302\276\335\237\330\276\316\226\252\276\016t\346<\0109\t>\351\364\246>\374\257\243\2760\266\031?\305\310\027\275\010\247\312>\202p0?.k\027?K\317\205\276\324t\313\275\030\310C?pM_\276\247L\274\2754b\002\277\361\031\361=\020(\034\276\335\326e=\355\253\243\2767\305h=v\235\023\277\334<\022>\254\207\325=>\310\333>\215\364@?5\"y\276C\307-\275\331\010\274>\240\302(\275En\365=q\250\233\275\244\274\303\275D\321\356<\246\371\230>\250f\335\276?\365\253\275\267\325(\277\027\346?\321\262\002\276\242\315(>\263\363\266\276xZ\246>\001\375f\276\002!\022?L\327\007=$\177`=\245\036\221\276\'lG\276\"\356\021?\025,_\276m\361\200\275$k\376\276\317\"h\273LJ#?>\254\t?t\272/?\202\374\253>P\300\031\277 !\331>\0367\332\213\227\275\276\217\332M\277S\251\345\275\254M\'\276\035I\300>ks\216>i\016@\276\016\242(\275\300\034z<\222n{>\017\341\202>e\351\253=Pf\236>\315\346\250\273q\271\006\276\234\370\343\275g\232\334\276\257\246\237=\345\245\242\276\233\215p\276\2539\354=f\177\374=\200\252\301=)\035Z?\276\303\233>\023<\203>0\264{>\022\300\215\276\374?\007\276]\331t\276Z\037\244\274\204\246\342\274s/>?\213\327,==\211\254\274\257\323\374\275D>\217;\343\366r>0\263\\=\004\275\227>\005\035G>/fv>\303\221/=\314K\331\276z\255d\276K\323u\276> \254\276\371\302\332\275\276\372\"?Eh\025\277\316\245k=\013@\246=\031\310N\277,R\235>\347\341\250\275\2647\226\275jn\005\276\260*\217\276\037\340\373=\206F\303\276\355C\221>\305\370\013?\377r\267>G`\032?\035\203\321>\2531\251\276d\254\224>\"%H\276\315\367\025\277\362Ey\276tl\242\276\247\241\343>#x\330\276\025\370\217=\324\377\274\276\311/><\323)\022?d\375<>\222\030\267<0\313$?Q<\323\276H\034\262=)o\235\276\'\201|>b\312O=\030\250h>~\261O\276\200R\023>\247$\025?\334d\232\276E\235\320\276\031h\201=\354\341\232>d\272\241=x7]=\375\355\035?P\025+\276^\303\240\276\271\021r\276U\225\002\277\030\211\016\276 >G>\265\210\366\275\223\032\003>\364\257\317>B\334\013>s\010\245>Q\251\373<\221\207\254\2766\004\310\273\302\226\237>e\273\223>\2613 \275c\334\211>\265\207X\275\346j\013?A\340\212>n\371\364\275\245e\022>\336=\222\274\315\356\027?XtG?A\220\273>\256\337\205>\323\221\345>\016\201\312\276\237N\033\276\214\211\317\2767\372\277>%o\303\276S\273\270>\301\002\303>\333\247\337\276\001\330\t?\231\021\340\275\001G\035?\t\311\363\274\373\371\346\276\014\277O\245\274?\204\200>\213\337\350>\243r]=;s\021=\351v\245\276\235\253\231\275\375\365\203>\376\271\t?~\240w>SG!?oV\365=b0\215\276\027O\254=\211\303\262=\242\236\263\276\361Lv>!\2079\277\245*1\276\210\2229\277|\002\333>\354\013Y\276\275\217\215\276\247\273$3>\340\251\220>\311\226\207>\222\316\203=\332\016\007\277\"\302S\276\205y\301=\313-\223>U\326\213>\006{b\276\322\220\000=Q\221\246\274\236AS>|\222\272\2759\364\226=\360\245\217#\355\360;\255E\252\275gr_>\345\\\233\276w\263x=\341\346\275\276)\232\241>\250\211\303\275\350Y\231\274\001\242\322\276\253~\302\276\3140\025\276\202u)\276a\325\265\276\230\204\002\276\266\204\340\276\021@\277\276\230\205\345>a2\n\276\002=\351=\301m\341\276Q\350\307>\355\304%\276\272(\226\275\005\214]>\024os>\271,\322>\031%#>xB\363\275q\304\374>%\324I\277\335\226\263=\257\262\306\276\n\n\t\275m{\356\276\'\330\377\275\017\334\227>G\351.\276\013\000\021>\333\232m\277\216\276\233\276\332$\226>\360F\307\276\3043\215\275\300\220\225>d^o>\222\266\021\273\007<)<[UN\276(\013\222>\244\355a\276\263 \246\276\3666\261\276\221\375\227>\376(\224>\023C\007>\335\036I?zOZ?\020S\022?\325\020\241>\264\211b\275p\245\r>e\205\324\276?\307t?q,z\276\270\327_>\260?\340>\201\372O?\r\343\'?\372\3568=/J\262\276\363!s\276\217B\265\276`U\251>\006Y]>9\031\304\275\007\tT\276\214.\352\276\010\3135\2771\002\225>\036b!>\360\243\003?\362\017\360\275qC\264>Q\265X<`\266\022\277\262y\204>j\334\241>v\355\026\276aI\356\276P54\276\007~_\277\2519\031?\277\013\211>E\214\351>\361K/\277\344qb\276\226!\327=#\304\261=}\000p\274x\374\225>wq\274\276\006\026C\276>*\324\276F\2602>g\360\027>\274\325\321\276\376\351\250\276S\020X\276\326\322\352>\227->\276\\\353\200?\212L)>zT-\277\376\236\230>\272\262\005\276\022\005p>\211d\323>z\007,>\300M\211=e\035\226>\233\310\r\277\n\r\246\276\324L\024\276\006\221\271>\313\002\331>\177\026\010\277\352\374h\277\247\366\360<\007$+>\240}\272\274\3575\321>\236\360&\276\366\352:\2765\371n\274\301h\030>G\376\230\275\027\221\030\277H\022K\276\220ZV>\\\020Y<`l\323>\232\353\244=\003\233l>*\356P\276\322\340J>46a\276\217\033\271\276\342YO>d\237z\276\303\333\240\276T\013\257\276\375y\311>\231\026\025\277\375\350E>wf/\276\277`\004\276\201Y\244\275\261~\322>\333\316\267\276\204\216h\273\241\323\365\276\317\211\202\276\304\2055\277\301\260!>0Bs\276v\335\331\276q1\365\276\351P\307<\326h)>\353\024\321\275\021\357\267\275#\266\351\276wJ\000=\003\217p\276jTW\275x\002G>\256A\364\275X*?\276C|\032\273\377\031q=_k\005?\353\226j\276\213\307g>(b\332\276\263Re\277\240Y\305=\2137\007\276\203\311\264>h\000 \277H\332\227\2740\326\250>P\342\375\274\2272\221>\276A\230<`\315\325\276M\355\233>\033\310\264>-\024\356\276\260uh\276\307\270&\276\211\351\"\277\265n\245\274R\266}\276\016g\304>R\227\354=\325~\226\276Q\235\303>\005\206\251>\017\216\367>\240\200\243>*L\315\276\2201\021\277\210.J>s\357\214\276\226\277\314\275j{:\270\tw\001\276\376W\r>nO&>\355v6=\335\376\226\275/\203\234\276w|\320\276{\274G\276\002\307z=\317\361\250\276\252\302%\276ig\274>om\224\275\374\360\215\276\313\307\007?~\242Y>\021\303-=\240\302)\275/\333\215>Zq\002\276\313\327g>\261<\237>\272\210i>g\227\253>5%\332=\3222\250\2752F\204>Q\266r>^\234\270\275\020\024\\=\217\022\273>~\243\030>\370\203\0328^\241\304>:\016&a~y?\233\035\016\276\222\003\367<\201\272:=\212\2726\277\000(\023\252p\304>\200\317-\276\342\227\330\276\227\326\017>t\241\256\276\3700\326\276\346\026\020\277B\275\211>\317sw\275\277\373C\276\014\"$\276\361J!\2777\252\217\275\230\236\365\276 !F=\204`\362>\254rq\276\2512\252\275\243\307\036>\253\374\345\276\356HR\276u\013-\276\021%\210\275\360\257\203\275\370\262\013\275\276\354\222=\036\305@\276\321d\375>\2146\307={\031\035>>\340\021\277G\221\375\275\024\232\241?\373\037\357\276rX&\274\215\371\330\276\r\272\006\277\207\002\006\276\240\200\250={\236\234\276u\217\312\276\272\271\263\276\245C\n\277W\375\273=+\245\347\276\354\274C\276\324\221\317\276\257n\230>\374\251e\276\351\0178\276\313\375\267>\023\000\212>We\010\276B\305\037\277\306\254\320\275\257\2231\2769\224\211\276t^\243<\024R\210\276\276\260>\277\\\302\343>\333\366{>\255\004\340>wY,>\242#\002\276\225\3304>\376\010*\274\367mN=s\202q=\223\037]\260>\231\274\257\275\0137e\276*\217\337<\256\247.\276\224\321\241>4\204\310=\270S\257\276\036\311\247\276\305 \262=A\t\n>\316w\233=\217\366W>\263\252\335=:\342\372>Y/\270\276\3325\237\276#\234\264<\337YN\276e\344+\276u\234V\276\344\374\'>4\322\333>[\376\370\276>\006\006\277\316G\364\274\325\014\314>\216\215>\276\357\214\324\276\352\361\037>\334c\034>\235)\270\276\003/c\277\373\273\364>\016C\346\276\2316\276<9Q\036\276\022A\251\276i~f>\314\370\247\274\361/k\276=\300a\276\236\373\354=\373}\207\276\nD\017\277\233\250\021\277t9\002=\\\r\221>_N\251>\300\013\004\276\010I\205>V5\303\276\223\304q>Z\242\261>\035\031\266=\206\031\322<\177Z2>\007\241\014>\1774)>\211,\004\277Q!x\276@!\217\276A\320\234\276\323\204p\275\351$R?\217\005\212>\311\335\311\276\322=\346\276\332\233\016\277\355+z\275\320\340N\276\357\r\374>GZO=\025\024\374>I\361\352\276a6\314\276\r\226\241>\242)\027\277t\306\204>\372\364\232>K\021=\276\355\340\001\276\314\377\200\2752v\027>\237\3445\276\233\\\343\276tm\342\276S\216\027?\321\033l>r\2426?u$h>\365\225\006\277\3548\324\276\034\220\356\276d\331/\274P\037\317\276\375\0047?\367\277\373\274+\221\026\277\304\260\023\277I\004t\277fIF>\215\346\342\276\366\2654\2772\251\377>\016\325\260\276+=\361\276\353\373\002=PU!\276\014\020u>\021\276\202?u\201Q>\215\363?\276.?s>#\376$\277\242\253\377=;\303*>\030/\356\276\221\333\264\273\327U\235\2731\226\021?\271\365\277<*_!=\034\231\232\275r\253\364\276]\341\326=e\370\017?\256\343\r\275\210\340\326>y\267E\276\242\277\367\276\2349W\276\272[\007\277\'f\325\276\377D[\273\305\367A\276\321\004\241>^\271^\276gP\234=\225\325\202\276K\212\353\275R\n\277>\007\264\317\276L\267J\276\375\t6\277XX\023\277U\243\301\274#&\035\276\355\363\210\276\"6*>u\203\023?n\336F=#+J\276*\3169\276I\202(?wq*>\300M\231>\014\235K\277Q[A>\267\304!\276\306\036t\276]\245\207\276\334}g>e\347\244\275J\306\376=\315\2125>+\2004\277\366X\245>\035\204\214\276D\250T\276\277\314\230\275\3606\260\276\265\307\322\274\327\266\363\276\223\257\260\275\013\2304\276)\366\237\276v7\222\276\376\273\340\275\367O\002\277\r9Y\275\031H#>G\033\347=\236E\376>\016),=\312pL\277G\2557\277\231\302l\275\216z\000\277\2724\030\276(\324\246>b\220\364>!\241\252>\316.\276>\233;\323\274\274\375#=]i\343\276U^\373>\003\371\223=I\016~\276\261Q\375\276\tX\003?\177p\016>%PV\276\020]\247<\362\013?\276\337\031s>\\&~>>\004\317\276U\\7>\207\325\034\277\362\\\220\276\007p\021>\334P\351=uB~=M\022\032=\241\'[>\254\3210?Cd\232=g\374\231>\224\353\262>!u\235\275\252K\014\271$}\217\276\231\362\361=u\277\215>\230\203\004\276d\264\302>IX\202>\301\260\312>\267\030\241\276~Q\\=\\%S>\345 \211\276\325n\277>\366\256\264\276\350>\027\275\232\315\266>]\006%\276\321\257Y>\242P\235=`\001\220>\375k\017\277\300T\220>\201\277\214\275\211p\306>\312[.?\200\274\354>\256\264\237>=\335_\276\035oi\276_\213\271=h\rW>\260\213\r>J\256\332\276\001..?r\256\254>*\314\234\276\216[\270>t\362\306\276\037$\343>\241\260x>\331\000~>\356\030t?\026\343F>b\005\313>\320:\241\276E\350+\2754\326\230\276\311\365\013\276\215\270\322=\000\256\340\276\337\"D>Pj\230>\325\324B\273\006\353\207\276\037\325 \275fEK\2764\236Y<\031\205f\275L\343\240>\234\373\005?\216\251\345\276\230\220\364>\216\332\202\276\237\2561\276\235\300\005\277_Y\034?\003Rj?\263\357\034? p>\276\030&\323=#\304\235>\300\342\347>\245\250f?\204\204v><\020\005=\024\301d>\026\260$>3\234\004\274\367Y\032\275\010`;?^\006\206\275\1770\225\276\364\231\200\277Ix\263\276\374\266\351>]\275v>F\305\253\2753\007\027\277\312\334\271=\330\361y\277;\"=\276}\326\346>Z\264\251\276+\353\214=\340\007\005?\261\"\225>\320-\000\275\026\305\246\275\177\200\213>b\243\327>\006\362;\277\033\230\316>j0\260=%:\210\276\263\362\004?\272\022\316\275\247\212\005\276\277r\230>\276\353\216\274{mu?\363\004\002?k0\247=<\351\257=/\352_>\277\316\221\276\235=*\275\007;\251\276\023\242\260>\345`\"?C\277\241\276v\341\234=\251\276\026?\032\304\236>0`\315\275\277\221\252\275\260\334=?\0049\203>\356\326\r\275\247\222\351\275I\374\272=\006=\035\277\346b\007\275*o3?+\366\336\276r\240\370>\312\270n>\365|/\276d\233Z>\371-Z\276M\032\254>z\033\203>\016\245M<\302\"\207>\031\265\025\277\013\204\264>\247\221\301\276\036\351\033\276+F\245>\336\034N?~\327\240=^+b\277\221\365\215\276\3167!?b+\235>\362q\344\276G\325\031>:\310\271\275\355\023Z>\004+\202\275IU\210\276\225\317\"\275\350\316q?EAI`C\237=4\307\266>\342\301}>\240\331\"\276\312\2416\276\262\246\323>\261\352\341\276\315M\036>B8\023?\0272G=\204k:=2\256\003?\336\274\217>\213Y\027?\363\270\251>6\026\216>\025\300\032?v\254m\275B`X\276\022\344\203>[\324\022\277\200i\035?\205\327\342=\234*\014\276+y)\276fx\204\276\316\256\250\276\025:O?\222\364<>N\234\237>\323C\327>\200\027\344\273\367\325\352>\007\315i>\tg,\275\025\021\277<\023+\276>M\243\327>}\261\242\275\216\310\373>\245\267\236\276\216)f>&z\220=/\216B?\365FT?T_\212\276<-\204\2769\233\032?\"\237\303>\201\316\374\276\215 \323>rO\026\276\\|2\276\025\021B\276\351\360\227\276\201G\322=vj.\276K\324\005?\256i\313\276\216\226\343>\247\365s=\255\354\313>j\177\366u\0322=\321\023(=/\204L\276\202\000C<\355fO>ii\306>\260Cn\276ESF\277J\271G>oZ\212\273\274\255\270>\237\0020>\277\207\357\276y\334\355\275\307\316\017?\235\342y\276g\204\031>E\342\224\277,9->*\320\236\276\332\236\274\276\375q\034\274&[\000\275\231\033\031?\333\356\230;\270^\333>p[\242>r\204G\276UQ\035?\222\032.\273\3317\204>I\201\034?\347\306\347=\003\203\372>w\314\312\276\030(s\277\265\333\'>\236P(\275\321\252)?\371\366\221>\250\030F\276\352\n\022?\235\220\2511\t\275z\366\340>s\374\266\276\363\360J?76\256>I\237\367\274\026\006\227\275\027_\215\276\245=\332\276\216\240\241=\'\345l\276\213\261\271\276\321<\365=\316[\325\276\007\211\210\276\324\304\216\276u<\001\276+BA\276\2168;?\217h\017>-3_?M/\277>R\340,\27471\312\276\034\016\250\275\344\201\207\271\331at>\215\263^>rF\244\2764qF=\215\343a\275\342\022\315\274\273\262\262\276\313\257\353\276\323\026@\276\226\226\264>\257\233\307\275\206\225\273>\373u\205\276\rX\267\275\235\315J?g\243\362=\246\210\001=\356\356\341<\237\352\025>\014t\226>\362\243\252\276\346\235Y>K\010\216>F\225=\275A\325\253\276\024\362)\276\r#R\276\037j6?\257+\275\275&0=\276\351u\206>\302#\367>C\026\001?\3646\266\275\216\030\365>R\340\344=\304O\">m\272X?%F\207>{\233j=\0323\314=\243?\222\276\250\311\033\276\251\035\332\275\356A\032\276\233\315\235>\023\316\314\276\325\246o?\315\251\340\276W^%>\332\240\001?\207IK\276\177)\237=J\240)\276\262\3001\277\262\037\321=\332\216\260\275\n%\252>\323\023 >\263\354\257\275\334\\!\275\356\010)?\310\016t>i6\251>\031\300\037\276\346\330\345\276\370$\033\276\346}\330\275X\352G\275\305\013\361=\341\225\271\2759) ?(\212\330=\351\257\321\276\227\324@\276L\357\376>\215\337\212\276\"\355%?@Q\023>(\026Q>5\337\321\275\314\313k\276\307\326S\277\331\004\217\275w\200\245\275\201(\023>\263\000\001\277\013y\037?\352\002\000?HB7\276\257\361U\276sQ\"=\252\n\314\276\253JF\276\025\232\317>\210\233W\276\370\370k>\313\251\354=o\010\320\276\277\233\327<*Z\330\276\211\343\360>A3\027<\341\250\201\273\300\244\017>\343w\242\272\244\346H\276\236\214]>\213\336\313;\231\234\022\274\311\247\247>\220\357G>\253\007\353\276\317\357\366>\207\007l>\"\354\334E\'4>\225Z\202>\n0j=e\3045\277\306e\267\274\021:p>\212\263T\275\212\257\324\276\273w\241>rnX?\007\356\340>\322@\032\276\325C\312\276[WF>7\232\240\276e\314\335\276d\311\362\276\325\201\264>\333\330\306<\n~\230\276\306\016\310>\035\242\225>\005\321]\277\344\210\365\275\205\252\010\276\017\3659>\326\031x>M\372\366>j\034\000\276\372\005\220>i\337#\277\305\254(\277\0241\022\277M\177\341\276\312\246[\275[\356p>\0146\217>\rz\271\276\241\314\016\277\256\237\222\2760l\026\276\210\341\013?Ns\364=\217\365\254\276\323\t\r\277\250\211m>\344\021\257\276\307\215E>\006\205\272=D\352^>\201\320+>\317>O\274\0170\005>q\277\253\2766c\340\275\342\363\203\273\277\013\226>\261d\323=A\023\\\277\263>\253>\213>\300\276X\301\202>\224Cp\276\204\321\'\276\374\002D\276f\364\007?\315\356\014\277\201rO\330\n\276\022\210\007\276v\367z\276\016\224\261>\007\033x\276\341\033/?\347\316K>\257\276\257=d$&\277*\330\273\276KcQ\276\305\303`\276\000\014\"\277\001{p\276\273\362\024?\022\262\307=5\236\204<\365\301\355\275N\271\310>\344\020\350\274\254\207`\275f\347\010\277@\243\201>;ow\277\376\333\324\274W!$<\344\252V\276\311\262\232>@\030\352=\231 \300\275\340\376\255\276\227\206\014\276\303_\236\275R\206v>\337\0340>\272u}>\254?\017?Q-\026\276\237\265\325\275\r\261\006\276:@\253\276\221\326B?\225\006\034\273<\210\371>e\376\210\275\212z\036>\355V\215>,\031\214\2763\327\352>\321\377\273\272S(\030\275\313\315\342K\351\326=\301\273\322>gb\237=\0068k>\376\220\324\276e4\326<\216\022\343\273\347\207j<\020+\352\274g\027\n?\360\241*>8\307#>\201\007\276\276\010,]>\242_}>\374\314\211=K\216\311\275q\367o>\324\007\025\275b\241-?V\233\336=\036[\215>\005\315\032\276\206~\207>c+\243>!w\227>\263\275\022\276\205N.>#\225\306=\352\024\323>\3436t=\342,4>\213\356\020?\252\207|>\232PB\276(z;\275y\301\300=cV\311>\365\036\307\276\305\334\264\276\312\223\001\276\361\260\350\276Y\"\365\276\"\266g=\340\326\033\276\260\311V\276\002j\254>x\240\270\276\037h\325= \261B>\256\306\342<\277\315%?\323:u\276\035\020\356>\226f\210\276U\202[\276\230\327\216\276LH\246>\333|\354\275\177H\331=x\\U=n\304A\276)\000\235>\331\336\245\275\342\240F\276?\014\263>\336\277\202\275\331\003+\276\223\304e>}9=\277\263\223\214>\361\262\n\276\273\357g=\227\3222\275\010W|>\207\343P\276\350^\327\276\316\0304\276[\245\273=\304\212i\276\321w\177\276\002g+\276\001g\341\276`^h\276\2274\004\275Me\340=c\334N\276\235\'9\277\364Y\2534X\005>\255\326yY\335\035?\342\276\302>cZT\277T\365S>@5&\276\212\374\366=\244\233\324>j\352&\2768\016\022\275Fap\276\343\311}\274\212!\262\2758\350\265\276\312\314\017?\362Z\323\276\3036\331\276\000\2175>=\n\210\275,a\245\275\026\237\275=\246\322\232=\350?#?\226\300\245>!\2406>\263|%\277}\233\375>S\312$=$\014\233>:E\321\275\033q\300\275\2600#\275\"G\312\276\256\226\332>\206\335]?\313\003\250\275M\023\200\276\226D\254\274u]\251>\202w\271\274b\264\224\276$\020}>\236\017\226\276i\360\007\277\345\262\217\277\034\345\364\276f\263V\274\363\351=\276\030\030\222\276h\322\302=\"K\222\276\301*\371=\027w \277c\223\301\276\014\372\371\276\005-\221=\330\342\260\276Z\317!\275\325\014\231<\216$\036\277\024\332z>\331rp=l\230\203>!\203Z\275\017\212\322;9O\333\275\035\\!\277s\324I\277\r\245\324\276dV\225\276\024\017s>I5\206\274\324^>\2743V\207>\363\033^>\211\177%>\306E\'\277\225\347L\276?\310\216\2766s\372=\014\303\025?\261l\235=\214\344t\277\363`\263>D\025w\274\244\242\024?\255\3670\276\273B\250\276\346\3438\277\252\314l=\034\2516\277\023J\240=\233\345\247\276\215\244/>\031\260;\277\244\223\250>Z\027\000\276\2324\030?#c\306>\222n\225=\177\325\257;\204)\n\275|\350x>\311g:>\301SD\277\227a{=\343\376\010\277\377\201\022\277]\352\257=[\356\244\276\304>\262\275\307f\027?\017B\204\276\265\253\222>\236\312\207\276:\366\003\275S\t\216\275\351\325\260\276\227X\214\276S\3107>\323\371R\275\234\232\022?F\257j>Z]\304\276\ta\037<=OL>\225\301\263\276\307st\275\341\205\213>H?\302>\246\030\307\273\300\272p>n\243\327=.E\274\275\223)\222> \277;\276\212Z\270\276\030+\225\276?\320(?\016\036\216J\223\230\276\307\243%\276H\030\312<\241\334\345=\355\373\223\275{Ek>M\3149\2775\317\305\276\2304\010?\031\324\'?\266q\234>D\357\207\2761\244\240\275\311\376\315\275\312\030\243\276<\322\217\277f\274a>\033t\261>*\262`>W\261\006\276-\324\234>\177y\352>/\324x\277u~\234\275\321\034s>\300q^\277z|\207>@\272\346>\331c\247\276q\024L=\201_\336\275\000h\227\275\227~$>6\246\303\275\022Pp>\326\006\033=\375\220B\277\032\331\202\2754\367f\276#P\017>\010<\035\277\255\370\'? \2463>9\224\372\276\316N\356\276d!\004?\365%\336>\204\220\241>\306\002h\276~@\177>E\233\247>\352>\030\276\227\372\315\276\236g\210>\265\210\214\276[^\324>\351\271\003\277J\254\312\276\256\003A>\211U\025\277\306\365\035\275xw\004\277\341\370R\2765\337\022>\337\374\300\274d\234*\277R\330\276\276\203y\'>\020\213\267>\362I\234\274\021a\332\276\305h\270=\270\213\263\276\205\265\356=\255m\200>\220z\036?S\253Z\277\226\341\013\277\244\364|\274\r\235\212>\212k\374\276\027\264B=\3128\t\276(\tj\276\035\272)\277\231\010\256>\303\273y\276>\020\260\276\265\312\363\276;9\243\276\313IJ=\013\333\006\277\007\272\234>\340\237L>\244\023\234?\357\244\221>\307\211e\276 \033->\334bS?\211N\235>#BO\275\300Q\252\276\301\271\371=\201\002\271\276\272\002\244\276\271\273\177\276\237\300Q\275\263 #\275\374\311\261>DU\035?\033\214\207>(\230\340\276=\277\221<\365\367\247=\010B&\276Iu\224=+\325\275>\351\363F?\307i\002>\232\025#\277\2733K>\200\223\227=\353\277\023=3iL\277\300O\203\276j\313z;g\033\366>\030\207\376>F\300\254\276\305\r\202\2768\274\272\276V2\022\277\221\033\262\276\032\346\375>\237\256\323\276\007)\203;?\017\252>\\ \003?\362\214\024>\363Wu=Q\224\030\277(T\004>\022A*\274\252U\017?\200\013\332=D\034\337;R\372\034\275\355m\361=\336\315\234=\003\342\312>\010\245D>Z\031\025?%.z\276\237~\364\275\311\303)<\031\253z\275\324B\017?@\245\010\275vk\241<\276\0048\276\242\335\276>(\205\243<}(\331\274*\250\303>Z3\361\276/=\267\274Kq\351\276\020{\227>6\354\246\276\021\272)>\323r+?\355/\003\276\275w\251\275\034\001\373;I\302D\276\310\375\250>\211\231\303=\334\000N\276\373\370,\276-}\370=\371\307\333\276\322\034V>\252\013\344>\005\002=?\334c\001>\'Gg>\374\334\327>\344\342\311=b|\261\275\\\177w\276G\212s\276k\356+\276\316y\270\276\374\241\271>\253\251\313>\034|\274>~\350\231=\2438\233>\254\033<\276\347\321\310>\376g\"\276\353\010\025\276\242\236\223>\305\020\271\276\225\363/\277\227\272\254\276\372\347<>\233\303\344=\022T\n\276\343?S\276\324\241@=?\252\212\276.\264\352=\334\030\363>\303\241\216>\374m:\276\242\217\002>\022\t\"=\210\233\313\276\341\335\230>\317EU\276N\264$?\342\215->9\227>\277\020<_>%o-?\036A\257>*{\223\276\"gq>\362Z,\277\210\332\276\274[\343\252>\314g\320>S&\310\275Ib\036\277\254\tl\275#\233_>\027\032d\276\271U\277\276\007\240*\2777\332\261<;zF> {\\\276\271\"\373=\214s\245\276\022\340c\276`\324v>\n\270\333\276b\304\223\276\0035J>\004\023\202>\252mH?l\025\303>\3648\261>\343B\006\275\007\313\264\276\345\032\r\277\215|\354>\272\327+?!\320.\275k\305$\277\010\326\252>\206L$\276G\\\252\276r\307\034\275!sS?\001\372\324\275Z\355i\273BF\201\277\222\031\314\275r\\\201\2769\033<\322\030k>\206s\313>k\010\222>\366\217\367>q\233<\276\366\013\212>\001UBCW\245>\037~\331\276\226\217L>n\237\361\275\272m\010\277\022+6=\2632\034\274\2206\001?f\304$>Y\321\210>P_\310\276\n\347\363>\371Z{\276\371m\320>f\257\177\276\215\350\277>k\215\022\276\202\020\234=\354,\370\276\314\024\343=W\234S>\267\320\235>\210\034\265>\354~\016\277\375t\007?\210N*\276R6\353>nF-\277Z\255\005=\024c\316=\211Id\276\225W\325<\270\257\336\273\030\327\001?\325>\016\276\010\273\002\276KJ\335<\332\\\313\n\2414=\253\342\200=>J\215\275\036\035\017=\355\352\303\275\205l\330>i\321\007\275\216\274\215\277Wkq\276\305\201u=\317\356\357<\306\203(\276\037\375\366>\343\025\243\275&\231\270\276\302\374\222>\353L\256\2761\201\277>`\331\237=^\327\246=\273\361\340\275l\254\342\272c\340\252\276\245\"\217\273\320\030/\2779\203j>\3134\213>\365\266\'\276+\212\270>]^\245\274x\311I=\302\t\247\275\337\364\311= \213\220=\260C\235=\236Y\017\277\245?\244\273s\333\217>\317n\202>\254\033\236>\214@\264>\222\366\300\276\303\003\376=\206R\214>\027 \370\276\216S\354>\335:\005\277\212UM>\263\027u>\016\354\332\276/\274\\\276\2714\000\277\235#g=$?G>]m\205\275K\327\353=&\001\246=`s \276\367\254\341\273 \376\214\2763\"\362\276x\360w\276\241\371*?\020\020f\276\214\310\374>M\373\177\275\0228&=\306\340%\276t\375)=\234\236\333\276u\307\r>\242ll>\370ma\2769\2073\276\263\352\221>B\233\033?WS\271\276\321\2450>m\271\272>c\270\256\276R_\266\276\264\252\271\275\356u\023\277b\037\301\276\026\022)>\345\206\232>\226d\217>(\354\375;\352\2470?\211\347\026>\2642\326>\342\214\332\2751\214\'<\361\026\322=;z\211\2715\362\037><\344\r\275u7\325>\036H\033\277\243\363&\276~\261y\276\224\214<\276\234a#\276\224z\374=\233\024\211\275\202\256\256>\243?\025?\037\222J>\240\204\006\277P\r<\276\022\326\213\277\201.\217=\215C\334>Ey\037?)3j>k\r\243>\334c\033\276Fu\350>\340\001?>a\017\215\277\266lP?\006\364\203=\373?\000\277h\233^\275\373\022\250>0\335f\275\014T\202\276xN\305\273\005\325\224\276\036 \004\276G\242\005\276\217\260\257\276)**?\351\343\355\276\037\242\273>\253V\214>\321\'\373;|\320\031\277s>N>\020z\010?\272\353\232=D>/>\227\355\311>\237\0078?\360[\315={C\214\276wo\352\275\034R\000?,\203{\276\204\024Q?\037\336\030\276\035\216i>\025\214*=\237\234\346<\177]\231\276%\362\217\275\177\316\365\276h\234L?\264,\214>\006-\327\276\270k!>*\272_>g\307\313\275\014\272\014?\204\240D?\322\352\330>\361\330\200>\320\271v\276~\263\356\275g6\217>B\350\263>\tA\022\276h\265\034\277\273\311\335>\230\"\344\276\371l.\276\0373\273\275\250\374\333>1\340\267>9|\364=\362i\375>\032\217V?!\323q\276\225\262\371\276q3\002\276\037\372\307>\230C\212>)\016\r\277\306\315T>\256\322D?\232X\303=\030]\362=:\264\016\276\021\215\200<\336\223\017\277\255B\211>\243M\"\277\341\327\233\275\n\252\201>c\262\177\274#\351\017\276\236@z>j\330\226\276g\256#?\204\351\376>\242\262w\276P\024\r\276\236$\215=\216U\306>\253\2255>\310\375\304\276tA\n?\312\230|>\307p\300\275\336\226\216\275\220\031w=\340\260\272\275\227\000\357\274\365NV=Ro\371=MW\200>\360\021\242\276\004\021#\277d\006\350>W\246\334\275\3220!=\256t\247\2743\007~\276\310\2135\277\301\000\200\274\214/\220>S\372\256>l,\375<\242\270@\2765\272/>^\021\260\2768\325\246=l\331\202>LM!>a\000\257=\365\005\231>T\207\273>/\352*\276[O\t\2768CN\276\362}\304>\316\264\232>\024\330\234=G`\024>f~\235\276\17730\2762\272\330\276\\\300\250>\026Q\r\274g\177\004?\001\2326\276\331\311\272\276\337M*>\301\352p\276\3275\240>\214\326\\>V\341\213=\251\307\271\275Le\211\275\341\324y\262\236b\276\356-\373<\316\372K\275\212\212\340=\024\206\270\275?\312\253>\031\223:\276MN\260\275B 1?\211\032\014\275-;\243>fz\367\275\026\206#\277\221\376\256\275\274\254\027\276\013B\035\276\023\321\302\276l\030\233=\225\212?\277\342\224\016\276\022R=\275\237,\217\276\261\001[\276\325\316\013<\263\216\233\276\227s#?l\235\352=E\237\n>\312e\323\2751Pq\276\371s\233\276\033\272\365>a\223\314\276\037H5\276\021\\\335\275%\221\030>Y\013\037\276\250\033@\276\007s0>`\221\220\276\033p\242<\276w\002\2763\256\300\276\336\rY\276\216\036Z>$Z\244>r}\327\274\275\2218=1y@>\235k\207\275\321\032\022>\265pA?\251\377\343\276l4\260\275\"O\031>\230\274^>]EU\274\016(Y>@\273\006>\"\324\017>\333\204O>,\254\313>\253\307\323\275I\250:?,\0304?\234\'\302\276\210\224o\277\330\003.\275;\350\343=\260\315\253\276%\335\277\273aV\025?\023Bp>\2354\271\276\\\306L\275\261\227\307\275&\032\273\275\375K\004>9I\207\276\3368\247>\177y\237>KGc\275[\2148\250\320X\276E\024\312=\324p]>x\n\303>d\025\n\276\036\220\240<\274\3262\276\212\212\347=\217f\250\276\343\362\351\276Vr\030?J\007\334\276\305\035\205\275\353\177\223\276\3759\272\275\235\323\243\276u\266\244\276\324)\367\275\255\222\000\277\013\231.\277\222;\377\276\214`\371>\312\006\033\277W\324\341>s\214\013?\177\304\222\274\271\342\300\274\360S)\277\001A\225=97\217\276\235\003\013=\271\t\327>\300\376\355>;\356j>H%\227\276\000\207\317>\247\231D>\370k]>\327c=?\221^\\\277o\\\036=\020(j\276\373\262\004>\226\0165>\226\222\233\276C\237\004?\224\322\307>\027\314\213>S\307\025=\233\005\236\276/\333\t>\362\330&\276\361\271\014>\205CE\275h\320\247>\262s\300=bL\345>\270\206\250\276\266\357\270\276\250\261o\275(\251\222\276\324e\315\276\013\340e>-\333\335>\324 \006>\262F\377\274@\000\242>\375E\363>\247L3\276\205\0240?\312&+\276\344M\203\276r.\264\273\'\254`\276\356\324\236>P\017\304\276\214\310\001>xs-\276I\234\300\275\025\023\307;c\277\376=\303\264\002\276\365\247\001=\201\250\203>V;Y>m\252\024?\267\3002>\240\350.>\245\314\307\276\243\004\321=\212o\241>\267r\010?\000\002\023?\315w\200>\037\nX=\365\350W\276\315\014\002\276\356\346\306\276\320t\327\275\264\230\335\276\323\236\006?+{\350\275\234\245\335\276 \\\352\276\363a\003?\371\223G>SdJ>_.\032\277\257s\270\274(\211\306\274\322\351[>\311\374j\274\362\'\221\276\022\321\305>gj\366\276c\000\037<\034\343X\276y-\234\276\345\220\014\274\234 \216>H\2524>\223\260:>\330R\033\277x\327)>\030I5<\300%f\277\336$\205\276B3\271=\023\377\264\276b\272\225\276<\310\225>\0045\240\275A\210\200\275\223\215\311C66?\333\r\221\276\t\032=\2763w\343>BV\014>\275[\313\276l\027B\276<\016\264\276I_\007\277\205,\021\277\244\343}\276\344L\373\275\325\346\320\275\265I\307>[\311w\276\246\274\325=\020\325\033\276\330\224\n\277\212Y\330\275I\225\376\276\240K#\276X\204~\276\264\230\276\276\023\024\\\276#h\305\274\276F\243>{\225\027\277*\\\331\276\343T)>\263=\304=\212\354\236\2764N7\276\364\234\260\275\0252\033>\0318\262\276\027\355\023\2779\234+\276\346I\351\276\026\360B\277is\215\276K\317\370\276\007\347\207\277\344\234<>\262\246)\276\207~K\277\374+i\277\212\217\245\276\353\210\252\275t*\255\276\371\n\377\276\276\024\013\277\226\315\246\276}\232\002\276M\016\350\276}\334\'?\315\243\220\276C\177\220\276\206\312\005\2767\227\337\276\316k\317\276p.\376=\302\016\016\277\377\335\007?\302\272M=\326,x>\235\271\021\276\257\233\273<1\r\312\276\246\300b\276\316\246X\276\2554\353\276<\216\n?~\353\311\276-\2604>1^\260\276V\274\343\276\332V~\277iU\r\2779i\206\277\345\034\233\276/\221\221\276#3-\276/#\356>\377\007\220>p\330\330>\241\\\251\276\025\262\235=\001N<\277\201!\322\275Y\367\214\276\3143o\276>\276\235>\312\024\">\031\037\177\276a\262\000\277:\331\004\274\351z\273\276\270B!\276\207\243\014?g\357K<\265\014\006\275\030`\025\276\245<\020>\236\014\004\277\257\305g>\247\027\252\2753\334\021\276\022\325[>0\031P\276\225O\317\275v\013+\276\357\251\243\274\273\267\357\276b\213f\277=w\231\276^\365B=1\232\003\277{#\035\277]J\201>\301\026\244\275\202\376\007\276&\216S\276\030\225\022>*\342\257\274u\271\260\276\307\3672=\246w;\276\315\027n>\276\nM\276M\r%\276\324\353\027\277\342\217\326\251\177\013\276i\026=\277\"\316\300\276\200\220\334=,\361\001\277(\243\007\277\374}\322=a\201\213\276\3032\270>K\324\322\275TO\323\274\205n\264\2769\177\020\276C\262~\277\377\030\234\276\030\2509>a\340\277\273\312\367\016\276q\367\242>y\035\312<\tB\274\276lm\007=\274=\322\275D\362)\276\353*E\276\343nE\274:\2574\276h\307\367\275a\001S\276\325?:>\347\303\244=\034\247^\274\275~\236>\252\220\265=\303\302\035\276Ilh\276\366\301\036?\031\265\320\275\233(h\276r\340\253>]T\235=\270\311\367\276\250\334\021\276\260\224\275>\361\035:\277]i8=\033V\330=j\t\017\276\270F\241\275\001\350\226\275x\323\016?X\261\341\274\341\375\253:\006|$??\343\000\275)<#?\206\271\026?\267z\361=^\202\001>\362T^\277\370\304\312\273I\003\334>\222*\364><\">>ej\004?\002 Y>\363\205\002=\266\367v\276\367H\014\275\212\323o\275K\242\356>6\037$\277\361\327\227>\236\317\242\276s\307>>\304\351\205\276a\323\312=]\336\342=\201\330\251\275=pk=\257~\364=}\316\217=\033\266&\276\243\007\262\276\245a\361>\2407\254=\270@\205>Z| ?p\253&?\307\337\242>\242x\016? \266\332\276\251\205\213>D\2560\276#p\376>\020p\304>&H\215>\323\301\330\276\273\324F>\347b\316<\\\244\211=M\316\321\276\032\223%\273\312m\336\276\205z*\277>\347\303=#2\024>\340\266{\275\255\360<\275\263l\211>\244\273\257<\371\342\n>\247\270o>?\264\246>U,\347\274\360\377\205>\235\035\332\275\277\205\245>\201\2512>v+\312>\302]%>\003\273r>\245\326G=\007^r>!6\231\274\257>5\275\251\351\030?\3570\272>X\332H\276\270d\033\277 \365\004?:\203k\277)\030\236\276~\3652\276_\373\224\2765\266\374=\323\254\006\275\237\002\333>\037nI>x\036Z>\3471\313\275\235\004\035?\337H\\\275\301\336\273\276\272\272\342\276A\331\203\276i\307\277>\250\347\226>\247l\245<\213U\210\276\344\335\r?\221\314q\276T\030?\276\355\347\034?\355\271\270\275!\366@\276\340B\372\275/\331\246\275\002\341\202\276/\025\235>\265\343\343=\272\317\215>\315KQ<\336~\254\276\255|\340=\226\202-?\350\022\355>\313\2478\276k\r/\275\014\364\223\276p\372\331\275\326\010\332>\014\331{>\2037\004\277\217`\265=\253+\324>\235BH\276\023nF>=8\353>\323\316*\276s\342\246\276\030\032\234\276\013\303}\276\367P?\276\271;\262>\013\023\024\277\3067\270\275R\3102>F\274T>^\202\034\274\212@\324=\345s\016\276?J\203=\340\2058\277\203\355\202\275\310mJ\276\025\231\021\0026>?..\214\275\2320\206\2751^\t?pI\262\276T\\\354\275\213\255B?\013!\203\276f\324k\276\255+\323=\336\001\235=\367^c\276OQ\000\276\344C\375=\027\207\351\2755\332O\277\354\315J\2762\335\016>\301\253c\276\214\350\242\276>\010\026?_r\274>\375\215E?\341\021\265>S!\301\276?5_\276\262\257\245=E9\313>\001\367e>\233\235\272>\377h\001\277\362\214\200>z\313%\276\237\242N\276L0D?Cw\233\276\321\"\251\276\265n\362\274\324L\324=13\014>\235\031\235<\306$\310\276$\316\032>\014\035\361\276\033}\320\276A\236u\275m$\036?6\362\027\277\235\200E?\212\004\271=XUX>\027G\240\276mQ\354\017\275hO`=B\036W?\340!\304>\235u\244\2760h\270=\335\215\r\277B\342,>\027\321T?d*\322>\311\304\\\276\364\033{\276\2537W\203>>\335\340>/\367\006\277\375;\270>\303\032\036\277\340z4\277\347`E?_\2744\277;\362\306\275o\2079?/\330h\2766\\\216>ihk>Zg;?\351\251\236=\212\334\222\276.m\355=d>\224\276\3572\216\275\253m\242>\240:\200\320\025\362>h#K>\356\021\274>w$\032?\027\007\214\276\307\267\234\275Bh\000?\177ZH>K\343m\274?\233\221>\333V\242\2767t}\276\243\201\316>R\232o\276\001\365\331\274p\267\025?\273\361V>\260\235\006\277\301\356\005\276MR\035\276\273\037\371>uu\322>\313\216!?\205\206\206\275]\224\202>\324@\020>\232\363\303\276\006\354%\277=-G?\241.\222\276\033z\347<\030\341\226=\341\177\242>\306\266\205\276\2763\336>Xt1=\366\341\237\276\026\0220\276Q`\206\275\274C,>2\203.?\276z\177\276\027\nu=\216UG\276\275\326\206\276\266:\217\2765\340\370=\266\327\014>\2007\016>\330%2>\326=\311\27430\356\276\333\376\020?\254\366\t?7\\x\276\234f\223=i\005T\276\210N\365>;z\006>\365\224\004\2773\335\002=Z\204\263\276\363\310Y>\346/\004>\200T\021\276\315d(>q\356\272\276\320%g>\002\376\351>R\207\013\276R\216@\275iX0=\324a\325=\322\215\357\274\310\272\005\277Zz\263\276\320\007\343\276W\026\347>\302\032\327=v~\356=\034\271V\277\303\010.\277\241X;>\215L4>w\210\271\275\3725\200\275{\351\327\275]PY>\344C\n\277*q\017?\362\203\337:\256\005I\275\246sK=%W\215\275\374\356\033\275\316\351\352\276\202>p\275?\3165?\306gW=\354\326\337>\010C\233<\375\014>\2746\'\032>\022v\034\273\247r\206>?}\t\2754Ib\276o\006\236=\253T >\334\2170<\221\202\n>O\356\276>\342\302\212\276\336\r}?z]\032\277\330\373\356\275x\220\347=\337H\355=\231\361\\>\376\251\322>\200\014\365\275I\226\266>\327Y\301>\005\2328=\0058\247>7\001\324\276\000\260\032>\200T\264\276\245\220\226>\321\313\332\2761\370\350>\376T\226\276\324\226\322\276%\357j<\036\331\203\275\351=\302\276{_D\276\266\215\330\274q\216\000\277\234\302\031\276\327:{=\305\312\340> X0\276\033\355\225\276\342R^?\244T\033<\245\031\253\274e\240W\276\300\002y\276!3\264\275\230?~\275\017\364\217\276\272\317\023\277\026\261\017\276\2425\223\277W}a>N\250{>\313\364\000?I\210\324=\223.\373\274\361j#>4<\226\276\301\275\237\275nW\002>\232T\014\276Q\240\371\276\270`\322>\007\360\242>\270\224\344\276\270\302z>*~\220\276Kr\216>\036\034\342\276\2509\204\276\024_\260\276Q\316\277\276\210\231\202\274wU\262>\001K\024\274/\000#\277\327\213`\276\255o\n?\3030G\277~/\006\276\337\203q\275\217\314\026>`\315\024\274%\372\316\274\275\002\336\275\247P\035=\206\250\215>\271\265\226\276\240\341\r\277z\303\321\275?1\033>\362~f=A\017I\276T\331\256>\232\002H>\032\343\'\277>\340k\276\265\004\303>\346\352\327\276\203\315\376>o\273\275\274\376\232\354=\035\016\355\275x\254\367=b\237K\276\202\200\317=8o\335>j\251(>\3749\216\276k\\-\277\250\244\203=\241\200l=\236\220\344\275\367\376Z\276\362\303\231\276\360\317R\277\266\3278\277\367\225`\276\377?\374>Cb5>\321\000\237>\0027\273=\232D\275>\035W^\275\323\221\220>j\004\255\276\273\310E\2766\013\374>\226\251\365>\024oA<<,\206\276=\275\\\2761\037f\2768C\032?\347\277\003?\034#\226\276at\350\276\304v\373\276\360\315%>w)\271>\273\210\310\276\275)\016\277\215eA\276\353`==\023\256\033?\255H/=\332x\363=\324\346\237\276 J#\276\006\212\305>E\224u\274JJ\265>_\301\260<\325\325 \277\356\037\032\277%\344p=\255-\313>\230\310\325\276i\213\005\276Cq\004?\332>\251=\"q\207>!|\177\276M@\315>I\207\263\276+\204\365\276\357\030\007\275\025\230\326\276`\236\235\275\247,c>\320\333i\276\377\303\353\276T\307\355>\341\353\003\277R\002\024=\024\272.\277\355U/\277\223\025\322>\307\000\013\277cR<\276\211\326\016\277aX\207\273\005\261\207=:\352$?7BA\276\211O\277\276\t\305\272\275\344\353i\275Q)\266\2761\240\330=\220\037\023\276BI\354\273!S\221\276\312\027\024?\277\223\265\275S\357\336=\261#1\277M\212/?\247\262Y>\231\204\376\276j\237\000\276\021\205\324\276\030\344 >\213\002/>r\200\036=\005\311\020?b\330\366=\244\340_\276D\003\306\276\374\252>=\001\006\200>\031/?\277\255\000\034>\256Z\207\275QZ\004\277\031\335(>\221}<\274\321\343\033?U\0266=\221\354T\2746\322\003\277q\343\361=r !?\225\322\363>,\307\255\276\262\025\354\276\256\211\215\276!E\305<\307\336\241>:\003Q\276:\3060?\207\375,\277\304\032@=J\261O\277r\354\236>j\361\0249K\370\024>\005\225\327\276\033t\202>\023x\257>\324\365\222\275\201\276&\277\236K\352=\035Ik\276\316\030\016?\347X8\276$\335\252\276\223\005\351=JZ\322\276\311\243\001?F<\262\276\346\360*\276\216\363\244>\241\030?>\3256\326\276\030]$\277|1*?\360\364J\277:\317\227>\0322\234\2752\263\376>Z\374f\276\260\210{?\3319\272>\327\350\241=\265&\346\276q\036&\276sd\001\277|!K>\333b\233\276\034(\244>U\221\256\276\206\276\021\276v\030\201\27622,\276\342\025\361>\362!\252>\206\337\003\276w}t>k\347\305=1\230\233\276\315,\006>\213\022<\276\030P\n?\333S\354>\211\302\r>\000\006\373>\035|\260\275N\271\332=\300\364@?\005i!>\300qb\276\030p1<\332\014\255\275\233\n\006\277\351S\214\274a\276\271?\311\3777\277\325jr>\226\270\035>V+\211\274\013\271\010?\260\336\337\274AM\347\276\321\033\007\276\330\347\330=\232E\255>Js\360>\371\3013>\211\257\006=\\^.\276\013F\330\275\216Kl\276/29\277!\251\230\275Z\214\307=9\253c=T\345\314\276\353\361L>r\205\316>T\037\347=\234\010\021?\264\203\200>@wo>Aak>u%\014\277\005\312\247>\214\'\024=W\022\002?W[\310>\235m\263\276\251\213+>1\240\362=o\037\013\277?\0372=\"\260&?\227G\205\275\267\335\005\2764&^\276\331\212\031\277\204\243\250>N\341\224\276\025\264t>Z\\_\275l(b\276\023S\213=/`\020?\370\333\"?\262#\371\276\302i}>\267\004\200>\317\301\307>\302\312\200=\273\025\232=\006`\317\275\'<\346;\356E\235\276o\366\313>\345\356\224\275\365\212\325<\275Y\212\276\023N@\2763\2545>\036\2748\276\217\352B\275\202\200\211>\324\232?=H_\016\005%\211\276k\345+<\245\277%;\t\t\271\275{\243\030\276\361\334\334>\223\265\242>\003i\001>W\366;?\177\270\006\275\203~N<<\370\024\276#\261\306=n\220\277\276\231\317\235\276\276\030\006?\327\270d?\"K\347\275\024\t0\276\326l>\276\304\364(=\227F4>\247,\210\274\243\215\035\276n\242\333>u\243#>\235\360I<\014\341{\276\350\242\200=\355:\324>\225s,\276\233\212\334\276aW\236>\315\260\357>X\020b\276\210\227\324=\265\331\020>+\033\233>J\305Z?s\331\317\275\301\010c\276\na\327=\360\001;\277$\242\314\276\003J\316\276\303N\020\276\314Dm\276l\000E\276\003\227\316\276\346\003\033?>\007\224>\363\270J?\001\3127?A\224\277>\375?7>\207\031y>\200y3\267>\273P\203=\302]\335>\316K(\277\325wT>)\242\221\276\340A\013\276\247\321M>\"N\312=~\177\244\2768\276\364\275\313hW>\221\373\t?^|\263\276\335.\326\276\322\206H\276x\211T=G =>x\020\017?\341\2232\275\241\345\346\275\"\004\250=~E\260\277\030\376\321\275\360\255M>{\325\212\274#\261\225>\300\361\306>\032&.\277\266h\317\276\016\037\n\277\177\220\206\276sa|=Q\214\332=q\326q>>=\205\275\263G\225\274\354\017,?\234\207\225>`/3\277\241V\n\275\361\344&>}\373\277\274\'\007\201>\277F1\276(}\r?:\"\'>\337\355\357\276\272j\r?\007\360b>E\377\262>\233\014,\277C\333!\275l\360\357\275\344\226\344>\335/n>\2753\255\275\335\002i\276Glb>\214e\272\276\005M\334\276xyW>]Z\003?\246\221\211?R\210\222\276\'Di\276\003\036\273\276\204p\'>\004\312\254\276\240\257\t\275\r\2751\277TI\002>!\362K\275\231\357\007\277\272\261\334=\2353c?7\354\264\276\2263V>\316\343%\276\3558\020?\307\251\201;Q\365\221\276\320\355\254\276\367\324*?u\215\372=\207\234\217=\225y\200=1\350o\276\001\246\n>n`\255=~\205\313>f4O\275\360c\205\275(\351\037>\307\374\231<\364\363\257>\323\014\261\273\037_\325\2764\023\307>\345I`>78<\276\001\342\013\275\200\0038?7\371\032>\216~\010?\r\025\324>\222f\333>.\213b=\024\200\305\276\260Jn>\204\254\215>\031\017&>Of\204\276\313\241!>\037\265<>\310t\331\276X\276\234>\301&\205=m\343\215>`\'\261>\247\272\n\277\366\202q\276\320e\333>Nm\276\276\342G\231\276\336wi?\244v\260\276%;U>\341\202\354=^\006~\276\231\220\224=\025\242%\277\225\277\277>]\315\030\275\253N\375>MV!=%\020\360>\300\252\226=*\344\200\275\222\300F\275OO\355\274\222l\245<\267\\\344\275u\337@\276\025l\301>\350]t>9Hv>\271%\025=r1r\276l\372\304\275NJ\221>\227\335\216\276\016;\350:{I?\276\275\253\232\276\203\255\n\277\255u=\276\261R\346\275\023\272\317>\377\240\022\277ex\221><\326\263\276\314\357\356\275\321\313\007\274_\205W\276\364o}=iOi\275t\021\033?\227\032\004>\274\211\266\275A\027\363\276\311\250\325\276\246}5>\336@y>E:G=\204f\342;}*\026;0\000\354>\n\240\201\276p\255\216\275OsD>\"\006\304\276\366b)\276\000\327\004\277\326\035\307>\272\263\037=\n`\331\276J\223b>(\003->\370\177\330>F\227\"\275b`&\276*\2423>\375\001H\277\355\353\261\276\352\230\243>\177\301M\276\277\0255=y\367\254<\350\332\274\275\020p=\276\206\306\337\276kmH\2771N\347\275\000O\241>\342\204\346\275#\"u\277}\031\200\276\016\255X\275\205\274\256\2754\010\230=6\252\002\277\363\363h\277+\272V\277\211G\205?\331\257\210>DJS\277\302W/=\026\004\266\274\207#\007\276\215\345b\275\204\2466=\005\3729=\250\230\001?\022>\317\276ox\317\2763X\337\276\t\345\031>\255\215\034?w\257\013>:IF?r\253\221>v\224(\277\220\330\342\276\314\020\247\276/\212\033\275\240\240z\277\225!\263=}\036\333\276\370\227\205\276\364w\270\275!\277\305\276mj\223\276\035P(>\356\331\253=\017\216.\277\022\206\004\277\200]\253>\005\032)\276\252\006\260=\211\252\030\277Zy\263\276\217\350\261\276\276u\255\276\334\376>\276\234qW\276\356f\351\276g\245\213\276R\221\251\273\212\206\r\276\026\0234\276\271\004\337=\334\301\237\274\366\316\233\277\226\312\327=\252\034+\276\253\204\233<\342\365)\277q\262\2349\024.\363=\350N\001;\023\n#\276\345\265S\276\207~\026>\212\002\315>\211\025\210=\310j\326\274<\236\220=\346\013\270=\010z\034\276\0160\031>\320\360\247\276\225\303\326\275\007Y\241=\031%(=\020\3553\277\326\364\025\275\313,\354\276\270!\201>\034\260\357>\252\217\021\277\344nU>\362\221\230\275\177\213\363\274\004!\304>\375:t>\223\216\033>\222fD\276\"\020@\276\005\273~>\327\303\241=#\352\220=\246aW\275\026\004A= 8 >\304L\035>$k\274\276\355\2034\277`\377\351\276+\273\310=\0054\320>\t/W\275\333\274\354>\220[\023>PG$\276\310\023\271=z\206\000\277\001EN>\'\"\230\275}\025\352<\003\375\241\276\246\t\226\276\001\']\276\311s\343\276.\305\213\2764\307\177=\017-\256\276{v^\276\353\306\275\276\rl\251>!m\345>\310\321\252\276\213\264\372\276\375lo\276\235\303\214\276\340\007-\276\352\222]\275\372\357\354=\327;&\276\236\017\023\276\001:\200>\337\241\032>\352\304\217\276//g\276D@\335\276\261#\256\275-\234\237;\266*\214>\005N;>H\234\372\276#>\216\275\261zK\276\220\020\025\277\014\360G\276\212\372Z\2757\350<>\246\3640\276\025a\330=@K\336<\357\3058\276\021a\232=\350\254r<\341\201:\276*\334\330\276;\323\217\276\302 8?\207o!?=L\251<\331-\005?6\206Z=\216\333\212>\243\327\210?>I0\277\224\026\013>Y\371\264>\235\2344>T(\031?N\354<=M28\276\372\227r>\263\257\266\276\227j\240=\252\311:>\226\262\201>x\252\327<\247\325\312\276\2258\323<\347 \n\276\"6\232\276\273\343(>\3764A\276\244O\216>\026\374\'\275R\275:\276\246\333\305=\371\252\312\276\224\231+=\202\226\371\275\034\253P>\224\010\252>\352\270\253>\331D\345\276Gy\224=*Md>h\273+\276\206\215\030=\035-\350>#\347p?\003:\257\276^@\201>\006\337\231>\333\336S>\362\200\350=J\277\377\276\277\330\'?E\342\327>\320\330\007\277W\310\341\276\266\263\242\275\002R\341>y\323\266\276\001f\r?\253#D>U\346\376\275\207X5\276\312\277\027<\2725\301>\')\'=\370b\366=\306\032\247\276\006\271\n?\r\260\373\276L\t\244>\310\202\204>\340\030Q=j[\306=g\027\344>%\002|\276\235\256\n?h\210\010?5f\254\274\212\245\032?\013\376\260=/\324\'>\342\023\325=\221K\360>\016\237,>\332\374(>/<\312\276|\222\253?5\266\235>\372i=>$\266\325\276\266\337C>\327a\311\274[Z\037\276W\210\244\276\323\217`>\351\'\335=\315\005\'>~\365\320\275\202\3674\276/T\356\272\337\202\225>\362V\021\277\031\267\334=Ti\223>:7\202\373\263\356<9\202N>\210\244\034?\263\3315\276\200\264C>m\241\243=v\345\251>\264\212\207\276\334\357\260>la\327\276\337y\013\276\215\276\364>\3347\227=5\371W>\3102\201=;\227\324>\201\200\314>\206\262\271\275\346,\242>S\331\224<,\232s>l6\231>ggO>s\230\356=\332\342a\274\353ig=\3017\304>A\375\342\275\r1\234=\314\327s\275\347r\315\276VH\234>\370\360Q\276\032\324\277\276\312\311\353=~]\314\275\0025\250>\301\212\342\276]\001D\276\352\'\321\275-\352}>\003z\231>\374\227\377\275\337\357<\276\257\217\024?3\200%>L\232\256<\206\260\273\276\267L\347>A9\260\275\353\344\003\276\353\311\034>\263+\030\276\271\177C\276j0\022>q\373\247>\373\216)>S\376\251=\235*\225=E\216\262>\375\307s\276\251L\205=\3619\244\276Nq\312=\220\300\377>\315\010\037?\250\370\363>9CA>\003\263\224>e\033\306>,\264\330\276\241\306\331\276\273\366\242>\014\027\272\276\030\371W>\376\240\221\276@\305\n\276\315o\271>\037b\340\276\340\326\272\275\242;\233=\"\353\021?\245k\330\276\031\241\032\276:\024\233>\216\306\201>\3116\335\276\202q\250>\234\220\264\276\351\007\010\277\351\345}\276p\357\347\2769|\374\276\237\262\276\276\312\317\206\275C\034\371\276\035?\215?y\216\227\276NF\360\275TN\235\276\024\330\221\275\243\372x>\275X\271>\265d\266\276\314\241e\277j\224\334\275\364E\003\273\32210?tT/=U,\001>\352\304\030\277\022u\324\276Q\371\023>@-\274\276\344.\023\277\272+[\2764y\326\276j\t\013>y\311K>Ie\034\276SP\t>\305\021M\275COM=TD\307\275\021,\242\276\311x\214\276\336\372\271\276\013\225\n\277\311\205Y>\243\266D\2765J_\276\362\030\260\276\177b\240>\003B\352\276=\230u>\345\327\214\276\212\340\305\275\030\325 \275\\F\260\276p\315C\276r| \276\206cX\276\310X\025\276Ov$\277\315W!>\201\364<\277\215\242+\276i\202\210\274f\023\275>A\301\230\275)_&=\036,\252\273\207\255\321=\255\210\025\275\354\r\212\276\315q@\276\034\365\200\276*\344\363>\364cM\275\361\252\230\276\373]\207=\320\3438\276~\242/>c\001%\2763\376\261>2<\013\2768\341\000?t~\237\2761A\021\274k\352\347=\264\307\366\276\331\016.>\262\344\211\276#\350\r\277)\014\037=hB\263>FAg<\232\"\327\274\306:\230\275\347T\372=\207\033\365\275Lh\321\276\035\215\303\276|X\035=\037X=>8h)>\335j\241\276\372s\260\276X\342\341\276\004R\006\274\375V\210\276\367\251@?\356\316\002\276WH\325<\006\265\266\276\315\020\223\275\037\360\246>\0178\351\275\"\357\207\276\254~\302\275\340\221!\276\351\254\013\275\331Z\220>\272\364\303\276Q\3431\276\255%\261>\341t\373\275nH\337\276y\336l\277\341b\022=(i\032=\237lN\276\274\322\206=0I\205>\256\007\017\276Yn\265>l\243Z=\371\274{\276\306\251/\275\334\026\276\276\3300\031\277\260D\263\2766\206B>{\316\243\276o\267H\276V\005\243\276p\037\313\275/\314\203=\232\275l\276R\316E\276\2036\337\275t\231\307=\201\254\006\277[\224\017\276\265\n(=\032\036\215>\004o\343=y{\247\276@\035R>/N\244\275\215E\373\276\2048U;w0\036\276i\n\305=\307y\261\275\372\256\235\276\033xf\276\025\021\353\276\202%\225>\267\326\355\275t\300\003\276\207\316\246>R\030\304\275\272\356\024\272\326K\352\274\n>1\277\367\322\241>{\006\225<\303\277$?Z\030\022?\026uR=a\034%\277\211w\303\276E\361\333>\252\315\275>Z\246\245\276\330\306\325\275\366}\211=\362\023\260\276\345\312\243\276\350\375{\277\333\211\020>\320F\213\275\351a\306\276\226;\230>\3677\366\276\026\261\265\276\215\340\013\277\010\245\211\275\253\203\014\276`\217>\275\037\016\271\275\261\243T\276\306(\253;\230u\215\276\332L\016\277N\305\217\276\260\362\261\275F\025\225=\224\222\314\276\330x\332<\306\227\261\276\333J\315\276\236\311\216\276\234\2308>\025m\036\277\264@g\277\2366\222=\277]\240\276\214#\316\276\024\231\236\275\313\366$\276@\326\n\277S\r\376\276\364/\236\275{\212\030\274\340V(\277\373\244\202=\367K\317\276\237\2671\277E\305\311\276\014\315\336\276d\355\235\276\316\347\250\276\325$*\277\031R\016\277\267c\335\276Q\267\211\276\227,\251\274\tmp\274o\220\354=\361e\231\276vK\303\276\252%\177\277\262\254 \277[\343\007\277\375\024\271\276#X\213\274y\262\006\276|\213\027\277\367\263\221\275\021>\267\276o\326\026\276\004\003P\276x7\361\276\225\267\247=\211p\'?\265\216\206\276#\314&\277r*\006=\215\362\216\276\363\320\005\277\377\322\037\276\373\337\235\276\003\0264\276\317\242Y\276\3174\337=\231Q\341\276n1\356>\270t\026\277\235\255\205\276\367\']\277`a\t\277\222\377*\277\345\345\323\276\254\341\357\275\001O\004>\007\345A\276k\034\322\276\365\326\361<\256\251\265\275\222k\260\276q\315\364\276Q\0345\277-c\006\277E4\243=\'\245\014\277@\267\226?\371\257d>S\371\223\276\243\326\035\276]\005\337\276\356\373#\277.N\\\275\030j\236\274FN\007\277\360_\305\274\215\363\264\276GH\255\276\241\263\351\276\373<\236\275\302\236;\276\204\341W\276\332\2264\277\326wK\275\251\3249\277~\246D\277\325@\254\276\240\307C\277n4\037\276\341\212\363\275\\lQ\277\221o\300\276[\017&>\376\365\322\212aL\276\335k\253\276\207\244\201\277\311b\021\277\251L,\277\221\004\r\277\321-\336\275\335\341\230<\322\243\347\276\017\007\314\276\343\242\351\276>\025\211>\2372\371\276\330\305\230> \247\r\277\276\210\246\276W\301:\277\002\000\271>\303\340(\217^\036=P\356\316\276S\322\306\275\250\2640\277o\251`><\255M>`\337`\275$V\371\276d> ?\210\305\026\276\222\221$\276\027p\366\276\261\344!\277\257\353+=\257P\272\276X\034I\277g,\023\277\353L\035?\337 \367\276C\211\346\275\216+$\276\0278\307\276\244\034J\277\017\223m\277\264\326\377\276\352\235\233=j\253-\276\337\033\276=\350\306\233=\316\233\r\276\224\017\374\3102\277\2648\363>\006\020\327;lHD>\355\336\013\276\251\337\273\276\215\355\022?\264k\340>\227\245\256\276k\302\353\276\357\020\321>x\026\202\276@\277/?s\374\254<}D\214;\"9\244\276Q\304Q>\244\265]?\r!\370\276&\177\331>\2360 >J\341\023=c\372\032>\2018\262>\2007y>bzy\276\364\361\227\275\247BJ\274\016\023\240\241\237Z\276\262\310\022\277u\264\354>t\004\241=,\017\312\276\354\372\204>o\003\311>\363\307\226\276\031\330\204\275\310\022\037>\323\026\230\275\320\000\005?iJ\362>\245\230=>\335\325\022?\031\373\022>#\246\323\276JZ\371>\366\275\005?\226\342\032?\255\357\007?\336\377\034\276\224\315\301=\223\310\366>2\322-\276~e\301>4\235|>l2\260>\014\341O>4\364\326\210\372\030>{\256\305=\255\225\032>\n\271=><\212u>z\253M\276\237\003\030\276\371E\212\275\373\341\267>7\247Q\276\363\204A\276&v*>\265f>\277\200\337\322>$7b>\254\231\245<\027\022\241>G\364s<\215P\006?>\021\272=S\363\304\276la\223\275\341\333J?B\007\332=u\006\241\276\017\272\351\276\345l\251=^~M\276\234\227\r?;\t\021\277\202\237|>\020\224(=\025@\263\276a\177`>\211S\367>\363\243\253=\320U\232\275!\007\n\276%L\270\275x4)?%J\225>\006\334D>8\241\007=\n\206\'?\t\244!\276@\333\373\275\356\216\025\276\2238\273>J\255\024?1\254\n>: \375\275 \257\314\274#\007\271>\354\355\313\276\010\260\236=\002\351\243\276ga\351=\337-3?0y\202\2769;w>\305\332\221>\3369\220=\r2M}\201j>\227\367\255\274\375)\343>\005\266<\276\362\324G?\256\261J\276\364L=>\331\316\300>F\266}>utW\276!E\356>\376\017$?V\017\251>\035\316\336>Qi\327=\241\357\034>\023`)>\254\223g\275\356_\261\276B\276U>\3110M>\346(|\275\222\301\t\276\273\2415>\204\035\352\276\203\253\255>\036L[;\247\372\231\276\337~\025\277}y\027\276\202\265\305>\266\r\262\276,L\343>>\020\225?aR\003\276\362UP\277\371\210\230>\237Hd\276\247\337\237>\253\2674\276R\215\007\276T\321!\276\005Z\371=l)\275\276\364\232\360\2761\177\010?3\013\357>k\236m=9wd\276\253\001\226>8h\232>4\335\003?\365\333\267\276\257R\230<\005\333M\276\352\025\006>\234s\277\276\265C\347\275U\003\206\274\312\275\266\273\326\0348\277\212\367\236<\023\260\031\276\320A\271<\314\204\014\277\364\270\024\276\335$\374\275\373\026\314=\301\005\317\276\236\337\365\275\031\t\354\276\326\234\026>\351\030\347<\343=\034\275\032\026o\276\351\013\220\276\367\210<\276\n1\233\276\035\213\366>\034\022\367\276f\030\355\276\376\313:>\217\216\217\275\301\226_>h(\303\276\225\254)\276\240X\226\276\212G\343\3614\030>\307a\232\275\357\3771\276Qt\312\276\261\205\205\276<\203\354\276\265\356\351\276\013\213\236\276\3725\345<\271n\273\276T\277V\276\3159\001\277&\014;>P\373\322\276k\257\371>\314\327\027\276h\333\320\276\367\336\262=\310\333\016>\025\357\312>\327Y\313\275#\"\266><\226\312\275$\275\260\276\325\347k=\265\301#>\013DT=\037C\354\276L#j\275C\313\221\275w\"\\>\tZ\310=\305\237\362\274~G\203\276\002\366\237>\373\357\241\276\023\026;>{\235R<\276E\n\276u\017\266\276\247\346\256=Ub\026=\2579n\276\003\244\376\275\304\022\245>V\000$\277d\265^\276\353\243\004\2777\351\201=2\323\216\276\035\213\272>\3542\254\276\0143*>=\270\224>e+\035\276K\026{\276\000\261D>\340.\233<\272Mc\276(\351\212>\336\345\003>\324J?\2766V\033\277y\367\221\276\257T\242\276\000\021\234\303\371(\276q5\317<>\307j<\230\341\236\276\231*\234\275\226\234\252\275\332\226)=\033\232M\276({:>\201\026\316\275\366\247\202\276\032\327\325<\035\305\356\275\025`U\276L\325m>{g\337\276z\316\254\274u!\301=\207\034\213<\263\310\222\275\235\376\264\276\357\016\306\276\274\313\037\276\277g\276<\216l\226\276\355\314\007\277\037}\005\276\r\271\376\275\251\037\333= \373\211\274\337\341\204\276\260\354\311\276\323<\303\275|n\035\276\031+\257\276\241j\371<\370\245\250=\025\232K\276\274\310]\276\365X>\276\362\327\276\276\210\205\002>\356\255H\273\274X\256\276n\035@=Z\352\376\274|\354\375=\2516r=\323\340\254\276\245\024\037\276\376ia>[#\326=9\250\207\276\265W\016\276\311\360\222\275\334H\357\274@:\270\276\276a\360=\300\322\215\276\356\251i>\373;x\276\340\216\033>\262\341\272\276\266\014\021\272\357\300\213\276|\034\355\276\030\310\351=\243\272\027\276\255\221\325\274\274\003a\276\256\335\301\275\364\3267\276:$\030\276\303\335\237\276k\362\223\274(:\'>\276\020\315<\375\025\233\276\320\036\252\276<\326\337\271v\362\324\275\212\230$\276\362\246\373\274\365G\306\276\373\301\025\277\303\312\233;\315\243\204\276\361O\004\276\237\0336\276\373\202\327=h^\312>\271Eu\276\3447\314\276\255G\274\276h\267\325\352\317\r\276\002\213\346\273\311zJ>\034\345\355\276\275X\236=\305\036\306>\341\031F\275\336\300\017\"e\204\276\231\"\200\276\377Q\300=+\301\253>8(\024>\\h\354\275\316\354\"\277\320\221\216>\324\373=;\326op\276#f\032\277\227\343\271\276\004-h\275U@&\276h\217\244=\232y\222\276G>Q=\204\300\220\276\201\206\250\276\0209S\2764:\214\275\2038\344>6T\017\277\370\312O\2755&\250\276N\013\030=\243^\211\276\341\210\307\276u\251\223=\205\241]\274\273\217A\276N?y\276\244\301o=\220\\\327=R\343K>1\340\002\277b\300\214=M\302]\276\316`/\273\346>\004\276\276\230\201\276`\336\250>T=\250\275G\313\224\276\200\362\340<\226\367\213=\215\305A\276f\022_>B9\213\276\341\204\326>\225\026W\276\327\336Y\276n\345<\275\354\362\227\276-\234\207\276\265\371*>\347\337\216\275\001\275\016\276\376\345\274\274\310\272\212\276\325\034\227\274|\373\330=4\333@\275l1\240\276\346\220\"\276mP\025\2766 \307=\007b\271\276\312EH\276_\327\004\276\207\272\025\276\023\323B=\376u\216>H\333\r><\331\274\275O7g\276\357\007\365\275mr\335\275\004\004\370\275\303\r\226\275K-n<\304\220!\276\371\232w\275W}\024\276\347k\362\274\013\037\202\276\027\252;>\032\243Q\276\2235<=\272d\304\2759\n\037>\033\354A>s1,\276x\210\263>6\302\357\276n\034\372\275\277\335r\276%\324\311\274\037\246\343=\007\362m\276M@\302\273\237\326\202=R\230+\276Y\204\023>\271\341q\276 \300\260\276\032-\213>\036D\270\276\004\353M\274\202\006:=\177:{9\235\346\311\275\251\357\375;\276H\346\275-+\003=\371|\224\276\331\234\246>0lM>\002>\274\276\272\265\240\276\301M\344\275\001\303\005=h\216\376\276\301\016\256<\247SF\275\256\321l>s\367\227>\237\303\016=PC\266\276\2707\307\275H\201\030\276o\003 \277\036R\247>\252\277u\276C\201\013\276\222\255\233>\227JH\275\313\251*\276W\\B\276\272\201\347\274$\006<>\314\217\252\276;iF>\254Xp\2768\270x>6\267\260>E\324\023\276a\370\307\273q\347\r\276]\356\346\274\343b\352\276\217\223x\274\022\277[>\352\311\206\274c\303\361\274X\036\227\276\030N\221\276\200\263\013\276\355m\254>\313\333\222\275\323\225\003=J\266\323=\3165\272\276o(T\276aV}=\266\260\327\276\222\362\237>\227P\214>\001b\024?\311\305\255>,\022L>\362\351g\276\r\211n>PH\212\276o8\034\276\363\225I>\226\2409\276I\005\324>\026\242)\276\225Gc?\3052\261\276\267\r\001>\244H\376\376Y\032\274\036\231F>\221\341\251\276\3025\265\275T\356;>l\232\346>B\342\247>\224$\254\275\013\211\010\2750\371B>\255c\"\276y\275\302>a\320!\275\023\231\341>\236}\212\274\260\177\223\275\236\254\265\276\322\370\336\274\252\267-\276\356\317\032?\004\203\333<\243\253\032>d\253\021\277/\353j\276\'gN\276\225\330q=g\243\037\274\300E\346>\325/g=\242\377\325>\332\231\322=V\354\312>\314C\232>\206\212\233\276\013\310e\276\324\267\304>\301\023\350<\331\313\213\275v\213\226\276\216\030[>\316\313\377>\327\365\275>m,\016>\2406S>#\001\377>W\246h\276\352\000Q>\306n\177>\265\r:\275\030MJ=\334\235\331>S\302r>W\233\273>\372b\356=o\327\271\276\316\270\236\274\034\240F\276^\036s>\224\320\276=\241&\267>L\202t>\022\241\t>\314\343\004?[\3340>\357\035\025>H\260\'?Hj\036>\250v\313=\307\304\351>$J\233\273\244\366c\276cY\334\275\334\024/\275v\347\321\275\244~)\276oa\020\276u@_\276\332\273\260\276\233;\311\275\257rL\276\300\313\364\275[~\257\274\002\247\250>@\203\010\276\316u4\272\262\207\224\273\277\304\276\275\227\000\333\274\221/\277\275-\351@\276\270l\216>&=\266>E\222~\275j;}=0\321\320\273%\301\005\276\272\'\232\276\216TS>\004\215\204=E\355\214\276u\365\353\274\3114\234>\017\036c>\027\032\221\272Y\207N\275e\2126?\277\354\345\274L\337\222=\254\300\007>\354S\315\274\0216\342>$\374\020\276V\266.=>|\007\277.\030\342\276e\356\325>\016\212N>\367\220\210>\2262\373<\357A\305<\341\357p>\343a\252\276\301\275\341>w|\034\276\312\3232?\r\316!>7@\371\275\033\035\375>\360\"H>\026y\317\272L\007l\2766d%\276U\336\341\274\360Z\270>\013H<=\272[\354\275\352\356\266=\037i\301>2\367\306\276\360\345\037\276\210{=>\002\360\"\276\013\034\275\276\251j\236\276\302A\221\275\352S\022>H\370\346=X\304\034\276\273Yv=\250hx\275\273\214\363=]\300\035\276[!q=|\377D=_\273:>V\024\216>\221\177\343\275\2549\215\276u\252\002\277U|\272=\204(\352>\002\310X\276\245\255\263>HW\370>=\3664\276\347\203L\276\352\"\n>k\027\023\275\030\027\215\276\245-\204\275\260\373\t\276\226\177)=\020\237\206\276\304\301\255>\001\rU\276\324\205\220\276\322\203^\275\324\325\376=\277f\330<\325\247\326\276\250\332\324>w{\216\276\267\316-\276t\373;>J\223\236\276\315\275)=s\224\262=\262yH\277\022y2=\201\n\234\276\351\317\222>\242#\214<\254\220\005>\002\346e=?\373\224\274l\262w\275\360\274\333=\251\306d=4J\206>\005\235E\275\320\302\344>\316Z\221\275V\245\001\276\3779\224\275\347\333\232\274\000\340G6e\304*>\024\263\361\275\355\360:\275\244\275i\276\257\014\250\276\2148\020\277\375\344G<\336\373\316\276\331J?>6\273\227\276\313w\271\276\214 \017>\247}\027\276\333\206|\276\023\256%\276\361K\030>C\367\350\274\324sQ\276\367\232\260\276\326\243\037?\347\307\227\276\325\351\002?G\200\335\276{\033\335\274\370=\341<\022\007t\275\016\246,<\357\325k>\010\030N>\'X\030\276Ht\260\273\347)*<\017o\314=j\303\025?\304t\361\2762d@\275\320d\242\276Z\346\304\275H\002\037\276p\273!=\024\353\376\276\356t7>\020\025\367>c&\274>y\014\243>\211h\017\276\303\017\222\275\'\323\205>t\363o<3\025\215>\360Nb\276M\251g\276\023]\r?\366W\212<\"\323A>\334T\235\276G+\206\276\216)\265=U\205\266\275\206f\026>;\314u=\\\360\257=\2252\032\275\306\353\035\275\332\231!\276\032}\235\276<\357\227<\355;W=B\331e\276/\316~\275\005\\\252>\363\206\001>344\27693\341\203\316\034>lI\223=\267\313\232>z\233\002>\334\334\\>\312j3\276\317\242\307=\276\316\326\273q\357?>>-\254\275g>\014?\023k\334>\241gv\275\n0\000\276#t]>\322<~\276\004\235\321=f\023A>\rk\257\276\231\221\347\276j\030\236=\310\316\305\275\207\363\306\275\2404\273\276\244\321\010>\206\245\372\276I\025E=\310\322Z\276c\023\243\276}\267\211=N\307{>S\242^\276\246\224Z>\247\350}\276\375\233;\276\'\371\034\276\341\244x\276n\317\n\276\356;\267\275Wm\244\276\267\0345><\215\337\275\363\325\204\275\254Q\251=fM};\350\343\321\2756\221\305=\006\332\026<\031u\020\276\211\207N<\235\225\n\274\260\344\313\275\312\373\341\275l\371 \277:K\212;\263?\305>\371\325\346=Uw\226\263\253\007\275\344\330\212\2756?r\276\003\310z\275$\304F\274\366\367W\275\311\013\206\276\226\305\207\275n#\225=2\321\222\275\366\377\340\275\374%\001\276n{\302< \026\216\276\355\251\024>\320\362m\274E\215\'?\204K;=\254A\266\274\026\010)\276\206U\247\276\206\374\366>d)\'\277GR\006>\032\356\363>\331\232\247\276u\002\021>`\243\'\276\005\202\025>f\321\243\274\305\314\235>E\322\031\275\227\344\371=\3769\254>\230t\335=\376\200\001\277\246B\332\2752\337\270\275o\013I>\025\242F\276X\277\224\275*\313 \276%\256\267\276\206h\003>\270ND\276\343UP>[\274\023\277\337N\257>\372d\374=\0340M\276`O\313\276\253x\320>0\375\207\275\rQ\362<3d\230\275n7\205=\365>\273>Hcw>\211<\265>1\301\207=\370G\360=\353\331\241\276\316\353 ?\264gF\275\004^\354\276\351\000]\276\307\245\330>:\t\255>\256\273)>\347\355t\276\374M\023?\373\305?\274\370\3310>\006\270\276\276/\314\340>\354\322\301\275\243H\203>n\244T> :\375\275|b9\275\033\307Y>j9\357\275\312\003\204=~4\203=\274\363\350>\271\323\256=\276\240O\275\334\267\r?\376!\230\276\216\026\353\276p\036\221\275\023\264\215\276m\215I\276\311\270\230>\242\234\025>\212l4>4\273\013??\200`\276uQ:>OY\316>\331_[=7\275\222<\366\371\212\276\357{\244\275\331\317\032>e\264\235>\370\376\311>\367)\020\276`2\277\275\237\364_\275\016\032\234\276\t\234\253\275R\035\235;\024\255U=\257\005\260\276\\T\242\275R\223C\276;\323\334\274\030\306\263>z\035\037>d2|\274\037\237\372\274\033\303\035\276\263w\r\277yc\241\276\316\277g\273\332u\272\274\300\357C>k\261\016\276\263[L=\337\331|\276m(6\275\321\3146<\341d\235\276\321U\214=\207\271[\276\2232J\274L\232`>\001M\022>6\266\010\276M\320\231\275\275\335\220>[\262#\276?\326\254<\331\201\234=\033\216\353\276\177\243S>\231\240\025>e\"\341<\325\016j\275kq\360\276\001+\206\274\346d\317\275\0174\247=j\232e>\227\037w<\344+\r\276\"\350\265\276\177l\251>\302\205\340\275\033\376/>\364\254\335=\366\300\024\276\324\337\360\275S\266\267>?\002d\275\024\331\271<00\352=\213\225T\276\272\370\222>j>\216\2750I\013?Fd\020\276\177\365\333=a\242/\275\375\222\265\2766\267i=\204\247\305\2748%\013\275%\003-\275d\200\375;\032\025?\276Hxh\276=\303O\276\265\014X=\026{\224\276z\271_\276Gd\202\274\\J\365\275\225$\310\276\220U/\276\346\017\260\275\245\237\265>v\232\323=\207\342;=\205%\037>\237,>\275\002\256\343\275=\345H\2763v\374><\232\320=\3548\205\276\336;\">\242,\250\275\240\371t>\211_U\276ZH\230<\222\234*\276\277\266\234>Y6\304>\232\223\213\276\010\275\362\275\000{\363=\010&\004>\031o\256\276\266b\313>d_\205\275\213\356\231\275G\027\254\275Q\276\312\276\024\330i\276\305Qe=\355c\247=\214\225\020\275\203\255\264>\201\306\025=\300j\273\276=\257\253\275m?\210?N\377\226<_\275i\275\223\242\020\277\323+8>\361n\272=\034w\266\274\2266\343=3\377\250>0\006\306\275\263\1778>\337\234\322<\266\026\033\276\032*\234==qW>\236\255\355<\344&\r>/\302\232=4\230\352\276Wz>\277Go\034?W=\010\275f+\304>\331\305\374>7\t\002>5\357\313\275E\223\371>\240\327\026?\\}\340>\205|\354\275\303\374t\276\277\212\023?F\n\362\275\222\223L>\275\275\334\276\'rN>gf\300=\021\370\370\275J\017]>3g\331=$\331\027?\301d\022?\363\003\252>\017\376\254\276=\367\241\276\"\354~=\007@\212>U} =T\336\177>3o\241=\022\320\277=F\211\031?\225\222\020=\230\337\243>>V\271=\322+\257>9\024o\274L\217\260\275\276w\227\276,\007\016\276\277\235-\275H\306\034\277\3423\310\276e\236\207?\221\244\330\2763\213\275\276>A\025>\343\004;><\366\036\276\252d\220>:\346\214\276\002H$\276\317\300|=\007\345\240>\246w\373>]RH>\244UY>oW\002=\226\017\242<\026~6\276\370\030\200=\255lS\313\373\310>\021\261\362\275\304\221?\275(<+\275\032lr\276=\340M>1[\256=K\234D>\250\326%>7\025[>\231X\353=\004\256\324<8 \035\276PD\331=\034\202\322\275\363\217v>)\216\220>:\020c>\001\024\017>*\266\200>\263\361R>Ml\244>W\227\375\273\007_\264=7}\362\2759\224\203\276\204G\324<\004\276\277\275\260x\322\275\267!\240>\236dz>c\352s>\354\020\'>zE\270>)t\315>8\002\000\276\364\360\224>\240\177\025=\321F\302\275Q\3008\276*\200\002\277I>\370>\267\216\264\276\340\002\013<\260b(>\235\031\223>\016\206u\275\2427\357=,KN\276\3743\205\276s\200\204\274\332\n\250>S\014\214\276\376?\207=\005#\020>C\234\324\275\231\363\211\276l\361\257;\024Z\232>\254\031\333\026\007g>\261\241\264>8.\240>\227\232\032\275\246\247\002\276\241\027\007=RV`>\261\311\225\276\225\337\315>\224_\231>3\027\027>\350\343\276>\215\346\026>\t\365y\276\343\373\000\275 \357\251=\2316a\275B\336\346\270#\217\274\347\301c>P\341&=\332\220\211\273~\345/>\031\344\220\276E\261\231=+e\343\276s\334\272Z\264\033>\261p\240<\207u\363\276r\003\034\276\345\371\231\276\304\004\027\276\270 \217=|\260$\276\006\316\233>\374PH\277]@\010\277:\252b\276\355\301\216\276r\242\251\276Xk\213\276\203\254\004?\203\321\255\2765\207%\275\003\271T\276_f\206>D\255 \275\367\213\242>\372g\020?\003\352\234\275\221\306\024\275\362S\221\274\354\320\347\275\373U\351=\000I\206>\307\013\020\276\017x\330\275\223\3139<\031!\300>\260\267}>\352=)>\025%%\275ON\370\265\254%>\363\203g>!:\267>,\303\351>\204\002\243>\352\365\006\277\212v\217\276\2765\000\277\032I,\276D\353}\275\231qe\276\342r\344>B\017|\276*I6\277~\nO\275\256\030\032>\357|;>\232\\T\276\334!\246\276\211,`=.\226}=D5\003\275\177\330\036\276r\037\343>\231W\370\274VAV=*d8\276\006}\211>\351\351\024=\324\301P\276\361\032\331>9\307\214=\327\315\244>\334*-\275L\216\236\276\3651N>3H\373=\017\342\211>\314h?\275^\341\033>-\225\261>\"+.>\237\211\000\275O\001\t\275\033\220|>\254\261\237\273\016\361[\276\023\3605>,\225e\275\301\336:\276}\004C=\203\370\362\276\r\300\257\274S\001\370=\257\326\200>$\240\347=\303\272\262\276\374\016\360\275\337]\375\276\333y$\274\212\243\036\276\245UE\276\371\213 \275C\260\016\277@\321M\275\021\221`=q\243\205\276\036o\222=\223u\241\276\024\365\230=U\001\262=B\371o>\277\230%>\tn\202\274\251H\010>3\353\266>X\226\325;\034\351\203>\314[\364\275\'\240f=6\242\354>\225$(\275\273\365\210=\305\026\n\277:_\217\274OK\373>%r\023>O\352\203\276\001Dk>\226B\330\275DAO\274\337\003S\275\244s\344\275\034\307\017\276\002\305\260\275\025qe\276g/\004>#e\226\276RB\242\276\260\356 >\023\203\214=\361\266V>\244\017#\276\256j\256\275@\255\177\276\030\232\311\276\213\204\026>\202I\021=\244\033\317=8\260\253\275\224\364\327\007\346\034\275\362\323\355=\367^+>\252\247\346\276@\326\214\274\317\232\327=\002\217\244\276\221-\313\274\360\257\217\273H\261\005=Z|_\276\344\333\005>\307\211\266\276\336\256\352<\245/\373\252\254\242\276LA\307>\257]Y=\237\357\023\274D\"=>{\t\272\276\005\245\234\276b\203\177=\265\334(>\210\203\311\276F\"N\275\344W\017\277\222\210\303\276\014Y\302\2768\245q\276\nm<\276\321\365@\276H\'o\275j\354\024\277\213\367/\276\246\313\241\275\323t\334=\346,r>\257 \006>\267\010\311\275\243\203\372=]-\232>\200\024C\277\220\202\306>\316\0261\276\243in\275q)\002\277\266\372%\277\250\373\321\276!|\355\n\277e\277d\220\001>\354\003\273\273%\253\204\274\222\355\225\276\377\271\007?I\221N>\210\324\013\277\202}\372\274\233x\307>i\301\311=\030\216\246\274\373\377\240\276p\342\226>\336\261\300\2750\237\250\275\2035L<\032\277\217\276\261\254\340\212\013s>h\004\320\276\342\271\031>0\277\251\276S\367\020\276\363\225\371\276\373y\312\276\364\210\025>`},\276O\220\241\276\217:C>\016\014\361\276@\362i>\337\235;\275\262[\330;G\004\276>h\255\204\276\344\360J\276p\2310>\"<\024\277\325\343\026\276E\334\371\276\263S\217<\014\2066\277E\304\235\276d2\203\276\004\344\227\2768\352\214\2765\227R\276\322T\242>\037j\366\276.\311\231<\344\316\230\276\223\353]\276\236\213\250\276\314\245\312\275\354\242\213\276\t\362\005>e?\352=+\326\254\276\367\003\306\273\300\006\304\275\315\232\020\276\021\270\027=>]#\275\251\311\010\277\014O\342\276\310\313\232\276\371\312|\276\376\026\032?\331Y\206\276\203\252\343\276\302\211\243=r\nc\276\313\313\272\274\321\237E=FQ\244\276\312\335W>\244\205\006\276\3427z\275\034R\227\273\33494\276\374\207\332\276\367\325\374\275\310\237\347\276S\331\017\277p#\302>x\221\305\276yG\300\2755#Z\276\316\215@\276\207O\r\276y\225\r<\314@\220\276Wpg\275\337\214\321<\350Eu\275O#i\275D2\224.\354\213\273ek\337\275\220\323\177\275u\336\010\274\357\371p>3S0\2761\314\360\276S\337O\274\260sw\276\255\220<>\343db\276\231\272W<\252\303\205\276=\026\314\276\211\035H>\337\371\334\275?\256\017=3\201:>\016\345\206==\356\212\276\266r\027\276\200\221U=\367\337\351>\217\211p=\325\023\314=\177\325G\276\262\337\330<\2405\353\276\023\357\234\276\010_g\274\177\201\036\276\304\206;\277\255\2114\276\026@\251>\345\354_>Y\323`=S\257\220>u\232\345\276\342\n\323=\006N\215\276\342\330\346\275#I;-y\261\275\257\373\333\276\375\200\307\276\2155\313>b\351\300\275\343\227\205=c~\347=\016\217R\276\340\263\026\276\354zG\276\350\335^\276\317\264\366\2769\030h>\256\321\221\276E\022:\275\302\3405?\266\315\251>]\016 \276\234i}\276\021Y3>\364\314\223\276,\204\201\275\266~\207>d\206\340\276\005\276m\276x\025\"\277\352\346\225\276u\346,>7e\274\275\345\244\000\277\342\353\337=?\031\300\275\352\361\204>\241\334\003\275\317\330\301\276\323v_\276\211\214%\277\331\3239\276\351\344\257\2768\370\350\275\256\373J\275?\254\302\276G\261\243\274\357\363L\276\256[\031>\003\023@>\355$\036\277\210\340\010\276A\232\226>\373\371\024\276$H1=\342\027\233=\346\025 =\372\346\320\276\240]\263\276 \031\267>\334`\216>\356\2732\276\332\233\373\276o\265\303\276\333\352\276\275;\030\303=:\333Z>\244\301\004?9\343\262>Yk&\277\003\352\300>\367n\021=\223`,>\007U\226>\037\315\247\276\327\325\226\276@\240\330=\014\316\372\276\247\276\256\276\254\301\007\275!\235\370>\246\222-\276\351f\220\276\226\016\237<\332\350\203\273Q\204\331\275\t\200\227\276\314*\330>\360EE>\264\022\252=\312\215\201\276N\311o\274t\302a\275\355\201\271\275E_\014\272\276\262P\241\274\277\340\365=\"\206s\276\177o\002\276\213D\356>?\327,\276#\235\"?\276=X<\"B\275\275\022\336\265\275*\274\262>i\344\261=:\261\007>\340\300\365\276\312\243>\276\307Lm\276x\213\343>\343: \276k\223==)\307\022\276\336D\332\276\034\212\232\276\331\347\371<*\203\265\276c\355\360=(N\205\275\256\336L\274I\353\351\275\377\340\032\277zw\035>i\020\355\275/xM\276\021 \205\275\351\320?=z\372$\276li\031\276\211$\244>]\235\267>7EL;z\377*\276\304\303\031\275\332>?=\345\226\014\275w\221\227\276\036\222w= ,e\276\273\245+?\276\305\346\275u\254\022\275\276\275+\273u\334\305>\245\353q>,^\202\276\345\362\001\276b\237k\276\r\253&\275\263Q\232=*\361\017\275\255\304\310\274:q\026\2772{\220=\203\307\206\275\233D\004\277\300\226\237>\214\306\010\277\322\n\220\276\300~\347\273\352\370\210>\202\363\310\354\305->5\356\t\276\211s\006\276@\027\201\275\333n\375\275\245o\233\275au\370\276\036\226\261\276\225W\257\276\264\207\306=\006\370\022\277\317\270h\276\340\214R\276\376\310\371\276\374O\025\276i\333\001>\265\303 \276HB\334\275\"\2026=T\367\255\276\016\375\315>~\220\217\276\2467B\276P\364\222\270\231;\316\276\2552\251=X\225\301>\333\033\205\27679Z\276\337\255l>6G\215\276\303\005\346\276\3079<\276\025\305\202\274\360\351\257>\247S\274\276$\'\275\276\210wh\276F\273\354:]\347\013\277\260\376\351\275\207\2715\277\177\2707=\306=\254\276(\203\032>6\245\246>B\003\225\276\216\304\340=\267@\316\276<\340\334\276\352)\241=/\035\023\277\352Gd\275\250\342D>\275\314,\276\314.\327\2762\224:\275T!\005\277\321\352\335>\3260\241=\306\256\005\276\242o\010>F\010\024\277\230^\203\276Nw\354>\317\247C\275U\354\013\277\010\300\004\277\272\277\322<#9\360\274|\006W>\343\275K\276b\230\020\275//\006\276S\343\235\276\\\215m\275\3318\240\275\344\346\201\276\213\014\310\275^\001\013?S\306\034\277=.\017=8\017\002=\r\034\237\275\234h\252\276\265\213\010?\005\014\343\276\233\2567\276\375\'<>\306\263V\275A,\360\275\255\0275\276\257\016\202>\007\006\334\273v6\310\276\243M\223\276dj\211>\250Sg\275\222B{>\311\337\305\273d\336s>\241\253=>M\227\343\276iR\361\275`\263!=O$#\277\2064\326=`\034\231=}0B\275vI\214>\311\330-\276\006{\247\276\261\025\007\277\245\352\027\276qw\252\276dN\010\277\364\030\307\276\373v\347\276\254^\306>\215\221\322>\367l0\276\037\370\326\276\321\363\304\2768\210\201\276\324\332\372=\213\232\234\275\002\030\270>\336\026q=S\344\261\274>\220\317\275\210^\253\276\014\000x\275\244\211P>\336\232\364\276\021\354\036\277L|N\276zm:\276\361b\215\276h*[>\332\350\027\276c.\327=\310\224\035\276\014\301A\276H\020A\274\027b\213\276R\235\216=\003\247\007\276\033\224)\276\236\221\031=\216s\203<\257.\342>d=\370\274i\226\216\276\000Bs\276\034\356\216\276l\221\303<\003:\024\2756o?\276\221\034\'\277\275\243\214\276O\357q\275m\243\224\276\254r\301\276\236\031\244\275)\351\244\275\250\220\240=\001\264\265=K\223\235\275\212\023\327\275\016a\314\275\267:\004>\000\013\007>\214\371d\276k\006\300\275\265\313\363=\347\014\007\276\352\303\263\276\000\353V\276\326\000\215\276\331\233>\276\020\255\344=\360\364\264=&\244\350\276\021, >s\347s\276\3326\247=\227x*>ZX\274\275en\215<}\n\342<\276Y\233>\256Ab\275\004\371K\276k\010\240>\025\017\035\276S<\215>p\241\271\275\250\354\266>\273ZT\276\337\201u\275\307n\023\277\261\004\001\275\004MT>\017\013\244>\3764~>\231\023\217\275f\222\330\276f\210W\276/\226>>%S\377\276\335\355\260>\027\263\224\276}\0210\276\360\314\315\275b\321|\275\234\301\201\2769M\373=\270\272B=\004\036t>_U\217\275Z\306h\275\377\336\226\222d\324\275u\264\017\277+$\221>\t\223\271>Ja\257>\216\330\001>,D\300>\005\356\027\276\332\302\202>\251R\007?\371\001\327=i\342\204>H\016\020>\2712!>^b\262\275\327mZ=\020\260Z>\240\200\310>\373\363\254\274|\336\304>\232\377\002\276\3609\317\276\3638\365:\372d\310>\367\251\256>\371-\035<\244\005\255>p;\003>\256\365{\276\366\372\206\274\001{%\276\356\352\323=\307\007\226\276\177\223&\275B>(>lk\317\274 \005\211\274\353\337I>:P\230>*\346%>p\231D>\322W\313>\223@\375>\277\365\347>3\332\353>I\325\355<\255\2044=\376W\230>\212\0254\275\321x\362\274Q\331\224>\304j\">\2175\224>6l\241>\251\207\025\276\034\260\362>_\024\303=\r\362\311\276\346j\307\276\261_)<=<\270\276Jk\220\2754RNfs\256=\301-\313=v\250:>\367=\304>\213\353\200\276\243Z\033>\343I\222>\257I\242\274\251\311\032?\332b]>\267N\351=\246F\356>\001d;>\273\245\341>M\t\214>\022\213\211>;\250\r>P\335\207\276\022\376L>\204\3727\276\316\346*=}\004>\276\210>\235>\027\032\365>\315\014\231=\2302b=\374\'\225\276o\240\265\276\334/y\275\345K\013\275m%\355\275\323K\366>?.\013=\024\241\262>\241\334\223\275o\253q<\266!\333=\366\330\252>\3526\210\276\375\317\006\276\35575\276K\241X\276Z\350\271\276\214\0336\276\256\372\322\275ep\022=\200\274\327<\327\352\215=\376\024\220>\014\n\325=\314\244\202=\347V@\276\354,\223>l\005\334>\26316\275?\230\204\276\257\315%>\270\343U\275I\214\202=\004w.=\000\003\031\276`m\346=\267N\236\275\350\246\222=\375l\306\274\276\270\034\276\000-\005\276\330n*>\337\333v>\315ru=-\300h>\232\233\317>\315\276\\>r\271\225>\341;\316\274\3130\213\276@1I\276E\315#\276\237j\030>bL\351\276NnO\275\247M\025>\374\217a>\242X\354\27406\340=U\232\203>\222\250\315\275\010\215\266\275\234=\006>|\213\017\276\330\301\030\276-\232\367\275\325SS>\300_^>\235\323\275=\317\037\367\371\255\210>~P\343<5\276\323\276\365\204\236\276\034!\251\2761\337\335\275\322\304\216\276A\220\320>\370\361\"\275\240\263\352\276 \311\211\275\260\333\245=\354M\310\275\007\351\242>hM\366>\340\264\227\2769\315-\27446\r?\320~v\276\341f\371\2753\253\375\275n\366g\276=\037\265\275\213M\032=\324\304\031>>\355&\275\200\223\001\277#\231\205\276\246A@>\240P\234;W\177\227\276\301\024\177\276L\252k\276\260\030)>\332\341\336\276\007\301c\276`\321\325\276\223\342\016\277\3752I>+\371J\276\357\305\377\274O\201\337\272q\262\361=\273G\333\276\262b\004\276\313_\020\277}+\217\275\033s-\276\220\275_\275\256f\n>\304\210\370\276 -\322>\241\322*>Z\213\335\276\\{\343\275\357\267]>\274\326t\276\n.\000<\367\226\\\276r\2452\276\233z,\276\302>\305=\200\343-\276wVS=\343\355Z\277\2305\363\276\010\032\207\275\r\311\210\276\370(\351\276\017\243\010\277\271k\304\276\233\003\364=\374\304x=\303jF>X\330\365\276\2715\250\2767\377U\277\266\373}\276\024L\273\274_\254\007\277\313\305\341\276\245;\347=\275w\221>\346\202\027\276\320\251d> \262\305=S\243\030?-\304\351\276\375^w\275\260\265;\275\247\007<\276b\203A\277vmG?\t\002\036\276KA\340\275\241!\221\274\346\370XV\340\306\275\010\362\333\275\003\207\264=3Mz\274\t\351?=\341=\366\275\t5\036\276\354w2\276\014\364\206>\304\237\272>[\311\204>Ap\252\276\210\254\005\275\265|v=`\034l>f\332Q\275p\335\271\276O\177\037<\300M_\276\264,R\275\307\251\031\275\373\3136>v\312\321=)_\246=\006\374\021\276\034\307\344=A?>?\021\003\310\276\325\254\016>7}2\276$\231\213\276~\347\324=v\364\265\275\312\356\031\276\243\213\330=TA\036\275\324\3100\276\026\004\214>\367\374\251\275v\220n>\241l%\276\007:\020\276K\307N;\321Q\307<\213\324\260\276 \364\207=\206F(\275\002*M\276h>\031=T\321\260=\375\256#>S\026\246\276\327\233*\276m.W=\216\3779\2768\305\372\274\306\242\275\334\273\367=\321\237\264\276\222C\364\276\007s\361\275\356\254\305\276K,\206\276\263,#>\'\340\270\275\346\235W\276\260\3447\276\017\027\027>\326j\204>I\177(=\\\252\277\275\240\315\035\276^w1>\213c\202\276U\017\210\276\371\227\027\274\007\215D>\246\344:\276\016\322Q>\304\350\004\276KW\372\276\375\301\204\275q)\224\276\223\252\313<\331\315$=\212\214\346\276\306\250\022=\"\224\225\276\204\203e\276t\332\300=E\260L=\265\032\260\346\241\257\276\206\305$\274UQ\262>\227\017\002\277M\351+>\362\206\344=WhM>\277w\n\276\330\253\357=,v\034>k\0054?\'\351\017?\267\216{\275^\024\210\275\363&.\275\207\206\276=\245e\177\276\021f\250>\350\2566=+\374#=#\017\242=\337j\346\276\301v&>\023\311\270>t\213?\275t\362\367<\224\016\312>O\314\263\275\0312\261>\360q\243=\377F\220=\327\300W>\226\000\216>\253\224\274\276\177\204\246>\255i0\275\202\240\247>\005\334\317>w\367\023?\000\315\242\274/\372h>\022\336e=g\277d>Q\345\222>\317\026i>\366*\266<\223H\355\275l\340t:\002I\245\275wf\227=M\010\237)Y4>w\375\215\276%H\245>3\001m>8\212\367\275\325]\357>3\005\214>-\260Y>7\022\265\275\243\307\342>E\347\321>\374\342\266\276\350w\246\276#b\222>\337\304\001?\317\272x\276_\321\217>\221kj\276t\007\313=\325\325f>\r\035\326\276\247*\273>\254\005\213=\n\333\325\275\217\312\"?\213\321\240=\334d\271>3\001=\276\316\337\252=\206\302\231\275\030-\334=p\036v>z\3761>\237\366@\276T\276\243\273\361\336\036>\030t\317>\367\177\031>E\370\205>\036\356\020\276\354\202!>\252b\036=j\206\254\276h\022\271\275\366Y\243\275\335b\007\276\037]\276\276\357\377\232=x\023\326>}\035\010\276\233\247\225\276\272\367\225>\376\215\371>\010x<\275i\236\003>\212\010\">\266z\333=\257\002\321<\004\304\021;Jz\034\276\017\234\242\276\263\376\207>\207l\225>O\333\345\2748\'\265\275\036\006\241\276\333\032\215\275\022\253\3766\237\376=8g\035\276\252\366\240\275\252\004M=\001J\032?g\261\225\276C\020\226\275\242\243\022>\004\335\232=\363D\224>\223\275\212=T\245C=\017]\277=\214\333}\275[<\217=\n\337\006<\221*\327=>C\347=\301\\\236>\367z\222=\'\305X>\206\000\334\275\225\253\341=\r6Y\275\257\374\014>\231\255\027>]\367e>\323\244\345>\371\215\177>\314\3415\220\027\232<\303uH\276~:z\275\014\016\005\276Fe\243\275\202\263\033\276\351\005\275=\213\343@\276\225\303\221>\tF\374\275RJ\251>>\324\027>UxK>,C\306>\270\277\005>\372@r\276n.\004\276\001qB=\2736\352\276\021\235\354>Uz]>!IJ:r]z>\236\000\014>\330b5\276p\022\212>]\316*\276\353\255\362\274\301\017\312>\3236t\276e\275\215\276\017\037\210=\233G\201\276\321E\332=\030\324\020=!=\231\276\004a\020\273\211\306\007?\343\006\020?\305\022\033\277\2479*>\005\275]\276\2775\230>\315\024\213=\017\325\256>\344,\034?\363\242\301>\350\346\260\274+\337\244\274\373\037H>\005|\365\276\250c\324>\304Cu>q\001\303>9\230\310>\377L\231\276H\305(\276\247k\225>\301\342w>@\260\221\276\002\211\005\277\3529I\276\331\010<>\234\334\367<[\007\226\276\202\0230\276\223\236\034\277\303\010\240\276\034#\211>+}\223>\254Oa>\232\324\331>\325\261Y\276\313\333??\222\023\247>p\2237>\245\213\331>\311\250\312\275U\307\227<\326\266\352=\2757\357\274\305\021\204\276g\016\223\276lD\213>j\225\371=\221\237\223\276\226Y\031>\227\273\250>\310\231/\276\301\206\212>$\177Q\276\033\335\237>\374S\306>\336\337\t\277G\266\221>i\300n?\235w)\276H\036a>\252!1=\246\231\310>\363\312\021=\230+\275>\037\212\317\276\240\376\254>\326\221m\275\223W\002?oh\224>F\033\362\275\200=\037\275\364\325\215\276\267K\021\276\305\021\345\275$\346\243\275\236 \214\276\376\240.>\3326\343\276\224\247\253=\3310\'\2766;\177=\027\213\217\276E\265\301\276Il\340\275,\371\240>\305G\226>\274\335W=\276D\202\276\374\324\275\20496>\375\260\241=\243\320\375>\353J\001>\210\354\341=e\276\226=\3013\313=\376\240\201\275\242\312\250\276\264D\017>+-6>Ic\241\275\304x:\276\220\177\002?\021\322\272=\261\274\340> \006\376;m\022\265\275\254,\263\275\210\022k\275\372+\372<\351,\254=\356S\357<\275\206\006?\333\267{>Lv\223\303\361Q\276\376w\340=\215m\240=\005\307=\276\262}\177>\364\365\326\276\352\376U<\rR\023=d\270\r\276\302\322S=\205-\316\276\020\271\177\276y?\343>^\n\232>\207\263h>\350\221u=\270\232$\275\013&-=\013Op\275cuy\276\213F\253>M\033\221=$\331h\276\236G\224\276E#\363<\214\247g>\316\345\254>\335\225\206\274\321\377q>\215d3\276\013\272\252\275\373\367\204\276bxA\275h6\207>)\257\364\003]\t\276\320}E?\350\343\203\276%\344D>\\\320\220=\302C\311=b\217\247\274\r\r\227>#p\030\276<\313\266>\317\365[>\021Q\314<\363\225\271>\004[\304>\004\2714>\325\330\000\276\230\351\336>:\226\036>\256\215r\275\n\352G=\275\r\323\275=nd\275PE\005\276C\251\306\275a\252f>;\330\337=O\225E\276/\350\035\276\200\252h\276\362D >|\347 \276\322\370M=\036G\264>\241LO=\037\265\241\275\325\035\250\276q&\205\276\310\244\365\276\036\241\025\277O\307^=l\t\220\276\200\255\326\276\020\257<\276\376\013\231\276\204e\254\276\222\234f\276^l\023>\r\376\210>\347\264z>x\352\253=\251\330S\277\323\021\026>t\317\322\276<\224.>\255\316\202\276I\374\351<\331\365\262\275\223$\273\276\232%\021\277T\253p>_\273O>\345\032\210=\024]\272>\354\342\224<\244\'N\275\217%\302>!\017\203>\332C\344\276{\261\372\273Y\354\010?\214\204m\2747\241\002>\313\336\037\2763\002\014\276k\2267>\222^5>-\230\377\276\367\225\312<\211A\024\276G\330m\274@\367\300;\330\247U\276e\230\267>\274\033X>\266\334\037\276\017a\007\277\013\340\002\276\363\316 \277u\355\301\275\\\271\376>H7\325\274\300]5\275\\\\\247=\301_\322\275\233\024\240\276c\371]>\343\350V\2769\350\002>t1\026\277G@\004\277t\000R\276\340\342\226>\234\221\222>M\217\177\2766\234\270>-\326\273\275\240\260e>\2158\033>U\013V\276\035\3516>\213\213-\276?d\373\2750\211\310>\203& =\370\023V\275a\2066=\246\300\330\276tn\202=\034\320&>X\213\301\275U\237!\276\255\255b=\237O\324\275\213\036(>\355M\322\276\320[\265\276b9\'>g\334\257\275\3316\354>``\303\276\361G_>o$\372\275\007E}\276\320\266\227>D\210\255\275h\372\236\275\200\244\177\276BF\267=\320\306\227>\303g\206<\225w\000\276\215v\242>\242t\330\275\365\352\036\276m\314\022=\216&j\276\340\275\251\273\256NZ>L\275\\\276\322\030\313\275z\227\033>\217\314Q>\217\260\330\275c\026v\275@N.\276\227\241\275\275\257\000\234\274\005\244<\275\275\t\205>\221\307E\276\225\241\005\276\272\237\304\275\364\276\304\275OH(\275p\200\350\274<\003\300\274:\032\210=\203\242\257\274\232\231\254=\022\337R>\207D\255=c\026\331=\307\345b\276\235\233S=G9x\274L\276\013\277\341(^=\305\352\204>\300\223D>\252\235J\273\002\005h\274+G\351\274F\247\242\276\342\304\272\275k\240\375\274\025J]=\313L\243\276;\233)=\265\026m\274F\274\341\273E\320v>\013!\257>T\357\346\276\346\241$<\0025w\276\332\376b\276?\026\020\277t\254o>\301\371v\275\244L\227>\242\324#>/_\002>\274_\362=\253\r\\\274\014z\362\276\317[\222\276\326\r\234\276_\251\000\275u\350_>\370\177\232\276\353T\032\277,\202y\276\004\021\323=D\264\341Y\246!\276U&\206>\202\323\356=\270=)>v\3511>\345e\000?\312\361\024\277m\376\306=)\374M\276q\340B\276\nJy\276\336\346\265\276X\354\320\276`\376>\276l\252\350\276\313\223\352=VH\241\276\211\273\177\276W\353\221\276`>\013\277\356\354\327=\263\212\212\276\353\177Q\277>\214\271\275d\347\007\276\030^[\275\022\333\200\276\351\276\016\277F\021\274<\200^E\276\371/\276=\306\3111\276v\277\025;\267\301\215=B\3362\274\314\250q\276V\277:=*&\355>~\341\342>\201#q>6\351T\276\303}C\275\370\243\361\276\301\031\203\277\225V\005\277 .\304\274\345o\330\276\227>\331\275_\232\237\275\216\273\206<\035\242\316>\255\257\313\276So\220\2761\352\353\276\271\216\037\275\016\035\253=\330\273\214\276\344\230\364\275\307@\262\276\n\325p\276j\346\204\276\202\203\024\274L\1770\277\200\017\031\277^\233\317=\017zR\2767\225\030=)JX\276\250p \2755\227\226\276z\372\343\276^\345^\2763\362\t;\343\315$\277\340\253\214\276\263\224g=\006\212`\276S\254\372\276}L\014\276\257l\235>F\337\304\276\3519A>\241\374d\275\014\261l\276\0017\205\276\245\260\234\275\235\223C=w\316c\276\221\213\303\276wi\260\275\322\341\245\276\314\344m\277\206(\232\276\335\212;\276\355\326\221>\246\230\023\277\334\213\370\276\371\024\346\276\032\221\266\276\360\270:\276\350\354\001>\205\303\234=\342\272%?\220\270\036\276\215!\224\276\027!\034=\203\210PE\312\302<\213x\317\276\021E\246\275\333\243\020\277\330\303\211?X,1\277\345\340e\276\232\330`>\014\324\t\276\020;\022\2760\221>>\315\310p\276:{\336>\215\276P\276\341\3372\276\310]\000\276n\265\036?4\211b>\226t^\276\333W\361\276\022&\003\276P\363\356=\323\210\234\276\225\354\367\275\271D-=\210+#\276ca\203\274\236\267\326=\217\006\347\274\351\2670\276\243\310D\276\301J\t<;\307\271=\241\206\213=\273KP>\303\007\326\276!#l>\243\244\036\277+\347\241\275\002~\306=dI\322\276p\366X;x\367\253>k\346\240>1\222\255\276\315\350>\276\271\323\026\276;\347\243=\232\215&\276\211\341\257> \220\307\275qU\035>\335J\235>\037\236\224\275\242U\237>_\351\204\276\216\321\320\273\336\t\207>/g\320;\220\2448\276\220b\022\276J\255!\277)\315L=\216\340\032\273\316\204\314=b\216W\277\354Xc\276\247\000\003\276@\263\301=\263\335\250\276\273_:\276\301l\t?\365\256\310\276\363D\031\275\265{\275\276G\016^>\224\321\226\276\323\277\234=\177\240\261\274E\322\216\276?-\240\276\265\255\206\276/\215L=z\033\353>q\366M\275\220\327C\276r|\000?4w6?U\315\233\274\301\255\252=\221\200\246>\227\307\263>3\221k>dl\201\276\3531\216\275\273:S\276\352\214\220>\\\322\235\275l\204\346\275\017P\217\275\\\\\000>\275\t.\276G\332\262=P\374\247\275\251\377\367=&rC=\325\333\355\275U\272!?\341\366\367\276H\246z\274(Ou\276Z\024\022=\025\342\264\275\334=\251<\263d\020?i\n*\276\330\242V\276\364\3400\2761\0314\277`\277\221>\257M`?\221;\213\276\215\035\234\276;\212\337=#\342r\276_\025\013\277\215\037\'>}\350\000>\370\202\213\276L\\I>\024\007\217\275\251\321\327<\340\355\227=_\003|\276\375\361\220\276\377%\033>\'\326\374>&\232\024\277\341\031\274\275Y\307o=\0374\243>W_\031?k\367\013\276\032\223J\276%WM=\304{\372\276\265g\321=\337[\276=bI\262\275\216s\235\2767~\225>@\340\260\276\257\377\233=\2651\224\276!SD\275\254}a>\303\241Y\276$\366\006\277\277\320G>\355\354O\276Q\271\230>\373\004\331>@\0306>y\263<=\222\314\327=\025\017\274>7D\221>\255\273\262>o+0=6\030\343=\222\356\271=l|\032\274\374\350\035>+u\316<\303\177\314\276\006\343\232\276\231\027\221\210\267\324\276W\224\202\276\3172?\276\335\2039>\227#2>g\273\246={l\360\275\322\365\263\275C\030\270\276\234\244\203>\243\220y\276\220;\004>\264\205\225\275\333\266\376\274\304%\217\276,\275\241\276,\263\333=*\262\n\276\371R\246\310\263\226\276\261\232-<\226\301\250\275U\200\220<\362\273\210\276M\010K\276\021\031\341\276L\327\201>\355c8\276\266,\n;X\252\243<\3340\014\275ei\016>\002M\232\275\005d\221=\233@G>?[\220>\221\021\020>\247\222\257>\301\005\337<\270\330\215>\264N\207\276$\273)>\020<\277\276\277\206B>7\275\266>\301\332\346\276\023\202\210\276\305\035\347\276\\\363Q\275I>\002>2F\345\275\0231\251\275M\2437>S\267\315\274\231N\211;<}L>\333\343\344\275\240\320U\276\264CD\275\"\356\336=\2145\013\276\010\300\036\276\235\335M\276:u\016>\230*\342\275\220L\351\276\316\311\220<\237z\r\276T\310\215\276>\216Q\271\221\206\275>\211]\261>\364\266\270=|\220\366\275\000\371r\275?\3574\276\366\342K>W\035\244\272q\352\016>\014\355\373\275\223\3307\275Q\022\024\273v\236\'\275\351G\217>\343p\211>\347$H>}\277o\275\250\355\337\276\2546E\2762\251\024\276i\260\230\275\236\267\303\274f\027\013\277\277\223\324\274]\2770>\222w\274\274P\334\017>A\037\334=\311$\326<#\010\340=\212l\257=\200\036\270\275\265J\307\275\037\332\031\277R\340\302.>\323\275\333\257\204\275\314c[>\n\245?>h\214)>\354P\316>4\267\004>\340\270\346\276\205\210\200>\261)\370\275\323q\002>\236\306\360>N\025\351=\312k#;\301}\303\274#Y,\276\317U\306=\320\323\014\277\351l\212\275Yz\330\276\202\347\213\276e\346|\276\237\016~>\276\311X\276\343\333i\275\335\341E=H\227\230\275E\316\361=\\\272\212\276\037\0227>\013O\255>\275$r=vdy\276]\214F>6\302\262\271\307\232\232\276\356\342\266\276D\362!>\275\276\336=\303\343\215<\221sX\276\020d\256\275.\316\306\276\331\\\260\275\3165I=\260\315{>\344\022\214\275a\333\202\275\266\356\306\275\246e\201=i\240\275<\010=\274>9\237F=\253\006\016\277\016\345\372=\377\321E\277\354\244\262>8\260(>P\320\201=QT\240\276i\316\332>s\353\244\276#\021\360\274\341\317H\274\3312A\276\206\362*>N}\232\276B\355\312\276\014\242P\273$d\221=\263\346\261\2746\177\213\276\213_\316\276apF\277\t\215\036\276\2041\200\275\234\224y>V\371\024\274ws,>O\007\326\275\305\263_=u\341\233>}\031Q\276\255\305\036\276\367%\223\275\265\317\253\276\230\302\001\276,\321\\>=f\353\275\300\353C>`4\362=\205\254\247\275K\250p\275\3249[=4\333Q>O`\'>\231\255\331\275\230:k\276\211\201\353\275b,&>\2344^\274\251\265\'\275k\002\214\275\231\373\262\275\te\212\275`\362\306>\r\004\322\276\242\265\271\276\307\206y>\265\211T>\322j\270\276o\334,\276&\355\360\276\003\221\235\275\223C\223>\334_T\276\361\n\342\276\353w\000\275\004\316M=]r-\276\025C\246\275\202\303\254\276\200\203\225<\036\270\365\275\346[P=\\uQ\275\254\270\330\276\241\251\003\276B\244)\222!\225\273\351_\322\276\350\365f\276\352:5\274\001~\007\276\313\204\233\274\317:^\276\345\033\t\276*R\224\274\372\263\325=\310s5\2768\307@>\306\021\256\276\250\330\2448\n\325R\276\267N\213=\256\n\222>\n\202x>\3370S\276\004\324\241<8-Q>\334\226\217\276\277\233\267\274Nr\375\275V+\266>Q\001\030?fxe>b\332\203\276!\371\223\275O\245\r\276\2655\221\276/\036\243\275\307\236\267>^4\372>\204&\350>\035\007\236\275\3025\351\276\374V\356>\323\335\251\274Q\216\371\274\300sR>\240\377*>\031<6>\016{\257>\323y\213>\313\203\316\2769L\347\275~\374\223>\200\363\'>\357\010\000?\266\227\225\276a\034/>\336\222\214\2756\214\210>\002\"X\276\360?@>\236\213K>i\370\235>\372%#>\205\330\274\275\317\271\317>xaE>P\"\223>\252\374K>\330\354\371\275\345\340J>$\373 \276#\020\273=\253\326\000?Q`\203>p\342M>R\305->\n\270&?\016\320\303\275\026|\202\275!Z\257>\366\030\362\276\345oo=\002Cy=tY\233>\267\356C>U\315\244\276\027Y.\274\306\377\274><\335\334>w\021\264>N\265\276\275p \345>\361\263\260>^\022^>N\245\227:\276\\\224>\225G<>\325\304\233>\014\276\352<\365\314}\277\342]\224\276\206\310\244\276\247\223^=\025\014\205>\205i\213>>A\251\276\373\302\202\276\203\321\000\277\365\353P>\276\216^>\275T\333=40\342=\304\301Q<\315\2157=C\205\341=L\003e<\333-\245=-\326\355>P\371\225\276\351\360z=\025\344\241\275i9\356>e\351\0259fI<\277\315\265\255=kh\026\276hOF>\360\037Y=\336H$\277X\227\353=\272\356\203>v\346\010?\316\245\224>}5\212>Q\025\312=x8\322=n\371\302>u@\327\275Y\354u\276\006T\330=\337=;>X\002\202\275\210V4>f1\264=h\013\016\276\312\232b\276\303\342\212\275\014\274\336\276e\342\021\277\353\331\214\275\333\232F\276\322Nu>9\372\026\276BE\r>\030_\322\275X\217\355\274\217X\330=\237m\337\276\275\240\024>\225\371X\276\301K\272>\353\364\014\277\004\276$=\224\314>\275\326\365\003>\265\227\321\2752R\025\276i\217\245=9\333\013>\322\tX\276gx >\366}\263=\223e\356\276\350\352\356\275\374#z\275U!\014>Y\351\325\274\325\337z\276R\376_\2762\025?=\272\242\333\276\345.\261\276\261\213\250\276\003\264\244>\256\325\276\275\327\024D>D\225\037=\275=\363=\226\227\300\276a\314\027\276\316\0023\276\251\322\304\275\241\235\341\276\302:\245=\325l\013\275Ry\354\275\230\r\227>\204r\014\277Kx\265\275d\242S>}\026@>\221\"\257:\240\343\256\275+`]\275\371q\327\274/\277\216\276N\224\333=\356\225\330=2\332->\376\375(=>\253\"\276\233\255o=\n\270\206>\037^\r\277\242~3><\226\362=!\312\014?\277J\233\276\361M\204>\313%\211\275N\000d\276=\332I>\350\302\177\275`?1>\276\177\'\274\007\320\016>\273\244k<\254\211.>\254,\340\275]j\257>\'\017\223\276~\243H>\365\032R\275\346=\363>\3609\313>\226\335\014>.%l>\326\220\235>\352\313\256>\365\351\006?\301\302|=\365\343\261=g\263\332\275eVd>\033\315\347\275c\t\205\276\325\246\345\273[\020\320=\301\220\223>\357\201\207\276V`\005?\023?|\275\364\016\266>\226;\023\275F\225U>\300\271\217+Q\212<\034\364\t\276\331M\217>w\242y\276\035\233;>F\342^\272\2770\361\276\021\352\337\276\3318\210\276\274\016?>\367\212\241\276\221\350\313\274\212^&?3\303\344\275\2077\006\276>E\300>#\035\274=3.\367=\374\013/\274\266Re\276$v\237\276\345\333:=E|\255\276\231\255\035>P\232dM\256\300=\t7\303>L\207%\275\377h\017>\242\240H? \270\211>\n\355\035>_\0340>\210\017e<\254\242\354>}\232\336\276\214\216\030\277\311bR\275\322\367\273=>\3742>_9d=\277a\230>\253\225&=\321\277d>\327+\267\275\216\002,\276\222\025&=\334\370\334\276\343\306\021\277#\356\030>\211Sf\276\n\243\212\2766\000\016\276-\3421>\233\256\256\275\013\274\207=\014\365\037>\317\330\300>\235\024_>y\361\t?\351%\300\276\226>M\276\336\260\317\275c\211W=\352!\020>\345\263\307\276Uc\023?\006\352\225\276\032\371\213\276\221\201\236=\032\337\005=\334X3\277\255\312\200\276\262\010\233\276]a\275\275 i\303<>iS>k\237\340\275\276z\313=\020\245 >Z\365s\275\203Z\216>r\316[\275\267\026\205\276\257\266\023>\365=*\276\014\247b>z\303\252\276$D\240<\301\2647\275\363T\222\275\\\213b=\241\235V>\372<\214>o\275%>n-\315\276\034\237\204\276\377e\275\275\310\214\007\276\261\025\240\276\315\362\211>\271\315\220\276S\360\372\276BI\\\276.\276\034\276\207\257\030=\002*\331\373{3>\357B\202>\224-\226\275q\024\350\275\3326\362\276\211v(\275n.\300\275Sc\232>\303\221(\276\252\355U>v\001\312\275\001\304W>\357\370\362\275\260w\205\276-\275\272>^\320\355\274\355F\027\2749\223\304>\007\322x\274C\322\266<\202R\252\275\030\260Z\273J\202\324=\023\3164\276\t[n\276\371\301\023=)\230\247>B;\217\275\234\303\207>\021/R\276a\314y\276H\013:>tS(>\r\3534\276\003\323\240=\270\"\270\275\270\315s\275_\361\216>\207\037\n>\n\013\337=\224\310\301\275\303\234\001>\n\024\346\274\261_\265>\364\357H\276:\031\215\276|&\311\3249\276\275#R\223\275\035t_\275\203\271\034\277\017\365\021\276d\324*>\324\231\222\274\301g\202=\210\337\370>\372{p>\371p\223\275\000o\231\275<\321\363\275\212\266\n\2762^\305\275\310z\"\275uk\223>\020\322\276>\002_)<5\033\001\277\301\247\021\276\342Z}>\321\020\221=\314W\210>\230\333\307>\232\r(\277\240p\\>0\027\341>\206\217\010\275Vp!\274\206\332b\275\014Ic\276y\246\373\276GM8=\255f\363\275aa7\275y\244;>&\332\r\277\025p\220\276\271\215\207>(\n\315>\251\370\217>F\2004>\251R\000?\257\014\227\275\325\025\303\273%\315\265\276\362\354\014\276\373\322j>t\251\276>\201\231\206>|\351\256>\000!\032\276g\332=>\003\320\027=\032!\213\003\234\007\275\267H\032<\244P\241\276L\200R?\325\022b=\341\006%\277\364\237\300\275\354H\366\276\314@\237>Q\336[\275\370K_\276\312\017\351\275\2143%\277S&0>L\030\335\275ZQ\254;\033M\274\275T\202|>\027\367Q\277\356?\301\276\024\321\253\276d1\177>\"\346\005=\007,\354=\007\202\006\276\352\273\343=b\232\225\276\",\010>gk<\276\017\334\362=\301?(\276\376\307f\276\323\265\212\276\354Y\214;\202\241\353>\235^\254\274?\331\022>\303\246\234\275\322\272\346<\342\366\316>*\351k>\207d!>\372X\256>0\206\017\276\350\030\250>\324\213\004>)\t\214\276\'c\242>M\345\377=\331I\206=\003\360 >Cn\325\275<\217f\275\317\t\231\276Xe\033=\364 \222<\237R\324>\332\226b>&\223R>G\301u\276\372tb>\346\327\036\274n\357\325\276\324J\313\276{J\234=i\251?>~\315Y\275d\350\262=+\267\257=\2569)\276\265|??!\n%\275{\0244>@\033\234\276\365+ \277\370\251\370=NF\246>\3735\004>I\013\000?\370P\264>\302\2020\276e\r\257\276\252\265\246>\263\352\243=\350\374\237\276\035\251\230=0}u>\200\003\025\277\334\346\321>)\336\276\276\\\224\255\276cI\212>\373\277o\276!\362%\276Lk\237>\036\004:\276\261V\325\276\016\320\036\276C\260\257>\221\275\275=u\030\206>A\302\022\2751Y\214\276\226\nR\275q*\357\275\017\026=>5\360\351\276Y\365\237>\347\211Q=B4\240\275\375\355\021>\007*P=\217\232\316\2755\205\353\275m\226\213>\334\277\333>\no\223>\021SI=8\321&\273e\023\230>\266x2\276`\365W>C\220\216>\036y\225\276:\000E\276\016C\351\275\235\010\202>\247\253\226=\373@\244\275\350\034\322\274ja\355\276O\313\271>\3330\004?\2236\230\276\030r\001?\002\r\207\274\330\034O\276(\034{=\320\257\260=\361\227\223\275N\236\232=KK\362<\341\322\005\276m*\205\276\351\032[\276\n\037\271;7z\304\276\007#\010<\260\022\373\273\273\263\034>n\315\257>\356\021\322>S2\211\276R\027N=\013\230\350=\220\264\037>f\334\017?\216Q\303\275X}\255>\320L\352\276ZP\026\276\245\360\322=n\377\245=o/\257\276\365\263\005<\273\342\245>\017\204\213\276;\256\220>\232\301S\277\200\356\210\274\240\025\t\277\037\371\202\276\372o%\276]T;\276*\3576\277\234n\220>{\304\312>\003\013\205\276\221j\017\276\230o\327>\356\3611\276\346h\010\276xOR>\372\3343>\233\3744\276\212S\226>\267\335\002\277\214\371\365\276\331`\255\275W\215O>\340<3\275\213\374a\276@\260\303=\323\241\300:/\n\212>\261\262\236\275y\245^\276\311\335J\276\322\360\365>\004\346Z>\322WI>:\242\212\276G\275\220\276W\200J\275\264\200\247\276[6w=\366>\237\276k\206\335\276\345\340]\276\352\255s\276\276\2506\2762\014d\276G_\252=yX\363\271\330\303\276M\243p\276\3647\206<\245v{\275\241\232<\275\334\204\252>\241\366\224=b*\r?\2469\231\276\312\005)\276j\225\323>+\366\362<\266\374\214\275\237\233\207\276lR\215=\216\026\244<\300I5>\332W(\276\377\331\025\276\374\376\246\2753\230*\276\3472\232\275\314\362\r\277>f8\277\264\336\026>z\250d\275\006\373y\275\337\001\202>\r{F\276\005\352\350>#\303\'\276\276R\236=\300\027\230=\356\000\361<\374\024w=\002\007f\276a\177\226\275\310\307>\276\3510|=b\031\354=\367\357\022=\256\357}<\177K\362\275\260\375n\275\312\220\250\276rt\236>LF\311\276\315\324\036\277\006\354\212\276\277T\003\2778\357\347\275\212\203\325\275\345\230x\274>^\217\276^\331?\276v\230\331>a\032\031>A\233\212\276\350\362g\276\205\001I>\001\016>\277\257$\232\276\277\346!>0\030\220\276n\271\237\276\300\316f\276\366\353\205\276S\001\340\275>g\230\276\013G\234\276\345\r\006\275`\375\332\275\013\361\263\276+(\007\277Df\263>M\310\">\223\"\001?M\013X\276N\270\270\275\027\244\217\274T\331\226\276\307\340|>b\241\271=\252\272\204\276\253\316\374\276 \035\327\276D\264\270\275\005\352\221\275c\326\273\276\026\355)\275\026\237\217>m\346\036\277\230\301\026\277\036y\"\276P\367\355=$n\216\276\263\213\033>1:!\276j\377g\276\335\026\023\277\343\336C>\264g\266>\202T\304<\241\362)\276\221.\346\276\265\004\027\276j8\206>#d\025\276\264\360.?\024\r\r?%(\342>\023\303\203\275wh2>\351\223\375<\263\370\247>\317\3732?\030\036\235n}K>N`z\276\212x+>\177WT<\210\007\261\276\024\244\231>\317\376\242=\256[\177>\3046\242>[\246\226\275\360\361\221>\260|9<\200\247i\276\220 \345\276\364\036\204\275\212\213\270\276\021\022\366=)\251\005>\034\342s>\035\307*>\352\362\263\276\227\316\202\275K\272\223\276\232\270\276\276\363\305\010?\374\237\234=z\333\002\276T7\021=R\363\010>\336\025\232\275\355\235\357:p\330j>\237\262\331>ZKX>\212\247\333\275E\353\357\275\323\252o\276P\201!\276L\260\r\276#w\320>\265\247e=\203\300\021\276\270\263\371>\261\365\313\275<\0351>\335\371\023>m\213\017<\027\241\352>\216\230<>Q\020\277\275>S\317>\276h\334>\376\2054>\006\312\'>\267\230l\2763\375\007>)\205_>\004&V?\300,\202>\n\331g>\316j\014>\351\374-?\356n\363\274\027\035\321=\234\037#\277\222\230\251\275\302\250\346=^\200\241=49\214\275\323$\230\2764g\321>\264\314\005?O\375\257\275Yy#>Z\206\304\275\t\217\205>\224\021\007=\251\336\360=\275\372\205>\306\035\004?\272\210\354=\275\234\010\275\233Q>\275\2269\225\2750M+\276\331\002\303\276L%\030\276V\017\013\272h[\231<\004t\264\275\274u\335\2754\221\235\2751\253\246\276m(\351<\364\332*>\"\367\243>\302\254\223>Z\354\247=\340\311?>1>\033=\376t(>\234\357\306>\341]\000\275\246lY>\363%\317\275{i0>\205\244\311=\272\233\376=_Wa\276\273 \034>2\256\225;\006U\020\276\330YE<\272\177\260=\254\000\"\275\335\213#=]\363\000?\236h8\276\260k\242\2750\327q=p\211`=\343:\234\275\247_$\276\361\350\267\274\231\276Z>\264q\360<\nS6?\241\3466>\"\254s>f\273\214=\326\000\327>\010\007\312\276Wp\240=\345\221\223\275#x\311>\tt\211>_\000\037>\202\312\027=\304\353w>\004\360,>\024.\026\276\361\243\202>\315\321i\275HG\317<\250\226\311>\341\224\217>\222z\225\275\203\301\003?\350\372\314>\3144a>\327\274\220>\033\373\276>\255\025\267>XD\353\275\204\177\246\276Y\267\330=\265x$>\013\305\215>\270\243\327>\223\001\272\273\036\227\332\275t\245\254;\004n\222>`%\017=/\377\370>\223m\002>\343\360\206>\016\3722\276\3541j=4F\t>\007\027\300=Q\363\002\276\334\204\251>N\002\275>p\351\005?R\345\301\2768\211\264\275,\033\017>7\211\256\276s\201\310>\215>\010>\271N,\276\240A\267\276\351\224\211\276\035\234i\276_\2011\277\260\230\376=\217\305\234\276[\205\253\274\317\367\214=\037\315\022?\2308\245\276\375.\225\276\330\313\036=\024\313\326\274F\272V\276h\013\215=\246-L\276aN\026\276\034b\263\275/\\\262;\013y\264\276FO\266\276\237V#\275\036\373\014\275\r5D>m_\237>\355V\270\275\030\347\262\276\035I2\276a\207)\276\204\013\320\275\364(*\276\025\261\301\276\207\245\200>C\007V\276\201B\237=5\205\237\276\036\213\005>\242\262\005\275?\3222\276\213(\350;j!\177\276\nGf\276U\245\210\274+\273h\276\306o\234\276\355k\314=\210\263L\276w\025\355\275R\324\023>l\224j\276\0236c=_M/\276/\000\260>f\314F=\342\"\236\276\004\017j\275\3764\014\276\241\277\341=#1\246\276\207\300l\276\225\001>\276!x\301\276\0132\254>5\270\272\275!-q\272\260\267\026\276\261o\354>\246\247\252\276\027v\024>\243e\360=\355\016\213\276\347\231\302>T\203y>\222\ne=\006\025\334\275kM\222>}q\243\276\201\275\313>\265\255[\277\263\226\027\277\201\241f\275M5\317\276\360\322\014>\177\034\231\275\302\267\326\276w\367\037>\003X\025\276\037H\221>\225\301T\276P_8\274~\246\337\275\314\252\264>F\310.\276\364\304\273\276\214\346x=\306\265\020\275P\321E\275\203R6\274|3/=\250\272\231=<\275.\276\347\257e\276\302>\321<\230\3263\275\233H\023>q[:>\242nW<\321&,\275\033\377Z\276,\345\224>\371\337h\275o\254\006?T\3231\275O\266\336\275\311\235C\275h\205|>yj0>\314\345\025=\274\302w>\362 \367=I\366;>\321\367\330\274\225\203\014\276\233.\027?\332+\200\276\201\256\313\274\010@\216\276!\266\225\276a\340\215\275\220\370\250\276\032\236R\275\033\301\013\276\213w\\\276\t\363\214\276[]\216\276\370\237\324\274\257\264\371=\030\005\267=\222\360\\=\353\374\336\2742\tc\276}\343\350\274g\345\351\275\344@\"\234-\262>;\234\234>X\001Z\276\334\026j>\243\325\216>\257\231\244\274\337o\027\276SJC=\032\367\014\275\273A\035\276Cp\206>\352\031\2418;\256_>s\333\257=\324\316\315>t\n\256=\214\343\213\276M\231\341<*\032W<\005\263)>\333\023\274\276\224\034\216\276\345\326\322\275\316\333\227<\201\032\227\276\342tL\275Z\355:\275\023[\023\2742\206O\276\317\3338>T\310\212>QK(\276H?\027?\211\251\032?;\314#\277b\016R=d`\343\276n\334\265>gh\255\276;\333\365\2734\263\031\276-\217\231\276\234\274I;\003\274a\276\331\017\244>\303\306[>\320\314]\275\320\262$\276D\270\365\2769/\247=AuV\276pm~>/.\036\276\211\023O\276\377\317\255\275N\236\275\276\'L\016>P\221\221\276\342O\226\276=_\250>\375t\270\276\220Y\022\275\233\236_\276hF\225\274K\216\234\276\251\235\252>\331\302N\276\301D\007?\232\235\202\274W\315\307\276\"\272C=\336\303\253>\n\334\257=\260\016\321=\201H\324=>\213\024\277\'36\277\375\233\264\276\327$\247>\037\260\014>\200\313{>\262\374\342>^\304\352\276?\214\t?\006B\203>\250\000\330\276\265Z\355\275\272\307\036\275;;\202>j\235\367\276F\013\264\275\017c\227>+\"2>\247OV>\332\245\266>\216y\223=\246\205\305\276\024\370(\277\236+p>O\023\206\276d\227\301\276}\310=\275bBD\276\351UI>\212e\036\275\303\006\013?be\224>Z\240\030?K\253\221\276\255\367\001\276\310\222\216\276\000\246\316\276\207y\022?\211>\r\277\332\214\262\276\212?>\277\r\007\220\276\364;\360\274\247\342\214>\236hy\274\203LO>\177\007\315<\212?\217>\263\255;>\t\264\014\277\331M\227\275\332\366\251>\343\340V\274\216\371\003\275\267k\241\276\033IE>\013\245\352=\303v\261>\323\246S\274d\377\215\276l\240\223\2769\013\n\276q\304\306>\340\355\204\275\355\034\235\276\234i\306>\243*\272\275\027\2769\276\34031=\020j\230\276\326\031\237>\032\010!\277\201_\242\275\276\363\351>k\241\215\275\t\266\216\276\367\272\325<\331\246E>\270\000\037?\005\246\334<&*A\274\351X\266=a\031\364\2752\250\362\2765O*>Mj\372\275\035\004U\276[?\362=\207\021\272\275\230\360\010\275\361c\000\277_7&\277\251\253\013\253\276$>\007(.\277zN\255\274\t\273E\276w\366~\276.\362\014I\331A>\377;\330\276<\315\035>\206Z\014\277F\n\221\275\213^\245\276\306\360\032\276Lx\200>5\257(\276\312s#\276jP\'\275\2546\377\275\010-2\275\265l\302>\225X\214>\304\223I\276\252:\247\276z\362\233\276\302M\260\276\352_\232\276\272R\357=&\247\257\275\356\323\271\274dw\t\276>\277\372\275Z\201\250>t\003\250\276\201\253\n\277\nn\"?\267\200\301=E]\241\276P\226i\276\3068C>j\032\307>\264T\355>\267-\024\276\301=3>\212~A>u\312\017\276L\004\032>\251\302\302\273&\361\341=\031\253\027\277\277\211\242\276\033F\212\276.z\373=:y\344>\0323!\276\2140\007>2]\032\274\003S\276\353X\363<\264\203\302\276\260\300\317=\224E\366=\216ye=I\222\247\275\002\316,\277l\3543\275$\220\025\276Qc\024=#&>>r\233\310>)\000\245\275\277\256\223\276\236^\267\275\250\255\272\2761\273\310/z\235\276\034\362\230\276]\362W=\200Cd>\243\276\361<\345\362\335=\2303\255\275\231\210\241\276\332\374\255=d\322&>#3\n?\2510\214\276=\276\370=\200\027\\\276\370,\361=L\022g\276\000d9\276\0312\327\275\200V\314>\202C\001>t\346\310\273\267\374\222\276w\224C>\036*r\275\235\342\253\276\215\343\203\275L\365\316>J\023\252>\030XO\275$f\025\277\271\024\256>\217\326\346\276\320\025z>\274y\343>\340\001\212>f\252Y\276\262\245\360>DO\277\275\357a\306\273_\002\235\275\2405\222>\304\301\347>\205\3573\276\363Z\314\276\264\212\230\276\230\255\272>\032\222\302\275n\277M\275q\372N\276c\360\215>\273\346*\276~hj>\000\276\251\275\335\220\032\276\211\353h=\253\343d>\266\203\201<\r\017\273>;\031\206\276.\213\316>+\323\255>+\300\247=\272\224\231>P\243\037>\347\237\332=\020F\366\274\223:C\276\355\r\273\276\264\233;\276\307\024h>\306^;\276\257\027$>RI\003\276\010\216\004?\222\007\327\275\003\033\207\330\035\346\274y4\306\275\027}V\276\2451\267>\322=\350\275\206f\214\275\256\355\002>\277\350\263=7\323\222\276;\254\254\275\357/\354\276!\241\210<(\360\n\276 \224\361\275\367\215C\275d\344\376\273\224\344$>,\244\211\275\327\230D>\\i\"\276\302\314\001=\3723\234<\370\325\332<\201\362\344>\314c\222>\216\355\247\276\372\334\213\276o\330\276=\350\212\002\276\244#\003\276\273\303\243=\217\225\346\276\301\372>\275)\034r\275\321\365\023\275\3308\265\276\0257\225\275\013b\034\276Op\272\276\227\254^>\312\316\231\276\354~<==\365\272=\235\026a\276\317\177)\275\264\321O\275\327T\216\276J\275\360\274\020\352D\276H\357\224=\004\005v>\376d\206\276\276\301\2228h\032\324=\235\t\010=\327\243\020\276\350.2\276\240\310\r>j\305\t\275zV\016\276\021[w\276\312\207q>\304\002E\276\240I\257\276\2359\347\275k8\000\276\253\340\271={\362x>\251\001|>\024\330\303\275\240\013\221\276K\340\246>\377V\320\275\303&\347=-\327\241\276\202\264\205>b\276C\2764\003\014?\251\235\035\276\276\342b=\021\245f\276%\313S\276\300\243\327\276-\351\225\276Hm\375>\023gu\276\323\2045\275\344\367@>\236\304\212\271\366\rs\273\231R\025>\006J\344\276q\342\220\275p\033G\276\316a\356<\267\361\213\276\371\271\356\275\201\201\017>:\240H\274\342\013\200>P|\223=\273\233\022\276\314f\245\276\327.\356\276]\331\251>\245\364\333\276B\364\346>(59>\231\003%>\237\245\006?c\274\010?,]\303\276\343\214?\277`\211\002\276\276\007\346>\333\310\'\276\316\251\224>\270\332r>\341\214J>\t\001\323\272\373\256\026?\013\222G>\037\2751\276\332+\032\276\004\r\013\273q.\357\276\366\004\036\276=\323^=\357\214\374=6C\221>\r\206n<#\332A\275\031\323\377\275q\345#>\276\371\224\274_\267\225\276\3027h\276\030-\331\276d[\317>\024\237\364\276I_\276\276oc\310\275\021\205 ?|\033\272\276\220\272\214>\310\305\006?SM\\>\027Z\023\276\253\252\n>;\324\232=(\035\324\275m\275\236;\027\253\352\275\260\\\234>\232\356v\275\376\204 \277\351w\244>C\343G\276\221i\355\274c\227\202\275{2\210\275\320\306\t\276\367\344w=b\026??\'}\305>o\227*=\277\004\"\277d\240\036?\242@\n?\254\342\246>\234\203.\276\305\377\030?\360S\271\276\343\033\270\275\3204,\276\311D\232=\"\365\322>8\027\377\275 \016Z\276J\034\222>\315\\\351\276\352\203B>\367\027G\276\325\221y>\016h\311=\257{\251\276\2135\355\276\352\353\017\236>to\001\276@f\203>\267\315\377=a\016\233>\363Pg\276\305\221\203\276\274N\247=\360\323\013\274\220\000\002\277\232\330\016\277\2104\\\274\317\354v\276\020\223\316>{\024\353\276\367\323\303\275.T\375=\260\271\211\276k@\257;J0\266>\264\347w>\026\013\014>R\375\335\275\3133\306\275\206\027\333=\001]\252\276\241\233\310\271\220T\323\275j\024?>\031e\323\275\201|\366=B\320\214>\375\226\263\276\362\333\005>\247M\311\275Q\201\032=\213\007@>7-\355=b\233\351\275\305\323\264>u\351\313\276\377\244\032\277\354^\022\277g\306\227\276\350\377\242>\3572\244\275\010G\033\275]\232\221>\226r\237>\226\224\255\276\t\335G\276\376`\363\273\320_;>\256o\177\276\324W\303> ;\340;#\211\320\275\306\215a\276.@_>\265\353\033\274\305\244\025?\351|\031\276\330\212\216>\310{\254=:\237\257\275\235\262\221\276\027\247\276\274\2534\276\262\002\220\275\302\342\010?\300\213\323\005S\005?o\037\226\277^^n>w\324\227>\244i\032\276\021k\024?|s\332>\242\013\010?\3773)>{\360\236\275\226X\230>x$\332=\333\340\027?\036X2>\000\351\261=a\362\034>\025\251\023>\221D\341\272\"\033\270>C\'<>\374h\265>\234\330\234>\263\233\226\275\312\006\002?\251\030)>L$\245>\026\277d?\334\341>\276W\202\303\276\257z\265\276\303\310)\276\212L\360\312I`\275\333\263*\276\313&\226\276\324\374\215>\224H\363\275\035\254\277>\264\274H\276\001\nY=\365\315\267\276\311/\273>\2423\n?Lf\331>\257\312\241>\251\212\337>\223M\254\276F4k<\235\323\353;/\337\257>\217\222\273=\330\0267?|e\226=:\210\005\276$\333 ?^m\236\276\202@\330>~A^?\341\342\261\276\350\265\035>\327\013\023\277V\223K=\241\261\345>\014\032\324=\010\347F?\2707l>\362\0077?C\037\221=\334\025\224>\003\274\271=\341v\n>\031\261j\276\323\007)\276f.c>+\035\367\275_\022\n\276\246Ms>\325\256\346\275\300\014:\275\265\323\035=G\350q?\002\n\356=\201\272\347>\241\247B?\345Zq;.\303\344\275U\252\247<\252=\376\274\024}\323>r\317\265>w\273\032>\270\254h\276\217\334\371=a2\377>_\244\227\276\240\251\275\275z\321n\275 \010\251>a\335\244\276\257\032\224\276\303\214}=\370n\027?f\201x\276\335M0\276\203Tt\276^\253\312>/\207\262>b\2342>\214e\327>\236\241\203>a\372\022\277`\341\257\276\017VQ\276v\3654\2763_\221\275\241\302\204\276\255\315#>9\316\261\276\252\266P=\351+\250>\210R\336\276w\320&<\311l\260=\3548\202\277\300r\250>\306\251r\2757\345\220\276p(\305>\360\241\326>\3227\001>\326<\270\275;:1\276\\\\\010?\372\356\223>a\036\344\276\255\310\346>2+_>nt^=\210I\230>\350n\003?\321\226E>\310\237\034>\216F\306>\365\337\277\276\323\311Y\273\260C\n\277#\243\365=\276?\272\276A\036\300\275\247r\027>D\222\210\273\307\243\2369%\366\035?\204\345\357>\310O\r=\330\226\026?^V;>\331\221\002>\310\237\375\275^V\326\276\021\341\021\275\365\020\263>\"#\207\276R\225\341\276\027b\235>\316Z6?\333eq>U.\200=}@\250=Z-\351\275\232l\311>05$>\261c\220>\353,d\27535\013\276\372\204\353\275;\277\373=\355\014\222>6G\261\275\220\322\316;q\345\360<_\233L\276\351\217C\275D\215I=\016\022\005\277F\310\r\277\277\3160>D\026-\276Nb\254=\2243\033\276\030\253\320\275\253!\301\276B\277\301=#\3150>z,\227\276\335=\206;#\355\266\276ub\021>\023\345h>b\356\244\276{\251\266=|\323j\275\346V\316=T\364\264>\2036\227>\255\227Y<\352\233\375\276\272\005\350\271\223\337|\275\032\032\312\273\023\027\013\277$\376\326>\007mC\275\275\034%>_\364o\275\256{j\276Q1\226\276z](\276\017\017\235>\362\252\254>\273\324\276\276\022\021,\277N\334\315\274\355\306\024\275#a\356\275\222\207\215\275\334\270`>Qa\027>\206b\020\272\020#\212>\301\257\335\274%\036\007\276\364.G>.\210N>.\276\274\276g \375>t\005\023\276\223\250\024=\n\177\264\276\302m%\276\207\004\270>\256\213)?\227\013\226>\334\360\303\275UT\370\276l\014\033\277xm%=*\304\351\276\005\375\237>ti}\276\261+\025?\2247\271\274\375q\025=3\017\355\276\262\026\'\276\275\373\315\274\264\203\254\276le\216\275\035\240\227\275\305\013\006?\340U\332=\017\r\226\276\231\3557\275\234\231\024\276\234\233\312\276\356\255\311\275M\325\022?\266\347\001?\337\336A>T@-\277$\220\220\276\027\254\210\275\200\312\314\276zoY>F\251\213>\223\026\252\275\354\321r\276L\302\021\277|\032\213>\214[\210\276\331\005\344\275\033\324\305>9\037\035>3?\232>*w\211>\307\326\223=\177\207]\276Z\275\345\274`\235K\274\227\271\205\276\361Y\214\276\010qp=\335\371\n>\0017\026?\rV\304\275\256\360\002\277X\215Z\276\247cH\276\325\3101>\252\210\243>\357}F\275\371\004\276>\345\004\364\275\321b\006>x\371L=\002n\320=~:\332\275\371W\225=m\3471\276\031\301\271\275\275a\003\276rnC>\264e\006>N\032\260\276\210\371k=)\345\266>}\230d>=H >\033k\010?rx\003=O\031O\275\313P\272>\257\352\222=\357\014\260>\277\362\307<+\020f>F\3362\275\301\255R>k\017>>\027\227\221\276\264k\255\276z#\207\276\023\254E\276\276\321\305un\374=D\030\341=\027\020\261\275J\347\211\276\325C\364\275\331\241\276>\346\241\355=\013\335\365=nC\264>d\336\356<\326\207\257=X\331\207>\027\350\345>b\312\275\276\036\223\230\275\001\211\334\275\342\271e\276xfJ=;\351\257>n\034V>\346(\022\276\225lO=\324X\200\276\226\340\">\010\252\022\276\0161\353\275\361\317\n=\342k\021>\222\310\204=\243\312\031\277`\310\367>\021\351\244\275\247\365n\275\330\252\024\275b\224\343>\355\214y\276\232,\245\276$jG\276W\360\004>\220}O\276\314\205\221=\356b\t>J\315\310\276Q\256w<`\265\216\275\371@!>\376\213\233\276\212=\236>a\327\362>r\342\360U\307\351=\264n\325\275j\026\244>m\226 ?\325\034 =m7\210\276\347\252I\276\351\346\007\2756G\253>\237D\261=\'\371\224>\303JK\276\017\204\355\273\216\013\"\276\242Vh\276W\311\007=\020p\211\276\026\255\263\276m\213\213\275\275\'\026>;\305\250;\336\022\336>;\346R>\347\317\t\276\n}\026>\342@\253>\nh&>xs\223>)\351\212>\002w\r=\201\0308=Z)K>\246@&\276\244@\201>\033W\200>=\211\217=\027\021\324<\177]\232\275zK\352\275\212\356\003?2\230\266>CG\255>\224i\274\276\2279\336\275\331!\000>]\351)\277\331\211\273\276\331\2235\275{5\200=\371<\230\276Bn\273\275\205\212\271>\025\374\252=\322\270l\276\250[b\275d\200\357>\230\343\027>i\374\352<\374\327\375>\300\241\323\276\033[\035?\3369\264>W\020\t?\264\246L\277\3279\272\273li\207\276&A\010\2770\336\354\275\302B\263\276_\200Y>\360\204\364>\347\027=?\201\003A<;\341b\276\347_a\276 \274\004?`N\327\275\325\030\235\275\321\304\000\277\345\017\240\275z+\235\2768\250`>\274F\273\272\264\202\343\275\205(\256\275\257\206\002>F\337\270>\360:\252\276^\010\276\276\301\277\024\2763x\007>V\364\333<[\031`=\326\031\216\276@7\242\276\345\227\302\275\244\321<=\233\235\254\276\236\355\373>\010\265\256\274\177\312\216>K\362V>\000[`\276i\377\265=H7y\275L\240\245\276\207\006V>\026G\325=e\320\227=\330\355\032\275\256\261\222=\241\373\221\275\333fg\275\366V\361\275\344zv\276\023\033\345>\370\t$>\224\240\302=\363\330\324\276\373\037\240>\255\002`>\004y\253\276\202\226\315=!\206\343>W\276~>\362\005\272\274+\311Z>c\267\223\276\357\234\320\275q\374\367\275\206\3261=\033\303\315\274\210\306\312\275p\271m\276\264<\331>v_\022\276\027\343(\275\354^\223\276\035c\005\277\001\274\r?q1\006\276^\263\024\277\354\315^>\351\204\375/Q\000>\271\335/\276RX\261\273h`C\276\363f\222>\362\210\311\274\362\343-=\230\227\345=\206DK\275/\322\026\276\244\226(>\250\377\260>{\334\277=\361\333\031\276\241|\217\276_}L>\036\327\235>\361\374\024>0\254\244\257s\213\275G\202\241>\361(\275>Sl\230<\224\331\217\275Z\330\026\276\023\316\034>\013\nA>\300F\215>2Z\357\276]\200\r?\034\r\n\277\311\357d>\2200\210\273\302\0352\276/ [\276#.\205>\276\013\007\277b)\234\275\007\365\222\274sJK\275\220\363\202>\031\020\332<5X\346=[3V\276Va_>S\256\274\274^\255\024\277\034b\312\276\236\317\310>z;\362>\232_8\276\306J\260\276\345\334\235\275\235\255V=F\307\341\276++E><@g\276\325\373\010\276\330\341\324\276&\017\367>\314\264K\275d\345#\275\247\324\003\277m\017g>\213bC\276\331\311\342\274<\0070\276\267\336\250>0\000\010?q|\223>:\257\226=\353\306\033\276\354\013\365>7w\265\275\204L\210>\010>\017\275\342\244S\274\243\346\036>.\315b\276\360|\273=\333\r\254\276\331==>3\327B>\365\021U>C\244\263\276=\363\215\276\307J\314\275\350\246(\275\237\"<\276^\231\004>O\356y>\200\327\243<)@\202>\201`\302\276\037$\205\274\350\001\202\275Op\323\274\010UI=k\031\025>j\374\021;\275\307\327\275\330q\027?C\307\273\275\341\371\354\276\211W\321>\220V6>\326\372_\276e\001}\276\375\216\306\276D\010\034?\342\251\024\277\255O\333>\216\247\232\274\223\371=;3E?\276!\215\025>\013\001\252\275f\264\200><\235\204\276%j\033>\245i\221\276\277\200-\276o~d\024\020\206\275\030\247\200>yeq>\"\203\034\277\224\036\303\275\346\236\213\276\353\277i>\373\212`\275\246\253\021\276\307m\357< \017Q\275\004iD>m\365\215>\337\2071=&\316\204>\230\330\235\275\231^+>\322\016.<\021\313\252\274\363 \252\276Re\274:\214\236\257>\335\320\330\274\r\217\003\276s\206\310\275\205\240\266>,\365A>\345D\216\276\224\275#>\351\021\205\275PLm\275\244F\202\275p\300-\276B)\216\276)]\200>\204\320\363\275\344F5>\204\204\001>W\300\360\275\330)\206\276\341F\362=E\323\306\275Y\267\226\275\321\0009\276C\217\034=+De\276x\341\006\275\317\365n\276\234\322\221\275\311\006\002\277L\346\244\276A%\352=\rdw\276\006\260\016\276\325\205\273=K\353\232\276l$\225\276\373.3\277F\241+>X\345\363=\254;Y\275\363\257=\274CI\362\275$\371\203\276\271\370\324=U\237\275\275\032\017o\276\332k\266=\214\365\202\276\026\272\334=\344C\251\275i\336\273\276\356H\024>l~\006?\266\001\251\274y\363\034=M1\266=\031\351\345\274\324\247\030\275\241\372G<\255\316x\276\373(-cLF\276\371\363D>W@\353\273\020N=\275B\235\036\277\360\211\254\276\037\342\363\275\346\264\317>\274H\236\276-\315\244\275]/\246\374\307\005>\312\246\022\276tP\216\2762\266\243\276N;\212>\217\016\251\275\'\0264\2762\364/\276\260\273\022>\032\177\316\275RF\210>\037\033\001?\252)\332>\355\325\263\276\330\217\226\275\2542\017>\376\327\221\276\213\367\256>\232\357\266=\310\032\301>\356VN\276|\273\226\276?\006J>\351~\037>\002K=<\3444\252\276\214\301[>+\260\216>V:\334<\225\266\246\276\031\333\237>V\013\005=\207\037\026>+I\210\274\217\022\307\274P\n\213\275o2\340\276\232\247J>\367y\277=G\324-?y\322\200>\355V\344\276\325\333\352=\001\312\264\276\236\313\250\275\256My\2750dA>\322\235l\273\364J\207\276\310\202Z>\224z\266\275\332\026*>\322\004,\277\377[\001\275z\3143>\007n\254\276\035\006x=\234R\"\277l\036\353>\226\330\327\275\276\226E=\356\"\242>\222\322\303=k-o\275\301\341\013\276U\377\205\275\021\252\351>\275+\341>J\036y\276D`\027\275\342\224O>\320\217\031>/\301i=L4\237=\260]\205>\026\237-\275\007\352\005>#.=>\302\343\303\276\374\362\033>:n\022\277\306G\327\275p\030\232>\253\223V>X\347\"\276v\"\262=\n\225\340>p\360\n\2765\341\263\2753\207\365\275\007\014\221=\276SE\276/\025\320\275\254\326\314\273\306N\247=\266w\030\276p\013\002\276\035\2163>B\201\201<\266\317\007>\227%\324>\217\004\216\323\212\210\275\273\360\262=&\300\022>\342B\"\275\r\250A\276\202\273\n\276\tvw>\273J\352\276P\345\263\276\023\2717\276\306V\"\276\334\235\341\276\375\320\332\275\020\244Y\276\010)\373\276@\245\247=\202\264\242=,\233Q\276\317i\237\275Fuj=t\314>\274k\325-\276\217\274:>Fd\231=\322(\223;\240\361\006>\254w\354\275B\025\266=C\353h\275\227z\013=\372\214I>\3221\215\274F@h\276\346,\204\276\320\220\n?\374\232\027>pH\317\275\204\221\000\275&\265\251\276p\261\275\276\3231J\2766\330->\t\352)\275h\345\362=\242\345\276\276\206\037\344\275;X\205\275\220X\306\274\002\222N>j1\\=&\\\324\271\333G>\276U)o;5j\001>{0\372=\264\345\300.\365\004>\2757<\276\325-n=\\\t\227\276Yy\333\276\006>\255=\272x\210>ox\264\276\254\002^\275i\257`\276\362\0212>.\t*=\306y\261\276\3218k=\022\017\034>\343\020\310\274\355\213s\276\213\021\213=\333E\035\276\350\374\274=\323\0320\276\241\242\203>i\317j>\347\223t>.\330\252\275\255Y\264\276\006\031\222\275\360N\315>Q\020k>(\377\025=&%\220>\025\342\261>\333\247\276=y?5\276\305\351\301=B\332\231\276M\014\301>\300\276\217\276\224\r\231\276\003\221F>\206\0202>\310\273s>\231\310\213\276\277kJ\2760\332\256\274xK\271<\271\271\346\276w4%>\305\216\037\276*\025\027?\037\224B\275\3416\236>g\344m>h\222\002?\316\037q=\353s\215\276\337\307\037\276\370a\200>\371`>\277\027+\247>\024\363p=\201a;>\032\364\233=0x\257>\204\247\233\276|\256e\275\236B\234\276/\315\025\276\002B\231>\357\241\262\276\200\345x>\215\322k\276\264\336w\275\025\r]>\2168\221\276\\\211\307<\346R-?\236\365A>\257n\362\276Pf\365>O\244\252\275\\#\246:*\257\320=\306\014\263\2755]\\>\024\226\350>C9\326>U\031F\276\030\346\236\276\377x\356>\327\203\r>\214\375\262\275\216/\347\275fnv\275\323\004A<\245\242\220>5\023J=\345\023.\276l\275\235>=\370\332\275\320Jo>\232\336;>\"\3751\276\340\214\235<\245\005$>\014\314\236>\024\361J=\206\326\257\275\304\372\306;i^\247>S\224\217>5:\257\275\302Z\037>\022\254-\276_\307&=\027\344\201\276T\016\003?\022<\254>M~\367=v-\370\275\257q\271\274\220\344J>\231o;=\036?\201=%T%>\257\304D>\002\357\263>\t\034N\275C\353\035\275T\247f\276a\214\274\275\327\223 >2~D>\337\361{\276\361e\177\275\241\024\263=c\r\324=W\331\210>I&K?\\\025\007=\332w\245\273\026\274\377;\257\206L\274\335\213\372=\217O\027>\200\222\001\276=\250\034\276\003[\375>+\323\372\275#\206\314\275\222\241\032?\261\t\264>{\025Y\276Z\006\247>\027d\023>\334\342\014\276\3602\335>%\327g\276q\250Q>(\177-\276 \214\336=\217\225\017\276yn/\276j\001\216\274&C%\276\n\363\200\276\276\335\354\276\226\020\003\277\014r\240>\256:\221>B\020\364=\364i\203>Q\366\266>\300\237\221>\365v2\275\237+\024\275\267\354\203\276\275!\214;\233\325C;\027\001\201\275\305\265\242=T_\214<\355\007H\276\357O\240>\310\003p>\322\357\031?\035XM>t+\n\275\204P\254>o\343#=t\013\322\275\000\356$>9\255\201\275\377\355\325=\230\227\331=\326\340\216>\234|\275>Bb\222>\030\371V=X\323\322>^L\234=\277\261i\273I5\032\276\353\0160\275\n\254k\276/if>N\036X\276l\313h?c5\037>S\354\226\276e\031\276\275U\326\267\275l\246\253<\322\223\307=q\314\r>g+L\2764\t\201\276\225\272\007?vQ\263=\316V\270>e\313\321=\210Z\361=$;\305>\0256\264\273\355A%>\246\264\246\274\326\010\275\274\013\205\026?\026\002\016?%\267\362<4\330\302<\2000\232\2767\247g>\202\372\247\272\202\265:\276\265\315\352>\354\2651\276\306\3743\275\264\365\260=G\344.\276\274|m\276\316\016\236=#\245\267\275J\336\261>\246I\234>7$H\276_\006\002>\232\310X>\257\377`\274\213\240\206=\2343\035\277\337\362%=\030\255?=\324Yp=m\251\227=WR^>\346\340\331\273\3259\033>\004=\004?.d\326=&C\030?\347\0350\276\373\362\217>\005)\323\275\237\3242\276\274\261\211>I\004n>\375\035\355=\031\363q<\230\020\020\276i<\275>\033\005\221>\351|\273>\226\250\330>\013\207\031=\373\336\242>\313\343\303\275\236b\005>\273,\022\276v}/>\024/\265\276\377S\323\276\334b\266=qV\030\276\336\332\032>u\224\211\273\204Z\270>aW(\275.\234\310=\216\245>>\336\303\242>\037|J=\225%\326=\213\323-=\310\257\203>P4\205\275\001\342\245=.\346\224=\0009\201\275\312\237\233\276\356U\\\276\377\1774>\344\216\265\275vn\311=\301!)>\377+\007?\362\375\351\2753Zw=w\341s>\341m\221>\036\332\216>\270\365\254=\037\374;>m\004\234\275\303\337\215>\227e\347>%\336e>\277\260\000>(\000 =\351\336I\276\255G\261>\261\377\264=\344\270(\276h\343?\276\236f\n\275Xn\006\276\336\253\000=\0346\207\275\336\377\013>\016\264\264<\265\020\345>\247\365\216=+\345\202\276Hpm>\334\2546\276\030\214\004\2746r\021>\277\204\223>\313\201\014>J\230\277>M$\340>\001+\375\274#{\265\276\3639#\2759^l\275c\267\206>\317\240a\275\271\355\000\277fa\006\276\212uy>\212\345\252>@\360\375\275:\312\313=h\022\'?c\307=\375\276\214=\272*\370\275@\314\263=\020\323\364>\275RL>\201|[>4#\360\275\321\002\262>!\231,>\222\267\002?\251\262\022>\257{q\276\005\270\271=e\230Q=i\354\010>\372W\325=\016\351\220>\243k\245\276\216\276\231=\231\375\361<\334;\223>\377\366\266=\240\222O>6\227\206\276\376D\232=q\344o>z\025N\276\204\341\225>\024\365}>\201#&><\341\203>\310\372\r\276pIm>\036\334\025>\025\264\032\2762~~\276S\326d>IE\346\275\251]!?\205\256\223>\256`)?\020d\014>Hw5=Y\343??\252\224@>i\200\007?K\'\300\276\200\254\037\274`\353\337=\005jN?\344\224\335>\327!\014> }m>\334Jl>=\355\005?N,\017>U\321\021=\324\027\002?\032\021\t?Zw\250=\332\300\253=\023!d>\270\034\244\2759n\016?M\266\272\276\036\202,?i\335o\275\320TF\276\021\200\014?\247\214\274>k\306$?\252&\211>\216u\335;8v_\2754Wy\275#w\246\276\366 \023?]\314F>\326\216A<\305\240\300=\233\344\220\276\261\335?\276\206\237%\276\245&\262\275\352\'\324>*\334+\276\024f\365>/\315\'\245\201\025\276\330\231\260\274\360\037\006>\261\232\t?\016\'R=Z\262\022?\305\260j\276g\002\277\276\366\030\t?N\366\231>\017\343\342;m~\267\275^j\005>Q$+?*FP?\234\307\236>\020\204Y<\365z\266>H\331!?-\234\214>\303\n\314>\300Q\260>\030}G>\241\271T\275a\361\346>m\314\251\275\026\224\3129E\316Z>\252\217\227>\027\355\354>\3030\034?\037\t\001\277\001\323\305\276\013m\\\275\241\233\305\276+{/\276j\334k>\013d\363>\235w\202>\242\266\025?\025\241\037=\302\273y\276>ZS=\001q\330=CK\327\275\314\217\000?X\'\004\276\007\267\t\276=\241,\276\233]\212\275\027\021\254\276\303\302\352>V\312\310>0U\222\276Z3>>\244\016\013\276\265-\277>\367`\310>zS\374\276\313M\332=:\347\356=\350\177\234\276\037\330\014?\323I\372>\351\227\224=\201^\374=\'R\325=k?7>\3129==\216\351A\275R\344\344>8\217\006\277\274k\327\275\375\033Z\276\245pQ>-\351 \275\262\360k\276\2376\'>\346\005\334>\r\323+=A\273d\275\345!\004>O\2176>\200\325J>\244\365\005?Rf\317\275\223\254l\275\305\334\377>\322\216\013\274\256\241==-cI\276\326\233a>E\266\263\276V\250\003>\314R\337>7\253\255\023\250\346>\301\224\200>\360\301}>Z\220\213\276\202\365g>\344kn>\336gc\276o\200\227=N\337\315>|\032\017=\017\340\023\276\226\236\202\276dW\003>\007\034\245<\n\017x\276$\206\035;\210t\230\275\361;J\276R\315(>n\266\205>\232\"&\277/\264\264>^\003%\277\224\373\254>\036\332?;#\"\363>\030\3140\276\221?E>\275\377\313>j\236\363\275\315}\240>r\217\275>}\177\344>7\271T>va\010>\014\227\201\276\271\360\224>\215X\207\276\341\352Q>\226\272{\276\031\025\260=?4\204>\206\007\210>\001i\013?\3127\365>\224\245\343=w\360\272>\335\033\244>\256\342\317>\221\001\212>+\363H?0\334F>M\352\315\275\313\221j=T,h\276T\205\337\276\007G\000?\021$!\275\213\315\002>\376\'\274<\206\303s\276\313Q@=8\233Y<\0057a=F\252\253\276,?\375=o\025\360>i\320~>%\215$\276\037\242\366>\205p\217>\2237\006?\246\037\263\275\026t\252\273\370P\256\276T/\226>>(\362>\370\246\317>\355K\240>\307\312\023?\nWP\277\177A%?\246y\364>Y\021\301<*p\305>\235\202\310\276O\300\320=\'\342.=\253~\276>\016,\376>2\237\331>@\364\001?\2348J=\246\017Q\276R\272\314\276\365\201\035\275.\351\252>\030yB>\004$\004\274\275\306\035\277\334F\021=\376P6\276H\312\370=\362#\210\276\265\300\014>\202\252\234>\367s:?\310\000\240>\226\334\312\271}\0014>\315h\221?-\035\376=\255\311v\276\3408\274=\322\266\n?\352\341\261>\250\266\221=\r\311\223>\355k\250>|\303\006>D\215\320\276\345\014u=J\207\267\275\307{_=K\004&>M\212\020>\244J\257>l_\211=\005\013\270>\371g\000=^\351\031\275|\320\213\276\203e\254\276.J\305>wjo=\034\241\247Z\335\027>h] ?\336D\204=A\347\000?A\033\204\276\353\010\264\275F\305\276>\212\n:\274\347\222$=\347WV> \251M>\220\314*\276(\241\277>\240\370\004>\322\241\251>T\216i>|\271\032\277T\260\375>F\336\357\275HT\213\276b\203U\276\032Y@>\227\035\312> \346\266>/2\277\275\333\212\251\275YE\237\276\256\034\033\276\006<\224=g\203\225>\342\326n>\334\253\374\275\024uD\276\201\251,\276\203\220\243\276]jW\276\203\265E=\370#D>\241,\212\275\227\235{\276i\322\233=D\026==\246\304+>{\256\242=O\210\224\276t\014e>{\010\000\276\3109\212>\222\276f>\247\363\323>;3\272=\234 \253>z\243\016\274\022\005\221\275\375\013<\276\272\275\231\275\t\356<\276\303\221\243>\346\277\223>k\220\224<\325 D\276\243?\326>\3236\315=\231j\206\276\274\361\213>F\352@>\261\352A=Z\242\372;\240\306M=\"\272$\276\244\377\250\276`\354\227=\361\372+>\230r&\276\277W\243\276\233\255\244>;\275s>\354k\275\276\252;\035=K\010o\276a\214\214=\216?\316\276\266\360=?\227A\322\276D\271\237\275L&oJ\232`>\177@0\2765M\261\276JE\267\276\226\3621\275\027\304\245\275\326\\H\275\346\222\030?\362d8\275\225O\340>\242<\223\276:YY\275\234\205\226\276-$\331<\363\330\306=]@ \277\200\2742\276v\344\345>\375Am\275m\177t\275_\334w\275\036\022p=z\347f\276\261\356,>B\265\261\275\377\306*\276\007=\343>\207@\031\276\034\337\036>\000\251\016=\302\201\344>|\317-\276\264\311\243\276y\244P?B\247\274\276/Y\261=#O\n>\216\017\316\275#]\212>\350m\271\2746\377\371>\313}m>nQ)>\016\342\371\276\226\311R\275\200\000\320\274\206\177\340\276\307\334\371\275}Z\234=\222\306\2656\224u\276\273\212\326\276\020\376%\277le\257>\245\314\247>\331\356a>\243\016\350\276\231x\217>\\\003X>\272 Z\276\006\236\346\275\365\022\177\275\371\335\361\273\020\342P>\006 \231\275\372\275B\276\322*\005>\327\324\360\276OQ\301=Q\373\330\275\332\020W=Q\246\020\276\242\002&>\207\252\350\275\'qN>|\'O>\370v\002\277|\263\222>1\257Y>\033c(\275\243`%>\375\305\235\274:\220>\275\355Y\236>W\272b>\022G6>\347\277/?\007\300J=\257\354\275\2761|R>\375\270\314>&D1<\363G%>\216\'9\276\341\027\200>\020\210\340\275d\315E>\376\312\237\274^f\005\276\017 \215>\377y@\276\243\375\026\276\027\273\020>\212A\003?}\352\244>\367-^\276))q>\017\274\315=\304e\032>u\217\025\276\210\247\206>\330\327\003\275g\312\206\274\337-\007\276\203\276g?\034D\336\275\375\201\020\276Fb\237=5\003\222>\312\373U\276p\"\203\275\235\373\251\276`/\340=4\003\322\275\004\021p\276\035\\\253\276\317ts\276D(\227\276,\250\277\275\364\344\272=6\365\235>\340d\205\274\350\206\307<\221\177\205\275\237\013\256=:e_\276=\033\301>\035\276\243\273!\350\364\2763dL>\240\033\370\273\3758D>\265\332\361>]\027\247\275\303e\276=^0&\274\347\t\234\275\365~\271\342t\342>\n=)?Z\020K=IOW<\345\005?\275LG-\276\234\354|\274y-\240\276b\336\024>\2579G>@\235\232>\276\257\005\276\025\256.>`\244[\276\370\215\345=\014\223\020\276;b\211>jF\356>\220\275\270\274\245\322/>b\376\205\276\002?4\277g\377\224\276\310\216_\276\226\365\220\276$z\313\276\244\036\322\2761\"\346>\200/\022\276\262%\025=\"\231\330\276\300_\257=\254x\021\276$\241\244\276b\320v>\n\373(\276\005]\347\276\n-\321=\276r\226>\355\254N;.\307^\276S\027)\277DH\017\277n \325\275g\271:\275\001~\016?\200V\317\275\220\335s\276\330f\215=Da\367>\351\366\030\277\213\313\026\277\363.\340=\306\302R>yu\320\276_\360=\276\307lq\276T\006c>\315\334W>\"\207X\276\337=\316>\342j\201\276J\003P\276\250\253A\277\215\377\022>\360P_\276\330/\252\3023s\270\276\371\005\300\276\336T\247\276\302\n\025>\275\327\335\276B>\203\275GO\034\276\204D\237=~\031\377\276#jp\276\232|\017\277xb]\277\337F\034\277:\003\332\276g\033\261\276\367\212\315>\200\231\211=\225\236\311\276\233~\200\276\237\377\034?\245\227X\276\262\312\321\275y\230\021\276\276\300\013>w\216\030\276\217\240\236\276o**\275\265Vc=4\273\355\276\037\206H=\342@\315\275\275\316D>\2674\000\274\351A[\275-Sa\275m\0145\276~\300 \277\321o\365\276Z\267\260\276\213\310j\276p\017\207>\212\020\017\276\r\031W\275-O\010\276X\216,=\373\023G\276\203J\220\274E\315\261=\315\035\374<\330\002L=\222\235\244\273\337\205\373<\306\265\265:\307\274t\2764\257\351>Q\024\n\276o\310c\2765\223f\276@7:>\374B,\277\211\273\"\276\234Hf\276\362#W>\177\036\327=\237\227r\276]\016^\276\023\206\262>d\215\210>\221&`>\223.\252\276%\265\217>\325\264\000\276\275\177\312=\306M\365\276mI!;G\323\203\276<\256\321\276=W7>\014\300\310=*G\316<\351\031\345>7-\373\276\364\026\325\275JL\002?6\021\222\276;\314\024>_\202\254=\004\n4>\204\365\352>\215\201n\275@y\200\275\257\302\300\276\236K\344\275\017i\036<\375J\022\275\333\251\214\276\237\224*\276\276\325^\274@\r\267\276\215\251\233>\203\305\211>6\307\206\276\373j\307>|\366\214\276\262`\020\277\217w\304=\3001\333\275\377gN>9\004x>\002\210\202>\214L\215\276\346\256\311\2769W\004\277@\255\202\276\237\247{\274\275Z\347=\010\352\211\274\275\244@=\211\337\016=e\261\232>\035\t\311\276\320\361\014=+\323\215>\302\222+\276Yqt\275>\311|\276K!#\276{r\031>\235\224@>\352\263\244>\031\033g\2750\302\234=\252\036\355\276\343i\343\2732\201\024\276\341\0367\276m~\357\275\263m\354\241\367%<\243\033\033?.05;v\246\017\276.b\227\276G\264\304>\020@a\2763{\202>T\270\235>\0273\311>\310d\247\276]\207\206= \256\237\276\016m\014\276\245\257\270=\223\212\233\276+v\017>bo&\276\365\312Z\275\312\300\355\276M\\\315<\021M\276>(\255\237=\367\030\320>\276\362S\276\336\355\225>uV\331=\341\366\277\276x\255\000>y\373\004\277\271\205\270>\217A\314\275\324\243i\276S\260$?\241Q\310=\231}\375=\324\341\325<\362&\373\275M\207\346>y\304\221=!\274\237>k;\242\276Q9\364\274X\\8\276\316\256\203>J\342\257>U\035\303>\363\332\035?\013\253i\276\333r\250>\255s\r?b:q>\n\357[?\254\240\211>\317\177\023>6\213\330;\200o\035\276\350\313\200\273\275#-=\017L\343>\023B\014\276\251\361A>\3255T\276O\000`>\307\262\260\276[\217\332>-({\274\342\311\226\276\314\005\247=\3634\225>d;\212\276\243\356\221>\177K\251\276\261|\360\276\355{M\276\031\025K\276jzm>j7h\275\"+\216=\017\267\345>\244\351\273\275\210a3>\306\027\335=hI\267=\371A\206\2763I\236\276\325\333\262\276A3\014\276\244\353\007>\214\313\260>#Q\215\276\367\255\231=\346\217\324>\031\213[>=\022\017\276\241]#=\301<\034\276?\221\'>\353B\256=%\240\313>\212B\356\276`\306\355>\340Ez\274\263Uo\274\270\372-\276\221\370\377=\270\262\026\276\235\345\020\276\351\257\001\2761\246\346=\222\307\245>zQ\343\275\307@\n>\005\n\260\276\305\034\320>\2677\323=\216g\272\275\323\266\242=\325\311\375\275\207\312\016\275\000\250\355\276\006\312\346<\354v;\276I\014d\275\377\210\357\276!\000\276\276x\330\271=\210J\362\275\\H\322\276\225\373\360=N\003\251>Q\236\251>\304>\205>5},\275\'\275=\276\245\tR=\023^E\276$\033\246=1/\306>]\314\312\275\030\227.>,\033?\276h\272,\276*1!\276\222g\"\276\254_\006>\335ud>\256=\354\275\336/\377<\"b;>A\371\251>x(\215>\262\306\307=\244\375\233>\371+\302\276\000\253>\275\351\211!><,\271==\026\017\276\212\246{\276A\031\227\276\373\022\\\276\277\275\315=\354\2453>\314H\276\276\231\344\325=#2\034>I\322\366={0$>\033\240\236=U\344\337\275\023#\264\276\256\304\266\272_\2615?1\013\031=[N\304=\341\213\227\276\\\325W\276XX\250\276\276\000\340\275\335J\204\276\317P\257\275\354\350\245=%^\211\276C\202\234<(4\017<\257\302H<\274\035\262\276c\341\010>xL\000\276\013\310f>@{\030\276L\211\363>g\314\357=,\2304>\244\355\034\276\352\321\017?\007a\200>\271\211\"=\2343\251\276C\327\261>_\320\3259\010\347K=RN\340\275\351[\302>\262\273\332=\002\356\371=\366\340\002>r(\340;Us\356<\000\024\353=\323\373\254\276\335\022\333\276\020\340\\>\250\315D<\2767\211\276&\302\323<\335\030\217>\271\361\236>bJ%?Z\364V>\312o*\275\336\215T\276Q\257\347>\007p\276>\326\316\t\276\246\237~=\236\003\377<\317%r>\317\265\264\276\224\373=?\330\265\274>S\001Y>\\J\"\276\3058\300\367\374\243=5q\2765\373\021?e\333o\276^\225#\276\241\'v>\306T\273>A\223\t>k]\020>F\360\251\275f\371\375\275\010\365\017?~k\036=\310P\217=\262\344>>\263\360#\276\005oX>\214\022\224\275\272\274\206>\214\035,\277\005\213\"<\211\366\373>\032\226\016?0\263\333=\272\234\n?\271\034\235=E),\276\354\205\247>\367\314\241\276}5\242\275sg\357>p\200\200>\220\334\n?66\024>o?I><\330\265\276\203IU>\3147\350=^9\232>\315\232\253=S\350\205>\023\021\267>\372&n?\222\332\315>O\334\346>\251\003\213=\226\034\026?\374\005\231\275\252Q\337=\202\253\350>5z\n?\312\244,\275e\244\371<\317{?=\234\003\373\276\367\034\246>XC\345=P\302\205>\201t\211\275\024\212\226\275\262 \320=\027\333\037\276\312\265\362\274\304\243\237>6\201\275=n\002\016>LQ\241\274*+\206=Ce\344>t\251\324:W\354\304\276\260\023\n?q\221\313>~t==\216\264F>\223\254J\275\032\003\213\276\222\323\001<\2638\202>G\361\031>\345\255\030>\364+!?K\317\032\276\251\037\256=1_(\276~\023\353>\332C\306\275[^\336=\313\2528\277\025\343)>\266\221D>\362\360\200>\351q\236\276\330\003Q>\to\267\276\254\027\'>e\247\007\275\206\302\277>\031-\363\275\237C\340\275\275\034\371=\0014C>\213\372M>\375\340\254\276:\010\247>\345W\214>\263\225%\276\030on\276\037\034\255\276w]\213>VI\331\275\335\232\341=!\212\354\275\3651\006\275\314)\345>Y5(\277.\352\353\274m\257C\275\300\302\305=\032\216\032\275\205M\004>\t\2542>\226\213\337=h\256\213\274A\344\025>}\225\347=B,\275>\022\002\222=\351L\233\276\332\333\272>\000\005\343\275G\031\334\276\240\376 >\356\264\276\275\233\016\007>\230\005E>\320\341/>\036s\243\276\214E.>\327\211\276>\331\230\274>\344\256\267>\251\343\235>=\334\307>\260h\010\276\013V\241\276\\]k>\004\362I\276\361e\275>\010\232\r?\t\026\323;\212\002\264;\351x&=aqH>\303:\213>\344E\017?F\235\231>\362P[\276\360\256\367>\236\260{\276\226e\000>\000\277\252\275\272\036\276\276\375\213\257=\254\004d>\311;\370>\317s7\276\006_\356\276\202\001\r>7xe>Fl\003?]\211\002>\035\216!=\273\022.>\352\215\347>&\207\t\274s\341\032\276ck \273\304\374\257>\273M\235\275\204\235\207\276Z\201\274>\237\274\257>\221Af>\322dN\274\227\031(?8 \207\275\263\356t=?Dz>\0170\215=\324\316\216\276\030&&\276W\3233>cAn\275\274]\220=\356\275\r\276\274\243l\276\365\217\373>\301\244)>\027v\340\275\024\247\343\275\247\267\215=G\263\024\275\006\332\221\276\347\353\216\274\005\235H>\005\273\201=\317y\"\275\204\247:>2\360\026\277\275\n)>Ff\177>,h\216\2761\264[<\016\277\205\276\033ZG\276w\207E>tD|=\235^s>\027\211\227=&GK\275\r\271{>27\016?\256\231;\276\213\017\037?\262hT<\335_+>\ro\327\276BT\221>:\267\242\275\032\246\206>{iU>m\004\366>\223\373\236\276S<\343;Y:9\276|#\232\276\036\343g>\372\005h>B\036\020>\206\367\304=\270%)\2751\213`\276\226Y\221>\342~\250\275\206\357\204>\314gQ\276o\005\001>\263\224\211>\221\355\212\2750\r\207=\n\267\265=\003\203\032>G\226\000>\222\364\240\276WW\312=\316\t\031\275\353R\377>\222\275\344\276\242Z\"\276WBW>\331\036\273>\354\324\245=\217\337\324>\023\251\036<\301\020\316\275M\234\233=i\352|\275\200\014A>]A\263=\353\177\216\276\367\3553=b\255\246>\303gi\276\201O\277\276\303\376f\276\\\030}\276$w\332=-\3368>\026\317\237>\217\3450\275\004\254\201\276\017\3276\276\003,\374\275\314(\306>8\325/>\021\310m=2-\005>\203D\377=\274$C\275\364RB<&\253\310>\330\204\215>\345`\'>\331L\027\276\351\330\201>(9G>\003*}\276\250\3723\275\255(\371\275\341\253\344>$H\225\275\341\270\312>Bfx=\004\356\010>\351\2515\277\257,\206\276<\350\312\275\006\272r>\312o}>\037X\204=\201W\267\275\246;\306>Z\220\353>\231\247\020=\2230K>\360=\363>\242J\345\274\177\331\007=>\353\n>\000]\376>\331pI\276\324\333\023?\312\311A=4\'\004>}\331\257>{_k=\001\370\035?\303\361\317>\244\016/<\306\232M>*\262\200\276\300`b\204>\356\033\004\276\035\255\200>\000\257j\276Q<\001\277\303\235\352>\274R\223\276\'\020-\276\352S\367=\207o\225>!\350R>0EO\276\310\252\303>\224AG\276\300\010\265>\214\333\357=b\251\350\276\010~v\276\005\372\335\275\275\305\211\276\200\311\200>\225&\351\276/\350\214\274]\262\215=:\332.\2770\006\247>9\n\210\275v\237S>\3459\032=\222$\233\315 \365<\021/\035>\324\220n>\304/W>WN]>\032]\226\272\273\342\367\276:3\364=c@\247\276\3753\321\276G*\311\276\215\373\252<\232\321\004\277D\264\240\276\220w\216>\310\010\016?\032\317\205>\326\030\n>\"\271D=\235=S==6\212=czx\275\337\267\252\275\3363\232\275\035\251\274\276\235\276\201\276Lfl\275N\177h\276\226^#\277\270d\246\272s\016J\274\"\357D>\001O\313\276\325\362!\276\022\327\021>v\206\021=\315\326\317>3\362J>x\245\242\276j9\226>\374S\241>{\232\020?\347l\200\276\\\013\253\276E\376\'\276z\310\352>J\275|=\314H\017\276\303\372\340\276\216\026\177\276\026\341\364>\n\244\202\276\240\206\336>\004M\252>\225T\265=<\032\020\275\351\022\345<\"\220\332\276\366\361\225\2743\256\357\275d\345\343\276K\205T>rIw>!\213\273\276\014e\004?\037|\017\276\021Mx=1,\270\274\002\267\217\276\\{e>\353\311=>\225\313\251\275\204\024[\275\356\003\326>\261J\301\276\2513\245>\246\224\372\274\250\335\220>\251\344\014\276.\332\005\276\220)5;o\236\233\274\2037F\277\022\002\266=\350\353w\276mkM\276\204\227\223;\\\212i>\243\031\233<\354wC=95\273=o\206\306\275\342H\326\274\335f#\276\005\373\300>\334L\265>\355\\\265\276F\3135\275x\363V>\260F\267<\037z_\276\377\032?>[\200;>\3538\316>\350\372\220= \314\215\275\345\251!\276\376\025\311\276\354\033q\276\327\332\227\275 &\367\276 vE>\034\343\201=\304l\277\276\334^i=\002\016\024\276\236\005W\275\013\006y\275\274\017\276\275N\n5\277nM]\276g\177\202\275j\265\231>\311\r\201>\267UL\276\032,G>\206\310{=\023\307\222\275Ez8>s\010\254\276s`5\276Y\206Z\276\235\334\026=\300\222V\277\324w_>\235@y\276\020\336\210\276\341j(\276\032\203\t\277\274\211E\276\313\t\356\275\325\n*\276\374\252\035<+\3615>\254\214\231\276\214t\216>\224*\334=Z\'\320\276\240\240\205\276NCA>R;\342\275\253\352\376\275\020\030\240>\245\242>=\304\004\006?\225\026\236>\t4\236\274\305\252\230=\036\327=>;\352F>\035\017E\276\316\"\223\276\"z\033>\035\227\215>5\332\r>~\241\244>\327to\274jLq\276\374\200\264>\354\227\365=\305\004\220=\361\312`\275\"B\001?\306\342\010>}\301s=\217\304\234>7\300\315\274\221\301\204\275\r9\376>?\030\377=9\251\032>\264\234\034\276X\276<>\2202\006\276%\344\221<+\220\322\276\004.\2459j\230\317>\374\342\363\275\216\225\231=\330\2439>\224[\024\276y/->Lmr>\340`&;\362r\025>\273\033\210>e]\211\274 \361\260\275q\254\340>\314\352\235>;\264n\276\341{\233\275E\204\246>p\242\'?Z\375\320=f\026\267>\033\324\022?k,\004?)JD>XO\201\276\035\321\352=\371n=>\367\007\375>\215pN\276\351\357\326\275\0077d\276\223O\243>L\324L=\365\232\365=\311p\r\276y\233e\275Tz}>k\337\346=\237q\021>H\177\n>\262\177C\2760B{\276\325\277N\276\027x\262\275R!\020:\013\342)\276)\275\313>\346\356\r?\332\237q>\032R!\276\337rL=\231\274\022?\240\243\021>\242\200Q\276\241C1>\001\204\177>\206\204\201<\270\266\330>)}\255k\252\265>\304\323y>\1779\">@\216\241<\005\022&>J\345y\275\207\201\221\276\303{r\276\222\037\223>+\373\276>\036\277\211>\204\334\025=\346\223\211>\030\277\333\274U\033\244\275\334D\244\27668\223\275\342F\217\275^,\305\276\371\332\363\275\311\256\023>Y~\276=\373\200?>V\372\303\274Y31\276\222\037\222>\3373\274\2766\274\265=\322\220\301\276O\022M\275E\265\265\275\017\036\333\276r\370\327\275\373e\306>)U\242>\"*\220>e\014\371\273\304\356\'\275\316{\257\275\206\205\366=\214\370;>\320\217\016>\032\330G\276%\006.=\302\246G\276\r\006\016\276\362X\022\277)\362{=\314\271{>\343D\237\276\312Y\026>\240I\214\276\302\325\371>\333\2558=\320\005\n?\220\342\232>\225\377\230=\316\372\"\276!\013\233\276\263e\227\275\373>a\276B\016\257\275\374B\\\276\254\263\307\274L\376U=64i=c\361\013\275\223\343\032\272\346eA>[\205.=\252\214\203\276\317H\311\276~\202\375<\314**\276(\017i\276{>\030>\375\266 =\250tS\276\023/\273\275\276`\302\275Ef\230<\354\366\206=\375\035\244>\310\245\330>\247[\355>\240L\362=\334\330:<\242.\347\275-y)\276g\335\220=\201]\347=H\320\n\274\224\244\264\274\364\230\231>&\207\223\010\240\343=\007\325\325\275\365\032\330=-\235\256\276Zk\324<\352\314\024\277(\356\256\276\235\273O=\rc)>K\240G>N\010\200>\0354\265>\002-\016\277\212l\243<&\001)\275\353\007\271\276\346,\255\275J\246\253=\265\r\n\275\360m\266\276&!\020\2775\204\017\277\204\264N\274\316\206\377\275T^\366=\262;\257\276\273Sn\276tZ\302=\221\215\226\276|N!>R\343@\272\362\272g\275\270d\005\276b1\200\276\216S\245\276\365\201\334\276\007yk\276D\323\247\276\254\213\220\276\310\342\265\275\337h\336<\205\326\262\276\320\222\337\27691\224\276i\236\333\274\343i\207>[ \250\275\331\264\363\275is\305\276\372E\233\276\234\322\023\277\352\272\017\276\304<\235\276\324\014h>\200\305\347=cn\366\276G\005\202\276]\363D\276\235\245\031=\237\024x\275[!\247\276\204,\214\276\311E\004=\302\234\007\27580a>Y\214\303\276(\334\332=\224\3454\276\222z+\277V-\000>\371\341\307\275\311\013\017\276^\367\n>\322\366\035\276\310\025m=\371\327\231=Z\370\226\276^\213\314\276lT/\275\243\340\020>JO\025>\310\007\201\276c\030\026\277\327\377\242\275]\274\307>*\223\263\276\223J\365\276+s@\277\370\272\241=\300\027\025\275\'\227\027>\225~i\276\356\340C\275\252<\014\276\002\352\255\276\273\254\361\273\035\234V\276T\340u>\204\001\263\274\363\311&\275\000I\266\276\356;\273\276\270Ba\274\t\320\324>P\310\241>\340\256\023\277\023b\334\274\222\274\036\276\271h\253\276O\253%>IQ\022\277HB$\277\363+\273=\206\332\360=\265?\364=\376\327\265\274G\313\211\276;\031\224\276]\3027\276 \033[\276\250^\243\275^\250\351\273\252u\221>\020\251\314=\315\213\021\277\225\250\250\2743y\267\2763\351\315=\'\352=>\325\022\350\275\224\333\205\275\225\212j\275a\235I>+4\246>\007\243\252\274z\252\253>\353\373I\2739\t\306<\253p\331\275\201\333\246\275\306\002\300\275\375\236\030>\220\250\214\275\314\220\272\275RVc\276\277WD\276\324\363M>\341\023\233=k\300\244>\363\243\373\275\\\370n>\252z\030>\n\202H\276\240\331\212\276\343\267\233\276mQ\t\277LO\307<\177\312=>\272\335?\276\374]\350=\345\022\235>;\312\326\275\335\233\357\276\021Uf>\202cS\276Y\342\253\275\322\273\r\276\331\264\025\277D\035\224>\377J <\362\255\221=\377l@\276\2778D\276\335W&\276Za\264<{\226\033\276\013^\013=\\D\330=B\177W\276\004O\002\275\324\257\312>\024\276\336\275i\374\351=\326:\313\276\006\025\201\2762D\212\276\323\352\310<5\330\212=\301\034\363\275Q\221\207>\353\250o\276\257\255==\032z\205>z\250\337\276\213\201^>\215\316\t\276\326\350\251=\316\347\255>\371eT>7\034r\276\266\376\226\276\344\007*=\220\n\365u\'\211\276#z\003\276Z\267\345\276\317\320p=\276\251;>\260\330\367\275\375\037I>\036_\030\277.}\332=\331\203\344=\266\227\037\275\260\215\271\274;\t\\\275~Hd\276\371\246q\275\312\274\013\276J\263\370=\215\224\325=\236P\351\275\337\270\253>h\"$\276\256\327\365\275O\237\267\276\243\\:\275\333\211\250\276\026>W\276\304Js>\252\326\345\276\242O`=\236\325k\276\252\377\221\275\264J\r>hx\350<0\331\273;T\036x=\034\n \276\231\227\327>\320`\206\276\3239n>\210Z\204\2766\361\257>\304\256\344\275Hv\253>\277\333\354>\303\'f>&\234\030>\332\206\243\276I9\354>\001Ac=\2514@>\030\314\221>\257\342\350>\227\346\375=\215\026\200\276H(\234\274\2614\256>\367\033\315>\212\326a\276\267\212\337\275\252\275\205=M\235%;\037\375\032\276\364\300P\276\276>\r=q\025\001\276w\033Q>\233LE>\336\333\031\276\020\262\207<\300x\006\276\302\257\365=}XO\275\274h\377=h\357\016>S+\002=\352\343\342=xd\245\274w\251\222\274\317\214\013\275\351\034d\275\'\346[\276\230M\357=\352K\306\274s\334\013\276\350\244\214=C\357\215\276m\322\303=\332@\211\276\342\201E=\241\267\001\274\304 \244\275L\201\376<\006\261h>\256\262\214>r)\212\273\364(\273<\207F*\276\341^\273=\305\n\242\276\\\302\246>\177\254\364\275\2366\213\276\342\317\310>L\r\227\275\'d\220=\214\256!\276\025v\231>\237H\210>\202:8\275\310\006\237=\233\226\215\275\272\336y\275\000\271\303;\034\300\022\274s\244\265>\211Y\265>\256\031\314>\021\346\231>&\036\373\275\302\245/>U\357d\275\212\306\300=\332\233\016=i\201\202>\330\361G\276\237n\323>\240eM\276B@\322\276/LJ\276\031\031p\275&\367\005>\320\252\024\275Nz#?\276\224x\276\335N\266\275\363\346Y>p\274\247>\276\346\324>\265~\265=\330\331\355>y\237\023\274\212#\250>\305=\211<\004(\340>\315\r\002\276\177\347\321\275|\361\007\275?Q\305>H\002\360\275\322\250\372\275\350\334\034=a\324\312>\270\303\316=\347^\220=}~7>2\364#>\357\234]>\365\210\230>\3610\226=\225\272\251\276\210\3403\276q\245\035>i\273W<\216q\205>\016\3521\276X\241\221>?e\362=\304`+\276\265I\241<\374%\264\275\273\304S=\226\331\365\275\240\204\306>\331\267\276>\027}\354=\026\332\013\276\327^\022\276\024\314\343\276J\333\305\274\271!\335=~\271\312>\306{\306>\014\013D>\032O\007=\3574\254>\211g\330>D\303\270>\317\254\374=\354\365\302=\240tH\2765\241\007>\036\362\311\275\020/\243>\244\313\366=PZ)>P\312f>\000\300\245=W\227\266>\323\354-<\213+w=\304\305\225>\356b\331>\324\331\221\2766f9\276\257!\331=\360\271_>\031\213\004>7{#\276\303\033\234=\004s~\274UtY>\336.\032?\273\372&\275\331\241\220\275\003\236,>\261\200c>m\366\005\276n\343c=e\n\356>\013\360I\276\372Cf\275\014V\343=j\024B>\226\031\245\276\276\241\035?V\030f\274\370\206\256\274q\222\302=\243~\372=\252c`\275\037\251\212>\241\266\000\277D\377\025>\025lt>g\333\375=\261R\254=\023\0144\275\255Q->m\034\006=_\344\t?X\256\200\276\245QI>!*\272=o\234\302\275nn?\277\321\374t\276,@\306=\201nS\274\2139\307>\264\262\200=O\341\213\276\024qN=w\342\020\276\377a\003\277\352?\024\275\341f\024?\255)\342>A0!?\213&>\276k\334\016>\317\273\031\277\352V[=\310|\363=E\335;\275\301,k>cJ\001\276s\202\263>\016\323\032?\024\250P\276\237 \346>4\037\202>\313\t4?p\r\007=e\005d\276rD\235>\375\205\023\276Q/O\2750\313\237>\270\177\306\2758\023<\275U\253\260>\"2\223\274\343\222\206>\177\002\326\276w\032\235>2\226C\276\251\252O;l\251>>`u\001=\320l\255\275\300\331\352>&U\347>o\026}>&l\224>j\324\234\275]\261\264=%a\020>\343\303\t<\203\017\235>}/\223>\360\247\223\275\263)\313=\r\274\332\274Cl\300=\264W\352>\r;\030?!\005J=\231yP>\001z\216\275,\341\252<\036\212\013\276\355\301\227>\206\242\036>.Il\276\\\206\364\275\001\314\325>\2501,??\324\350>_\217\210>1\001-\277) \214\275\026NU<\200\3577>*\002{\274T\022\360=m\242.>9\3043\276\262K\327\276\031\006\223>O\001Y<\213\016\270\0270\252>\213\251\241\276>\324\352\275W[\017>\nWU>\007\342\277\275\224j\271=\241\260\236\276\222S*\275<\206\362>hF\227>\320\204\302>\375<\024\276\030\247s\275\030\364\350>\251\234\221\275\271\237\320\275\207@\230\274\264I\370;#]\251>\300\017\212>C\206J\276q\"\"\276\005\230\304=\351/0\276\234OV>\266\006\203\276<\021M=\037\0262\276g\242\000\276d*\016\276\235OZ>]\246\341\275\227\230\205;\250\225\t\273\'M\031>\337N\266\276\363\312\226=\007:\205\276\206N\227\276\206\316\t>\021\r\222\275\227\270\025\276\000\270\335\275\370r\000\276\034\335\372\276oGO\276\026\324\244\276l\236\255\232(\215\274\347$\314\233\020\r\276,\260D\276e\355\377>Bp\r\276\372:\017\277\032\t\300>\276\275K\276?N\257\276\244@\203\275\030\230Y\276<\241\304\275\243I\037<^\007\201\2749\306\217\274\323\316\320\276\261\010\210>\331\201\325\276\353\301\016\276&\271\334\276\254i.\276/9u<\256|\241g\213\266=\331\352*\276j.(\275\006+\363\275\351\232\267=W\337\357\276\321\222\364\275\333\030\333\276\016a\342\2751\265-\275m\232==\r\001\034=Zp\250=>\315\221\276\222\315\025?\206\272Q\276\232_r>-\277A\275CHC=\265b\321=a\006\251>\022G\253\276\246[L>R\243*\276\002d<\276x\274\037>\335G\243>L\210\204\275\211\271\204>\\\310\362>[\2622>\370<\217\276\331xx=\265\0370>\206\363\271\276\r\360\205>\304\323\014\276]\326\313>\314\256\020>W$$\273\242\254\207\276\347\004\033\tw\265\274\223wG>E\305\373\275\372\311\177=hX\237\276\232\371 \275\014\214\230\276\027U\034\276\326$\236\276\267\251\213\275\340\027\014\277r\014\351\276\225c\222\275\222\337\311\276\214S\374\2027\021>\334D\267\276nL\036>V\334\245\276\224\212\361>\361?\221=\233\327\002\276\022\204\274\275\232c\336\276\216\'\267\275D!\017\2772f\336>*6\262>}\323\r>\002\256\273<\223\240\254=\020\260\324\276hp\363\275\325\030K\275\311\353\375=\320N&\275\313\254\235W<\347\276\372\251J< o\224><\303\266\276\205\273h\275s\252^=\273\205/\276<\226\255>>N\001\276\206\274\275>/\364.\276G!\217\276\036\366\031\276_\275@;\024X%\276\202b\204>k\336b>rI\260=\023\367\304\276\267\032F=\244\214\313\276v\002\370\275\333L$\277q/\277\276r\277$>\237\232\346=_D\";\227\231(\276\215\023\227\2767N\001\277xx\234;\327\325\035>bt\237>6;\231>L\245\247\276V\014\017\277R\222\211=\341\342Q\273\321\362\274\276\204\255\025>\202{[\276\366)\006\277\020\312\212=H\035\270=c\373b;9\013\311\274\315f\205=4\255\235\276\334p\221>\244\003\271\276\t\032*>\361\207\244;)_\221>K\'\276\275\3635\345\275\005\212=\276\3271k\'p\224\276g\035M\276\306*\n\276\025\003\212>\216\035\014>\276\202n\275\300z<\275=\024\337\275O\314C\275\016\014B\2763\2007\276Q\342\203>3\017\364>\017\227\345\275\343\240\331;;pX\276\020H\313\274\371\325\370\276Y-\317;\254\323\\\277\245=\217>\205\n%\277/\202\013\277\370\332\034=&x\257\275\020>\3601\276\252\235\\\276\252\240u<\235n\355\276\210\020\336\276\230\327\370=\225M\220=\220\n\247\276\210\021\021\272\254\003[\276\340\036A\275\334\230\"\274\374!\026<9\221\016?\331\233^=\347t\353\276\3623\003\277\361\323$=\014V\327\276\250a\313>\035\222\234>\251\231\021\276\021#\007?\266Z\264\276\357\236-\276!c;\276m\336\227=-5d>\370\3136\276E3\203\275+\353\250\276|\024&\277\316\021\321=\307Uz=s\000\027\276\356\361*\275\370\304\030\276\034\201\215>\016\276\216=\355\r\177>H\374\200>\272 \004?\014{\211>\363UL=\006we>\312Pl\274\237\016\025\276\374x\342<<\354\273>\344\025\035=\260DQ\276+\272\306>\370\014\214\275f\217\314>#)p\275`\0376\276\006*T\276\343\277J=\335\203@=q\274\002>\277\227\215\276T\327\266\276\371]\354\274mCR\276\245\337N\276\267\205A>u\244\350\275\302/\t\276\365<\361\276?/\304=\200\207\025;\030\323\020\2767\315\"\274\330\001\247>0\205\240\276\202{3\275\307e\245\274\213\255\316=D\204\241>\313\202\024>H\207\344=\005\354\037=\300\307S>tH\314\275;\215\245\276\302L\206>\355\211\022?\217/\025=I]6>\234\325\213>_\230\343\275\357$\233\276\270\377\334=&\216\205\275\304\250A\277|\241&\277ix\351\274\301\262\030>H\370\223\276<\341\224=\377?\267<\017\253\231\276/\376%\275\307\001p\275\013\204O\276\312\203\027\276\036\221\372\276\245[5\275Z\0050\276b\340`>\335:\301=\343wJ\276r\"\213=!\225\207<\302\372\375\275\"{\204>\207\252\202\276\000\356\025?\177\247\304\275\014\024]\277\254e\212>m-\360=^\024\002\276\307\355\337=\227\356^\276\314E\240\275\312(\021\274;\225\311=\262\211\334>nPQ\276\322G\346\276n\242\343\276\343\370\244>\377\241m=\263~\344\275(\026\301>@\276\311\276+1\231\274\351}\245=\236\"\200\276h\242?\276k\230\312\276\204\212\033\276:p\204\275\217k\231>XLV>\240\234\324=\362H\235\273\277\036o>tl\204\275zS\240\276O\032D=40\251=\212\311a\274\270\300\253>\253\225\200>\373\245\242=\242I\004\277\327\3048\276\274\274V=\000\2070>\271-R\276\203p\277\2768\030O\275P\264\017\276\007\275\265>/X\230=r\272\311\276\235\005\006\275\201x\236\275\330?\307=\325\376\353>\231p\306\276\240\250M>\221\231@=\021W\204\276\253\234z\276\003i\037>\263\243\316>\335T\242=\264\314\\;\327\022s>#w\332\2742\033U\276\003q\234\276\275\364\246;\013\373[\275\231\210T\2763\315Y>~&\352>0\236\345>m\375\370\275\320\360`\276|{\237\276i(\313\275\207\226\203>\265\361\207\275\203\352\252>\032\252\242\275\316z\005\276p\017\025?\370c\216>@\312\233>\272\210^=FJ1?\362\034\334=$\253\262\276N\332\302>/\024\017\276:\352\t?.2\361=YD\352>\033:\356>n\275\213>R\214\211>\351\222T>\272\377\255=\360b\255>c8\035\2764\240\251>hE\037>\200:\260=\330\215\236=Z\025\206>\310\022\217=P$\366\275\324\212\003?}\305v>Z{\036\276_.\030\275VU\316;\220\263\344\276\376Q\366\2761\177\">\323\365V\276H\364=>\370|(\275\307\243\364>\010\313F>\366b\241>\342\235\206>U&\262\274\305\222\314\274\3322\032=\177\037\325\272$\271\204\272\333\216\014\276\202\337\247>\230\270\027\274\360i\223\275\301\337\365\275\203\016\264\274\377X\272=i\377\241\2753a8>\341#\240\276~\321\036>\321\355\000\275\200\026x\276:\222t\275\004\353P\276\300f\224>\314B\252\275\326f\263\275/\365\305>D\233G=\035\030\337;\364\322\275\022\006;=p\023(>\220;\321<\364\316@\276&\263@\276&\' \275\372>@\274\037\307,<\315\342\250\273\232\271\367\275|so>!\200\033?Z\354\203>\255A\253=\237\3713>0\222S>>\274\356\276rR=>\240\275\004\276\327\0327\276]\324\201\025?\300\251\270>\220{\036\276`9\'>\033\032\261>\031V\212>\331c!?\343\000\202>\022\364@=\224\300\217>!\2362\276z\260\202>\365\210\215>f`\244=}\261\001;\274\352\377>0m\374\275\227pY>\025[\014\276\334\326p>\200\272\352>>\303\324\276p`p>\347uF>g]=\276\313A\205=\337\201%?\025\307z\276\252\322\021\276\354\373A\276\320\346\360=.\244\031=P\233\212>\367%\246\276s\3142>\336\247\330>g>\321\276;\022\306\276\316\010\'\275\340\027E>\265\252(>\343x =\002\303\216=F\267Z=\004\370R>yh\271>\251\003\330=\251\221`>\321\303\">\324\302\300=\332\177|?\264v\200=\t\350)>[Z1\277f\376l>UIH\276f\266\334\276w?\264=\302P\250\276\010\024\267\275\n\260\004\276\005\251\026\276\251\373\327>\305+\367\276#$\233\276\210\223\366\274\200\207\207\276DTQ>Rg\016>\237\313\247\276\235\004\327\276\335W\244\276\242\rl>a\005\210\276W\263\250>\000\027\310\276,n]\276\350\336\213\276\246\021N\277\001j\270\276\245\322\233>D=8\276\345\200\314>\310#X\276\252\314\336\276%|6\277\031z\310\275\014\333\333\2767e$\277\277\343\314\275\027\336o=HJ\221\277V\006\215\276\206\025j>\364\355\030;\023?\2124p\232>\001\373h\274\340\272\214\276w\346\004\276\226\226+>J\364\326\276\212\212|\274\310\201\356\276\277\327\226\275Y\2522>\364\322G=cS\373\275\001h\300\274/\022k\276\005\331\360=\332\0006\275\224\247\326\276J\222\035>\000\217\312>\224K \277i\272i>\364\355m\276\304\2717\275\034\206\205\275m\221\253\276\203\211x=\207\272\002>\016i!\276\025\033\206\276\345v\242>\323-\351=\337\030\365\276\001j!\277\344\310\260\275K\342\030\277n\332\243\274\"_i\276\013\255c\277\225\334D\274\304d\304\275\211].\277\317\274\302\275\020\316(\277ki\222\2759{|\276*\317D>\030\022\207>\226\270\031>L\367J>\243\272\267\274:\3345\276\312;a\276\013\376\251\276x\310\310\276V\373\362\275\212\263\027>P6f=|G\004\276j\215.=\225\331x\275\362\212\305\276\265|\315\275B\200\277=r\210\031>\213\342s\276\220\2129\276DK\006=M\020\271\276\177\321\216>8\275\374\275\313S\216=\304bo\276}{\304=:_,\276\246)\273\273\326\027\014;\022\315F>\267\321\035\277\327\262\001>\025P\177\276mL\353\275\324\031i\276\210\205\253=\303\206t\276\322\353\233=\257\222P\276\270\361\213\273\256\270\221\276\t\372\006\276\007\272\330\276\346\004\200\276<\355\314=h8\r>D\246\231=zS\'\275w\236L\276>9\016\276Bo\304\275\035\274\241\2769J\232>\215\223&\276\303h:\2763\331:=\236Z\263= R\226\276\302\257\207;;\036\336\276P5\210=\025.\360\276#\206\226\276\017\276\241>\003^x=v\022\274>\300\267\274>\350J\327=\212\227<\277\202K\032\277\237\214\351=9`\253\275.Ij\274\260\t\340>\024\326\252=t^\207\276zQ\253\275\315\024/\277}\254\003\276\221%6\276`\311S\275n@\032>\014\351\264>\003\337\350=\232Q.>B\306\033\276\"\"\001>34s\276\335Q\251>\214\213\372<\010\326Y\276k\230\346=;b\237\276\0010\250>\320\010a> \332[>5:n>\212o\320\275l\334\010=\234[\262>\273\351\022?\2205\334\275\315\370f\275\227\344K<\332\335F\276~\276i\276\213\336\232>\205\265\222\276\230\031\023=\036\305\225<\307\352\372\275\314\234(?\256\000\223>\n\220J\276\335\001r\276\316\274\307\275\243\313\272\276\224a\205=\204\003\266\276B\ty\276\260\320\264\276\372\307\206\276\222)_\276d\352!\276b\025\205\2767\250\213\274F$\325=\346\207\270\275\364\230\346>-\271\212=\277Ij\276a\025\341>\204\326\344<\253X\016<\247\240\254=\304%\006<\265\013V>s\345=\274\246\341\324\275c\311\241>-\025\330\275\354\254\343\275\335\242\001\276\t`\224>\215\031\035\276\2229\250\276\237(\233=R\267E\276TL\013\275+\261\215=\255\026\313>\034\277\357>\370\277c\276`?\010\275[\340\300>(\213\375\276|\245[>)O~>\361\212#\276#\204\n>\223\312\221\276cA\262\2765\221\347\273]m\315<\315\224\336;[\2534?{tR>\370\353\020>D|\r\273\021\203\335\276\221u\r\276\217#\320\276\352\260I=/&\360\276\024\010\236>\221U\250>\206\252\024?\247\"q>\250\'$\276jl\370\274\247\272\321\275\343\367Z>\344K\256\276\007\205\274\275\334\335\202>\005\330E\275\241\222\265\275\205\225@=\316o\010?\364\335\353=\306\304\337<\221Z;\276R\274\335=\302\370\230\274\347Nh=R.\244=(\376\335=\274\013\207\276\254\326]\276\006\203<>\335\206\217>\223w\n\275\r\357T\275\234\000E\274\2451Y>\250\217v\276\215L\016\276\020\254\210<6\310^\276\335\325\263\276\005+\333=p@\t\276S\362\355\2759\224-\275\010\272\030>\230\177\307<1\336w\275\356|\035\275}\262\221=-\343\274\275\300C\021>\324\030^>YO\027\276N\250Z\275K\267\217\275\026#\213>\272\020>\276\022\017\023>\220\272\001=\\&\223\276k\220l\2762\304d=?*\231\276\214\r\201\276k_\305>\367\246C\275\234\266I>\002\255\016\276k\246I:\340}\333=\302|\010>?\265|\276\025\013C>\340\341\031>\226\370\335\275\244?\221\276\020f\247\276\354\2061>\346\004\221>_\317\361\274j\331\r\275\233\320\034>\332L\004\275v\211\010?R\266\022=\0012\305>v\340\205>1\342F\276VS\377\275w\r\255>Q\016*>\303\212\231\276\364M\360\276\225I;\2760wa\275\016\372o\276\023/\305=hJP>9:\365\275#n\016i\301\353\274\037L\010\276\034\257A>s\346\330>/\'\311=\272 \327\275P\357\375\275\001\253\352\275WU\306=\th\024>[Z\373=\351\304\343=\365\267c=\232\016+\275\274\354\013?j\200^>\202\221>>=\353\206<\004\305\352\276\364\307\206>\221\356O\276\251T\277=O:\\=\025\336\226>\205\326!?QN\243\272)\330a\275l\366+\277\337~\227\275\246\206\020\275-6\363>\313\334\207\276\224\325u\276\213\356l>Y\357\306\276\343f\240>\261\204\267\276-zO>.\027\023\275\325N\017\276\302h\007>(\036\243\276d\014\361>}^<\276\331x\213\276)\356\222\276`[\364=\025\256\000\277 \250\001\276\004\235a\276\351j\240>7\321\034=\314\030\320>:\004\352\276#!\010?\255s*\276\303{\247\275\356\262.>\023}\207\276\326\337\222>\347W\236\276\255O\006\276\037\004q>\264:\204\276\2301\353=x\236\227>#{\002\276\020C2=\232\317_\276\2749\355<\275\t\327>j\210$>XP\232>\222E\335\274\\\2625?\023\343\221\276\346b\220<\0174:?\372\203\314\276\260\004\005>f\t\373=LJ\r> a\233>\376\343\305=\310_\"\276oG\326\276\340\312\215\276\347\234\217\276\000d\205>\340>\366=\306\021\232\276K\0205<\036\257$?\276\362x>\316\342L\275L\371c=\020\315\353>a\217\332\275F\263]=\r\317\201>\031q\034>\327\211z\2766\005\003\276rON>\337\3753\276\362\023\303>\216\271\263\275\373y\232=\310\013\013\276U0\247\275\340\263\033\276A\217\024>\230\033\316\275\326\017\265\275\026\234,\275\374\247\224\276\026{&\275D\352\234\276\242D\236>b@\010?\332(\016\275\360\374\332=\362\334\342\275\325TJ\276\301Db=t\245\260>\357\266\355\274;\020b\2767}*\276\032\333\370;\253\226?\276\316\021t>\354\2568\275nU\302>\350\354\260\276g\352==Y\371\206\276\353\"R\276\037/[\276R\006\310\276\353/d\275\213\'4\275\2248V?\274\325\260\275G\326\024>\370\324\205\275F\313H=o\274N>\002Gw>\342A\004>\251J\204>\346\204\266=\303T\263=NY\227>\273f\243\276F#/\276%\014\232\276\322R\032\2760\364\010>/i\233>\317cC\275\317fU\275\204\357\273\2740v\313=\372\313\271>ZR\231\275\007\006\001\274#\001!\2773\263*>\033\307-&\276\204\023\030>\332\362\352<\220V\327=^\351\340\276t4\221>+\260&\275\316\343\353=c\374\213\276\022\366\010>\317\035#\276\344`]>I\375\243\274\342\033X>\272U\001\276\215\371h>o\006\301\276\307\010\230\276l\244I\274YJC>\253_g>\227/\231>\302\\T>\0353O<\266J\010\276\272m\212=\007\267\322>\312z\225>4\2530\276\234\237\216=\202M3\276\226T\344=\243\270\010\276\004\303\223\275Y{\003\276t\260\204\275H\237\202>-~\214\275\374\214\221>\346\336)\276[\276l;\276\252~\273zh\231\275\255\276\235>\317\376\360\274\2440\243\276\301\240\226=\240\267\352=\215+B=\201\371\337\276v\016\"\275W\224\343\275\242;\006>\201}1\274\206 G>\370\271\273\257P!\277\215Qb=m\354\254>\001\345\237>\311\212S\276\256\2347\277\231W\304=g\346\223\275H\2418\276\253R\234>\0020\232>j\301\003?\004+\n>u~\232\276\026\207\246\275..\352=5>\231=I\226\\=\027pg\276@D\355=\033\321F>;-\356=\326\021\200>\265\326&?BB\202\275\265hy\276\251\376S>\034\002\327;\000\272\234\275\256\004!\276g\024\246=\017\275Y>\251\372w=\353\307\234\276\344q\314\276v\\\370=\352JV\275\375e\325=#(y\275\260\327\246\275\035\356@\276\356D\205=\322\243\224>\300\002.?\312\020\037=\023\320m\275\210\322\346>v\345a\2753F\211<\255\203\032\276\246\344E>>y\276\276\267|_\276\333\232\261>\321 F>\367\0215\276P\302\256\276\013\362:>\240j\343\275\270\027\025\276\210\306b>=\304A>2p\342;~,\030>\245\026\216>\032tb\276\277\377\252>\333t\326\275-\027\304\276\022*\013?\257\016\020\276\376h\215>\273n|\276\275\320\263\276\261(\257;\237\346\322\276\316\207\223\274\234\003E>\010\316\213>\310\036\026>d\217\215=.M\013>\024\263{\344\275\230>!\311\310>D]e\275\250\032\313\275\031\372N=\303\276P>\350\361\276\276\353\007\235\276\364i\037=\0246\327=c\266\253>\036I|\276\004n\213>\"\212D\276\320\220\035=\016\\\227>\263\\5>}0\353\274@\252\253>\0311U\274\375\371\273=\312\231w>`U\031\276\210\234\316\275\255=5\276\377\241;\276\324\230q\275\300\0372>\013]z>\007n\316>\267\256\312>\3174\002\276\225\353\'\276HB\343=\372\"t>oV\333>\2017\342\2759\033\013?\261\317\206>dk\266>\200\242!\277\247^\265\274\202\362\001?N \235\276~i\354>\325\276\235\276\253\323\315\274\271ZO\276lG\315\276?w<>#bb\276;\r\220\273\213\035&\276\325=z\276\033\311\273=\232\270\323=\323\030\212>:4\253\275\342E\320\275Z)\276\275\232\0047>R\342\366\275\241\226:\276\177\013J\275;\"r>\350\031\n?\351\243[\275\354Q\223>\024\363\221\276\243!}\2751\303\345\276\276\274\274>\207\364\\>\"\324\261<\275%\263>\355\224\355\275x\312S=\266X\255>\232\036:\276\236\301\203>\255\256\211>\366D[>\nj{=!\nH=\022\006\\\276\311\006\335>\033d\203\2766\202\266>\330\220\271\276\313\363\005>Nh\224\276A\024W\276P\3419>E\2458\276\030O:\275\323\371t\276y\276\235>}\234\273\276\036\354\206\276\347\367\372>&<*>\205\267\357=\373\0377>\362\330\254\276\"\250\236\276x\016^>K\3569>ZE\201>\340\255\202\276Yq\214\275\216\274\016\277\000\337\353=\254\024\013\276]5\"\276UD\004\2779\251&<\335\024\362\276\0147\237\276\340N\312<\026\316\r>\246#\017>h\"\316\276\004\366C>\343\265\341=\270RC>:\272`\277\202\243\247\275f\263\241>\326\024\204=\225\n\277\276\217s\003?\006N\344\276Q\255\353\275\374h\210\276l\216\023=\024\313b\273W\215)\2760\033.\276S\272\225>\024-0>f\225\037\275\362\303\266\276\244\242\027\277\023t\341=\332\323\377=\207\372\242>3\313\200\275\275\317W=a\"6>&\244F\275\263^\302\275\243\014r\276%cX\276&]\264\276P\265?=\336\031\022\275\263\230\026>)\321\031\277(\276\235={\325\246\276*\341\030\276\255\177\237\276J\310\321\2748\200D>\3509\003\2778\\\002\276\235\023\236\276[\006*>\365\200\246\276\256G\t\276\031\333\243>#\363\201=k\357\033\274\344v\221\275\366\203q\2755B\311>\227\246\243\276\017\234\333\274\362\325\347>\222)\321\274t_\321\275\251_\200\276\006k\332=4\013\260\274r\247E\275\2678g\275\317\242s>%b}>v\365\003>\267\232<\276\231\250\000=q|\r>G\240F>~&\314\275\020/\022>P\227\356\275\304PF>\275\365{>\332\005T>\334\307\001\277\027\375\023\275O\246\310\275\005\024\215\276Y\343\031\2777\351\251>NH\217\276\007\034\003\276\024\036p\276\014[N>\340\250R\275\336\374\314=\307~g\276\237\2664\277\037K\311>\245\322\271=\342\013\354\274W\2522={\006\205\2757\261\323>\272\334\234\276\003Ej>\336\245\214\276\333p\252\276\255\263\214\275\247Xb\277\220\017_\2755Y\213\276\'\340?\276\253\220!\276\361\202\353\275>\375\263\276\251\321\225=7zt\275\275\312\263\276\354\233\037>\371\203\301=\2276\315=\360\307\343\276D\033\270=\000\263\220\275J\034\260\276\337\220\217\276lg\307>Dj\215\276_d\226\275\212\354\210\276dl\324\276e\247\n\277\237cD\276m\002\004?\365\037\031>\256\360\266>u\2300>\\\300\351\275\335JG\275\n\356\331;0\312\244>1\270^==*\336\276\325a\362\276n\241C=\327\017\234\276v\347\317\276+`\372\274\375;\332\275i\237\264\275\'\2769?\362\221\262>\264\337\246<\206tW>\215\r\004\277\207\255\321\275\007\377\336\274\355\203\272\276\267\270\270=\367\357\317>F\217\336=w\343\243\276\237\037\205=\337K/\275\315v\201?3\323*>o\375L>\206\272z>\375l|=|\216.?\376m\275=d\001\367>\206\334\r\276\330\227\310\275\202\014\255=\376^\302=1\247n\276\327\201\204\276M\324\327>\313Z\021>\241\267\220=)I\375>\343\241!\276\351\201\035>\303\364\035\2761\347z>\201\373\002\277Q\033\342\274\253\205m\276\372\2622>v\305\277>y\201\247>\343\r9\276\252\231->\357\335\036\276o\035\243>\215\377k\276U,\200>\000h\336<\001\304\251>\314\230N>\373\032\340\275\272B.>)\272:>\002\033\205>\013\222\276>\234\342\350=Z\\\t\276\366\261\205>\371;\220>\374fO>\202\203\256>\3601\336>%nm>\344\234\212={\222r\273\366%\235\275\260\337\315>>\231\372<\222\210\360\275\360,R9Z\021\221>\340\033\251>x6\036?\31751>\370CO\277\316a\357>\210hx>\357\255f>\200W\260>[\311\002<\350\355\210\276\377\377\271\276Ag_>Z\377\031?\276\261\031\276\\y\263>\027\222\302\275bI,>p\004\273>\337\335E>\336\310\241>\001\000\017?\323<\207>g\335\033>\301\317\252\276:\227 ?\031\261\354>O\376a?Gy\304\2769\342\r?|\360=>\363\321;<\330\323O>\231\010X\276\212(a\276T\242N\275\210!f\275Q\371\036\276~X\240=4\255}>\027n\000\275l\265\242>\266\245\024=c\205\202\212>h\323\006?\332LQ\275\277\276\246>\366\035\265>g\364\362\372\204\200\246\233m\273\375\312\231=\026\316:>\214\264q\275iJ\031<\344\346\275\275\240\367\217>\247\334\274>\325f\332\275\345D\016>T\257J=\321N\251>\340/\217\275j\376\341\276\351\037\375=\225\341+\275A\300\033?\005\343\202\273\241g\351<\224#\305\274\006\337\224\274,)\364\274Ml\326>\315t\003<_\232\250\274d\006\017\276bY.\276\334\271i\276.\244J=W\322\242=aJ\245\275\314*/=\250\365\013>\017\037\247=\376\204\252\275\310]\222>tr\221=\264\274L\275\204\306\021\276whZ>\304\" >24\001\275\202\036V\275\026\014\216\275x3\276>\320\320E>|\026\201=\304\352\005>v\230\020>\005(\371\276\027U[>\005.s=7\031I>`\1773>2\217n=\356[\225\2749\213\337\275F\254\270>+\222\032\275\010\333\203>\034\361\202\275\203W2>\210s\n\276\201\207\355>\366 \224\274\326\307\326>5/6\275\010\261\242\274z\3702\277E\224\203>R\3078\276\210\351\001\276\212\034\244>\210\355a\276a_]\277\223\313\014\277H\256Z>|\346\215\276\356A\016\277\332|\r\277c\313c=\033\211%\276\331cU;\365}\'>F4\213\275?\2670\276\235\370\021\276\214\243\320=\376\367k\275\300&\256\275\227.%\276|\t\243\276\345\027\025\277\234|$\276\026l\211\276\355\001\216=$6\351=m9l\276\252\271\311>\030\251%\276\003\230!\276hx\300\275\201\263\304\276\376m\322\276\372\201\374\274\361\017{\276\367\336\251\276DAf\276\344\">=\251\350\207>IW\353\276\201\321\207\276\260\244 >\305D\367\276\254\317\345\275I\231\241\276X\034\004>\332\006\240=|\310\332\274\362\363\207\276\315\030\225\276\215\312\255\275}\300~\274Tp\361>\360^\230\275\005\211\t\277\013\275\213\275\031\321\242=\266\246\224\276\007\340\241\276*\230a>O\257\232>\311\251\357\275.rF\277S\375\235\276\032j[>\204\007<\276f1\371\2765\2524>w\027T\276\031\235\240\276\270N\254\276i\276\233\275P\034\004?\262\276\237>\263>\022\2773\336\233\275\342W\270\276\302\304\275\276\304b\216\276\275C\216>pl\373\276\304\207l\276\022\277\230\276>\013Y\277N\265b\276\234\212\002\277\272\242\242\276.9.\276q\306\216\276\311y\177\275\276\354\315\276\205C>\275]\230\211=\030\232\330;\276\024D\274]$\016>\304\344\321\275 #\001>svv>\345\020c\276\203.\262\274O\007\254\276\002\343\203=\227\3270\276\240\014\217\276X\273U\342n)>P\351\216\276Pkc>\345\326\215\274\202\tM\276\013\342\200\276\r1\t\277%\205\">\223\017\216\276\261\274N\276\334\350\004\277\201{\200>9\240\322=\022!\034>\245\372X\276\353\311\302\276\0267\361\275@M\320=V4l\276\247\217\273\276\203?\307<\224]\206>6j\242\276X$\252\276\344i\357=\237\301\326>\203~\216>\301t\271\276\265\330\255=Pm{\276:[*\277ql\006=\344\336L\276\254\320\203\276\304\301\000\277\364\342\307\275)\355t\275M>\303\275\006\377\201\276\233\031\002>\022\272\032\275?Y(\275]1!?\"\035\353\275j\333^>\322\371K>\243C\335\275b=\354=\251\324;>n5\312\275\367\014\016\275c\261\025\276\334\213;\276\234\206\235\273\344\241\305=\220\337\356\276S\333\007\276,\203\323\2762\2542>3\316L>j\336\221=\227\273\r\275\277\253/\275T\321\331\2769\232\214\276V\224\373\275\320\334\261\275\037\271\356=k\332D\275u\215\267\275\014#\202=\221\205\244\276P;h\276/GK>\014\204\300>\030^#=\323\362\262\276@\021\017\276\367\336i\275\270\305\242\275\035U\217\276.2{\276\340#\201>\002\207\006\275\241\313\265={a\203\275\2230\212=\222uN>\355QI>\216t\r\276\230\370\201>\217Se=EB\226=y\025\224=.\235\231\275toK=.\274\357\276\326\275S\276\352(!>\204\243[\276\212\005\020\275\020\330%>\020\014\251>)\2755>\225*\260>\213\024Q\277\303\210J\276\363S\331\275\374\311\t>\213\265\376=\271u\321\276\006\324\320\276\004I\341\276y\371\300=\332\237\016\276n\177b\276\201t\311\276\002c\355\274\240\275\031\277yb4\275gs&\277AH\226=U\037\036>XBf\276\271\220\315\276\252\324%>\314\351L>\217-\033\274\343u>\276eP\216\276\314\306\203\276\374\327\263\275\274\002[\276^\240\331\276\257\352V\276\006/\036\276\026O\353\274p\242\020?\277h3\272f(\235\275\220>\261>\001;\210\275\243\306\032>\371\024\254\276\347\"C=m\364\235=n;\325z>2|\364\275\304\277\003?\013\207\013\277\225\237\227\275\240\254\345>>+P\276\250\325$?\243\022.\277g\225\225\276\"\263\030>\371\303$\277\361\360\203=\354\037\261\276\022\332o\275\341\213M=\\dd\275\316\004\324\275\005S\303\276@U\024\275?\272\206;\231\033\177\276^;\231\276a\337\t\276\rIC\276\206\342\330\276\252JG\276\016l\360\275\271\331H=\210Ae\276\337\375\312>\007\351\216=\032\262\270>`\371h\276\3478\217>\237#\222\276\367\271\031\276\'\337\234>\374\212*=\231\201R=\374\t\221W\266\272\275Z/w=\323\n\034>]\357\000?)\316\241>\333\231p\276\177\341\243>\347\234\221\275 \330:\276nv\236\276\355\257\001\2745[\224\275\325\274)\275G\353\324\276\344U\301\273\rF&\276j\n\036>\365\214\001\276\277:\272=\253\230\237\275\241\362\366\275#\223\216>o5\222>^KR>-\213\230>\351&\346<\330\363\035>V\307\215=b\264\010>\276q\003>\251\362\006=\nK\r\276\264\361\375=G\000D\275\342\215\303>d\325\317=\247\277\276\276\3160\242>I\302\376\276\034=\035\275Yv\314=~~\304\276W\263\246=\374\320\257\274T9W>\366\231\\=#\255J\276SKW>*\342\263<\026\274|>Ly\330\275\225\251\207>\210U^\275\303\262l>\264t\034>\273\262\262\275\342\016\265\276\030h\311=\327\022\274>\333\3464>\0025\213>Vc/>\236\213\333>\024:\r\275\240\035f\275\335\272b\276\215s^>\226\3266=e0%?\214\313\370>\321E\352>\177\006\330\276\271\332$\276\254\373<\2761\207\302\276\363S\265\276\025\t.=U\t\203>\376\"_>\336\216\n?:\3260>\210+Z=\024\317\225\276\235\220\314>\256=\240\276\376E\234\276\252\332\325>v\355Y>)/\335=\031P\355=^*L>\n\n\300\275l+\270\276$!\376\275;d\222\273\356y\265\276\305f\003>\276\324\322>\265\2449=b\027\002;Wyk>\003( \277\204\354\336\274\273\330\375;\016\305\351>\334\027\025\276_B\323\272u\037\217><\364\026?\202\345\005>\205\315D\276\2026\\\276\314\230\253\274\345D+\275+/\346\276K_\023\277\223\262\205\276Sy\014<\225+$>C\273\022>\3158\206=;\340\221>\235Rp\276\3316+\277\353\2755\274\360\342F\275;\303\306\276m\233\036\276\315E\006?\304X7\245\007\265\276\274 \362=\250\376\340\273\345,\265\243\214\243>4)\364=$\307\203\275\347\256\237\276\341\331\014\277\266\203c\276J\001\001\275\3266\232\276\313\201\301=4`\242\276\251\227a\275.\327\025;8\306Q>\256\202\330\006q+>x\004\t\276P\337g\275\367\200\204>\014D\322\275\310kn>\373VF\275g\234`?\245\211\007?\362\2278\275\215O\212\276\335%\213?\211Z\241=\330x(\276\013P\007\277 \373\205>na\001\276\233\027\231=AP\025?P\027J>\311\n\275\276\330\034S\275\213N^>\3616\257\276x)E=\210K\315\276O:\266\031\001\000=\312H4\276.\307\023\276#B}\275\242\200\017\276\323\313\351=:@\016\2775T\307\275\214?)\276\253ya=\347\337\306\276\255\230B\275\241X\352<@\237a\276\213\253\202>\017\023\352>\231\336\266\276+:M=(\354v\276oE,\276\260\'y\276!\353m\276\316\337\007>y\246\354\273\246\263\231=\201\017*\277\320n\017\276#\230\n=\257G\225>\236\355\263>h\300\r>\222!\032>r\021\003?\017\200\304>.\346`\276\331$\010\276\210\316\363\274\033xC\276\346T\007\277\373\027\326\276}\343\215\276D\300\235\276\235\023\256=\1771\005\277oD,>\010\221\217>\361m\343\2750\327W\276e(\024>+\374\243>W\307W>\337G\361>\n\017\332\275\014\265\023> \337o\274&)\360=Jz\007\275\272\353\001=c<\361\276\000\001&\275]\375*>Cc\350>\230I\317\276kn\362\275\336\247\267\276:\366\354\276\022\357\t\276\327d/\276I\331\217\276\203\237\004>\374\231\375\276(_\277\276i\225\031=\007o`>\334\207G\276\013w\026\277\"\310\334\276T\237\010>]}\004\277\360\027\346=C h>\376BX>\333d\223>e\247O>\334\240\"?}\274\325=\365\006\243\276\322\033\254\276\324!\347>U\222\236\276A.2?s*4?\305\307G\275\243\240p\275\343\030S>\025f}>\177B\212=)\036e\276K?\274=\357P\274\276\037\372\026?\265Eb\276\274\246\000?\035\263\317>\254\276\006?\277\305\202?\375\356\301\275cZ{>\232\246\203=\310\254\265=\346\226\314>\016*e>YS\245>*p\236<\265\377M\274\372Z\267>\211O=>\240\345N\276\232C\371;\221\351\006?\034!\177>\223A\000?h\311\024>;\003\247>\006\351\214=\370\023\027\276\250T\334>\302\027\372=\347\231\203>\346\352\234>\224\n\333\274\200\373o>\223D\344=&\336\275>Wi\227>GO\210=\232\357\032>^\022\'?\345+-?A(\022\276&\362\342>\010\316K=$K\245>T\372\004?6\310\347>\353\024\216\275\333\243\307\275\337\362!?\306>B\276\355\001i\276Y\226X:9!#=\377\327&?\356;\217>c[\215=\310\332\254>\014\240\206?[]\362<\'+\316=\271\227\344>\275\361\025\275\016\326p?\033<\242=@\200(?\356\227\264\276`DS>2Y\253=\304B\347>c9\340\276\362\237\\>,b\t?\376v\t?\016\377\201>\323\007:>\370#\032\277\3318I>\031\250\376\276\355\004\221\276;\010\323>VZ\256\275\021\250\352>\207V\207>\027\377\255>}Ba>\322\230V>|fY\276\275p\376\275\3407\236\276\311\277\252>\216u\300<7p\227\275\274H\">\370\255@\275\0078\021\274\243\324\031?\366R\036\276\276\343\274>~\0201>\352\0322>\243v\217\276RN\036?\342\343\271\274\222\310\034=\245\233w\274~\371u=cy\202\276\034\352\347<\226j_\2769,\023?{q\200\276\263\266\231=\232\241\224>r\220\350=\312\236:<\255\375\016\276\256`\270=\375@\243>R\020\271\276M\n\023\276\300\267\266=C$\'\275\267\3475?\360WL>\030C\262\274\323Fc>ZtO\276f_\351>\337\370\226\275/{m\276\316T\035=\235}\027>\205\232N\2750\340\330>\304\031p\275\322\235\215>QK\214=\255\370\363\275S\253\021\276\225\021v\2753\202\031>\024x_\275\225\010\275\276\225\267\201=Dm\230\276\n\217p\276\017\337\250\276M:\214\276SJ\230>\325RL?9Gi=\031,\005?\306\371\005>K\005\034\276\215\327}=\200|\037>\345FS=\356\376\253=,o;?\035\215\275\276\267\273\205>\266\257}\2762#\003\276H\3737\276aIC>@r=\276\263\243q>^:\300\276\341\272\267\276l$>\276s\272\022>_M\275\276\242\330\256\276\254Iy>\001\354\027?\243\'x>\036\003\336\275\025\322\203>OY\304\276\254\331\345\27693%\275\341\016\252\275dp\344=\013\333\276=\353\223s\276\330m\227\276\277\351\030\276G\221\231>\246\357\300\275\014N\002\275O\351\204>m\3251\275\265\313\374\275\374\231\333>A\335\247\276!\370&\277\237\347p\276\n)\265\276{`\326>\347\373\327\276\014C\347\275\355\215/>\264\0237>\003\216\035>\350u \273_x\213\276A\242\331=]\232\n>o\273$>\233.4\275\266[\355\275\332)\225\276\264:\365=\3558\004\276\227\032/\2756\365\307\275\000\023V\276g\017\356=2\3577\275\337z\334\274}v\263\275U{:>(\364\342\276\030\360\026\276\026\323\200\276\2427\205\275\250\356~\2761Y\212\276\360\327\351\275\032\343\244\275\252q\230\276\202\3165=|\206\227\275\177z\032?\002\231\227\276[_\213\276\357\370{\274g\005\306>\006\000\207\2756\322q\276\267+\315\275%\030\214\274V\030\217\275\202\351\n?*\203\006\275\014\233\n>\204\370\022\277\372\3026\276\373J\321\276\204\027\247>l\330\236=&\336C>\301\337\221<\220&W=)\241\002?~\235\300\275\212\254\335=-[1=\332\323$\277M\177\026\276e5S\275\343\321\344=\202\343\024> /\221\275\005m\017=V\t\247\275\006Q\230\374c\234\275t\341\226\275\033U\263\275?C3=\023\261\014\277U\311\n>#aw<\307\241\230\276\014}\243\276zO5\276$\277G\276\330v(<\261\210\025>fO->f\t\354\275\340\366\005\275\004\251\031>\262\347\002=[\234\001>e\3349\276:\001N>\221\256i>y\032\234\275{\213\333\275\231\022\002>\005AH>H\345\035\274\310\335\317\275\332C\274\275d\030\363\275\270/p>\342\002\300>\034\\\236\276\310.\010>\325\234k>q+\304\275{\267\314>B\004\023\277\307w\017\276U\251\347\2755\232\206\273\230>1>\253p\245<\247\006\346\342p\200\275\260\261\236\276\233\t\340\274\203I\241=\256Q\270>\266$9\275l\376\255>\001\350\373\272~\252\204\275\263k\230\275\320U\314=Y\353\354\275\311\274\021>\352\025\021\276\363\244\345\275&\260\373\276,\277\356<\016O\375\274\211\352\211>\240\374\035>O\301\006\276C\034\332\275fE\035\276\204fk\277z\213\202=\236\344\332\274[\276\242=A\271V\276\366=\235=\227\243\340>n\004\034\276K\215\341\276\340\344\t\276O`P\275A\274\350=:3\241=\222)\321\274\223\236\255>\230y\210=\001r$\2752m\253>D\r\021?\000\310\354\275\251f\377;\363_e>\365\006\266\276\002\336\025>t\334\037\276\221:\036>3\334\357>0\374\364>\355\316\215\276\225\272N\276c\256\226>\222\034\272\275TU\210>\322\272\325\276\342=\363=\253\264\334\276\367\302\032\276hd\016>Cy\256=D\t\211\275 \252\006;\017\217\034?\272\337\313\275\266M\344>\275z\037\275\250\204/>)\217\224=P\251\255>\030\201M>\215Y\026\276)\260\342>gD\246=X\367\277=\213F\246\276\2745\004?GV\266>\270\363\260\276\326\377\200>!\003\025\276wu\230>\326\305\323\276j\" ?\344\334\337>\345\344$\274r\035\334=w\024m>\205 \316\2763e\004?\037X\255>/Gp\275]\222\336\276}\270g>\217J\355=\301m\204>\243\360\243=\330C\255>\271n\277\276\007\321\254\276)>\254\275\277I\213=\237\232\240>r\237h\276\326\212\'=:\277\021\274\220D0\270\207\200\303=\003\304\024?\272\350J\276\016[>=\256.B\275\212<\366=\227\374\224\275\235{7?\330\215\200>G\204B\276R\200\200\276\350#\322>\212tI\276\277\277j>\241\360\006\276_\202\321\276\353\264\253<\270S\001>V\217\311\273\277\367\310>\001\002\226>\342\246\214;\032ik\275M\004\016>\310q>?\207\367\350>I\031g\276DAo>\305\013\260\276\245C\004=\037\027\370<\203`\230\276\037\254\213=)\316\345=c\326=\276e\320\202>xb\231>\356g\264>\310\210\231=\272\005\223\2765\362%\276Z~\352>j\202\304=\367\013\342>XJ\323\273G\310\223\276^\240\023\276\300i&\2757b\261>\240\010\033>=\264\013>\032bF>\321h\362>Y\226]\276A\t%\276\024\217\225\276\004\316~\275\314!\232\273\022\002\014>\373\204\013>\361\317\021\275O\357U\276#d@>\201\220\217\276xab\276\214\370\206>\314\207\'>\256=\200=GX-?\013\363Z>Y2\301\275M\033\006\276!\261\005?nXe\276\2201\032\276\370X&\277#\235\233\276P\376W\274\317\316\316\275\262u\313>7V\025\274&k\223\274|\376K>\322\371\317\274j\377\001>\225\342\224>\005\237I=\236 \306\275\307\333&>\'\343\212>\232\302\301\276I\351\211\276g\262\023=r\311\261=n\361\274>\226C%\275\337\203\216>P\233\031\276\304\261\232\276\336\323D\274\212\255 >\177\262|<\374\376\017\276\363\356*>M1\211\254\301\323\275B\235\001\276\265n\223\275\256dS\275j\365Q?]\260\270>\021M[?\273\266\213\276O-g\276a!\002?\272\246\362\275\031\374\253=\010=\235>-\031+\275S\344\301\276Z\221\352=\032)\n?\324Iq\276\025\356\203\276\262\376\211\275\345\r\206\274r\254\301\275.^/?\211\220\371>\020\210Y>\"U\022>\253\232S>&\024\241>\202)\254>mc\375=vjg\276\205\302g\2766\265\334\276\202kp>\3237\213\275.OO>\002\304\314\273\342Ny=O2\020\276\222\310\276>\\\000\t\276\274\360m\276\371\242(;G\247Q>\251e\377>\010\374\330>L\377f\276n*&?jG\022?\367\270\222>\361\346\203>\326\226\311\275\217M\333>\262\345w=\340T\005\276\321\303\302\274cj\230\275\027$K?)\033\243<\307\265\254\276\361\234\365=1#\361\276\236\331\310\276E\033\270\276\3504\336=\177\375\223>e\337\236<\031\233\014=\367\022\345=\231}\346\275\321q\371>\304B0>I\366/=k\214\'=Z\260+\275\007t/>]\030;\276\201\270c>\244V\375\276\331~r\275\023\227\027\275\236\'\264\276\006B\257>y\262\274\276b\324\264;\216C!>@\016\213\275\364\021\334=Q\364\230>\214\266R>p\274\342=\024\204\375=8\250\220<\205\021\025\276\312\313m>\260\237\r?u\252\206<\016\034;>\325\277q=\260\345\250\2760\\8\276\304\"\315\276\004\007\351>)P\244<@\264\214>0 \265=fWF=#\224\343=D\313>>\257\014\251>\023\267\334\276\016!\204\276\205B\212\276\353\273i\276\020\013\202>\026Z\210> \202\305\275\211X7>H\223\035>:\326`\275\001>\274\274\212\026\254\275IHa\275\307\353N=/=y\276\303,\342>9V\004\277\027K\030>\246\263\256>#\354d\276,>\010\276\331\000\252>>\213\224>\021\026\336>y\326o\276\330HL=\035\354\251=R\253\025\277\237B&\276\371\033\321>\031\247\004>\365\300\314\276\267\214\232>\364\006\245>B\303\016\276U\351\302\276\273\335;>\215\n`>G.!=\260\274\317\274\347\241>\240\325]>)\376\021\276\234\254\253>\010\013\240\275c&\013\276\336\n\321=\244Q\016>8\245%>jy\033>\317f\n>\312\336\331>a\323\337\275\343\315|=4\371\342>\3750\257=\221\020\021\277\024JT=\211B\272=\013\266\200\275\036\243\242=\235^\013>C\nJ=@4m>\241\360\313>\307\267\327=~]\031\276r\353\355\274]p\013?\037BW=|`\311\274\177\374\302\275\305\373\271>\254\206G=\n?\030\276\273Y\020\2766\2075>m\376\235>\363\032\212\276\302n\243>\007!\006>\237\351]>\257\222a\276s;6=\025\0218\273@H\243\276\023\376\3758\256\214\274\276`\"\034<\242\020\277>\244Nv>\376\313\035>f\301p>\022\311q=\034\207\213<\023n\316\276fj\257>\272\326\344\275\254\262#>\213\260\366\273\336\336\036\276k-\361\275S\177+\277#4B=^=\313>\027\310\365=\0276\213\276\216\334,>\202\320B\276m\251c\276z\022\025\277rL=\275\255\262\364\275\235w\262>+\242\325>]F\262\276v\021\213\276\206\352\336<\341\314\303>\374\0204\276\330\350\034\275\037\002\343\276 ,t>4\022\317\276\206\006\032\277\005\253\346\275\003 \007\277B\333\013\276\363\206n\276>Z\266\275\024}\312\276\372\004f\276\216G+=R2\036\276\037vB\276\'\240\357\276me`>O\316\245\276\272\201\250>e\275\250\276Pk\340;\210w\306\274\277~\003>\021pv>\347>\253<\207\246\362>\235\256\223>\341\365\264\275\325\367#\277E\252\332=\201J\333\276\004\310\204\277\036\274.>D \233\276\237\016\267\275\346i\213\276\341Ac\275In\207\276\361%\000\275DZ\025\2773\344\375<\374\035\224\2760\n0\276\036X\327\275\027)\224\276\363H\261\276\361\223\224\276\302\227\374>\0229\260=\302fG\276\306\337\013\277-\252\201=\324\033\255\276\307\366\375\275/\031\001\277\024\274\017?\317\377\237\275.\021\374=\331b\345;6\345\203>z\010\242>vQ\256\275\211\326\362\275\032f\370\275:hw>s\323\267=W@9\276\262\217\341\276\202\374=\275\302\304\224\276\025\247\026\276V7\240\275Q\370\347;\304#f\276Hpa\275\224\247\005<\327\315\n\277\273\303\202\275{\366\022\277\013\266\373=v\2439>\360{\230\276h}&>\325\345.=!\341$\276\201\016\270>\222\010\312\275\366\223j>\350\256\262=D\305n\276\361\343{\276\035\271\361\275\332\204O\276\266`\322>\2432\203\276u\017S\276\216\007?>\001\207\340=\261[\237=\017\270_\276\027\324S>X?C\277\260!\271\275s\215H\275\3702\307=\326\240\246;\301+\335>\tl9\277\326;\276\275\334\304/\2769\364\365=B\227\366\276\257\207\300\275\025\370\000\276\366\374\375\276\313\274\364\275\243\363\210\275\031|\367\273\233\265\024\277<\304\250\276{B\311\276\333d\311>+i\237=\274\261\004\276ugP<1:%>\330\3037>\025v@>\336\256\353=u\257\021<\353\310t\275+r\332\275B\022\246\276\257<\316\276133?\323\220\215\273\216\002\326\276\035\361&\277\222X\216\276\324Z\n\277I\010>\276\202\342\223>=\252\225>M\312\277\276\'--\276\354\371q\272d(\274\276\220i\242>\376\022j\2768.\"\276\311\372\002\275S|\217\275\356\2238\276\206\014T\276\033.\353<\000\213\007\276]\347\305\275ap\367\275k44\277\243\323\031\277*\027\004\276\325\300\004\277\302\234\020\277,\016\327\276P\271\031\277\326)\261\2769\305\202\276x\366\277\276\346\260d\276\224\313\205\276>\007\202\2766=\247\276\340\027\000\276j\330\336\276\326,-\2753P\221\275\220\344\221\276\254\271\025\277\266\026\260\276\216\240@\276\221\240\222>\345P\323\276\367M\001\276\353\230E\276\036\345\222\276\233[\225>9m\314\276\353\333A\275]I\310\276+c\346\276h{\216\276\326<&\277\247?\033\277\253\321\017>G&\025\277\255j\000\277\300\017\301\276Q\205T\276\250\375\205\276c7f>\"\337\303\276\316\355h\276\2142\372\276\270\324\204\276#$\200\275\214\215\364\276\352\257!\277\366\004\256=L\203\275\276\316\n\355\276\270\327\004\277\337j\205\276\330\373\373\276\206i\303\276\316\342\330\276p\3647\277\341\275\244\275\222C\n\277g\013\336\276\032\355\025\277\225XF\276\314\271\350>\347A\330\276\022G\323\274\312U\231\276\311\360\221\276&\327\312\276\301dD\276\273\031\206>^\347\"\277P^\033\276;&\343\276(\301\204\276+\025-\277\356\345\342=\025\034\267\276*\321\304\276\222-\r=3\217\213\276G\236Y\277\251^o\276\234\214\321\275fx\361\276\r)\315\276\n\361\016\277\250\3610\276H%G\273\254s\361\2765}A\277\010\037\016>Hs\003?\361C+\276\364\307^=\017\007\332;*%l\276[p\356\276#b\225=\360\245\'\275t\343\230\276:m\244\276\352\2725\276\302,\344\275d\267\367\276\035\254\t\276_z\232\2758~\272\276%\2023\275\346\267\360\276\267\321O>#\244\343\276\3007e\276\352g;\275L\361\300<\n\307G\277q\033\211\276\356\240\225>\330S\272\275\005\222B=O\313\301>\253>\270\275e\\\357>\017\374\345\276\\\237\365\275\017\273\017\276>;T\275\025\205c>\351e\254\276\203 D\276<\341\005\276bR\265=\240\007[>\226\025\"=\347h\t>oD\216\276\027\217\022\276\223M\021\276O\224\242=\345\030\030>\230j\\\274\032\306 \277(t\362>\034\236v\276 \321\002\277i$\354\276\231\340\000>\313\"\256\276o;&\277\352\327m\276\371?\377=\244\005.>\274l]\277\263\336\213>\221(\033\277b\003L?\253x1?\277?\314\275\002\336\336\276p\322\232>\315\322\364\275\0371 \277o\025\r\277\030\375\245\276\241Gc>>\016\220\276~:\227\275\\-C\276\241+\265\274i5\324\276\313e\255\276\027\340\016\277\233\256H\276E\215k\276o\362\227\276\214\261\010?\327\233\364\276vs\031>\203\244\312\276\2544\247>l\310s\276;\320\240>\354\351\263=x\256\032\276\223\242\006\277\003\344\030\276\373\306b=+d\305>\233\370B>kY\255\275\244^\021\276=dO=\277n\244>Sq8>z\361\210\275\240\332H>\266\030\002\276G8\352>\002\002\257\274\305\343\007>\'\260X=\323\240\277\276\360^p\276\035\332\372>$\373\306\276u\313\005>\327Q\246>jR\313<\227\000\026\276\213\365\004\276tZI\273iLU\275\260h\013\273\013\351\271\276\231s\320\276lr\216=72\016>\233D\004?\211EH\276%\307\232\276\223\010\337\274\203Xt\274\357w\231\276h\333}>\017];\277\260\336\213>\311b\203\276\t\252\260>\225+C>\313\007\026\274\310\020f\276\034\344\226=\352t1>w\236\005\277\271\267.\276\215\016\326=\244\200\017\277\356\310\346\275 \300\316\276\317\006\214>\353\324X\276|@\224\276\016-\220\276c\2015\275P/\212>W\224\260=\235t\275\276\271\360\007\276O\373\241\276\366\014U?\t\272\203\276\263%\031\276\336H\203?\351\007\334=\376\354\246=\240\315\353=81\316\276\")\007\275\304G\264<\r,\3323:`\274\231\310\014>\320\361\301=}@\253>O\311\322>a\321\231>\352`\364\275\314c~=,\342\224\276Y\220\325\276\033\354\006\277^\013l;\345\257\342\276\244\300\251>y\351\335>XD\014\276)\236\002?e\241\031>\213\204\373\276KR\374\276\327Go\276\2066\220\275a\3028\276\252\035\241\276\242b\347\273tR\374<\3059(\275\365\035\317\276\271\210E\274o\031\311\276v\252|\27623Q;-\031\223\276LG\232\276\277\242\315>\020\027\303\276`[\246\275\3644\233>\216\371K\276\222\277Q\275 \254\213\275\231)\346\275\225t\253>S]C>G0\253\275\202\221\032>,\035^>7\352\333\275\235\014\323>\\\351\250>\226U\243>~\355\264\275\216\277\340\272\370\344\235=O\325Y>\362\204\337\275\232\244\330\274\363 \256\276\222\024\233\276\333\3131\275>c\265\274b\224\321\275\266\037\320\275\376\243\221\276\357\253\263>JG\375\273F)<>\260\263\021\276Y\374\247\276\364\375@=\013\272Z=\235\337\346\276\250\217\006=\201\016\035>\205mg\276V\361)>\221)#\277\026\220s>\016t >\272l\037\276b#B\276\r\241C\275\305\365\206<4<\217>v\235\030>[\210\252\276\326\'\310=c\357\277>\255\313\306>\233H\213\276\013\213e<\']\377\274`\025\003\272\355\3468\276\002N\220>\306\266t>F\216\235=\344\311\353\275\307\022\310=S^Q=\333}\225\276\256\331?\276\320\364\204\276\243^\363\276\244\257\217\275s\017\023>\205 \212\276\022\260\201>\332#T>\246\361\237\275\364\256\351\275\350\274\220<*77\275\\\343\317<\231pM\276\270\211\205>\347\324\007\277k#\264\274\311\326\">+\306Y>tO\274>\332\262\034\276P\347z\276J\337\274\276t\253\226\276Ik\220\275\022Q\206=v\320\271\274\036\312\002\277\025?\232>K\032\232>\213\201\200>\345\240\231\274(\003\342>r\362\000\276\254\216@\277\017\200\262\276\305=\020>\257\361\240\276g4\221=]\301!>\217\203Q\276 -\'\2771\235s\275\r\273 >z\262\237\275LV\n\276ze\251\276\035_\022?v\027\310>\341\363\366>\362\020\207>\316\036\231\276r\311\230\276p\t\313\276n\271\245\276\270\261\217\276\223\337\234>\273\342:\276\324?@>\314\341\237<\"\321\370\275\237/L>I\316\324>\037N\254\275 r\302\275`\336\316\276D\336\211\276\023a_\276\216`\225\272\216^\315>\375B\300>\322\225\025\276P\246\362\275\312\213\246\276h\331\'\276\334\325\340=\314\244\026\276\002!\206\276\236\031m\276C\225\211>C\321\244=\211\361-\276\363\267\236=\237xR>\030\312+>\252\036{\275-\013\001?\354\206\203\276\037D\242\276\231\3766\276\360\370\224\275\2177q\274l\211%>\337\354\337\275n?H\276,z\241\276\272\207\000\277q\265=\276\302\347\345\275\300\002\253\275\226\010\236\276(a\366;\331\236\216\275\345\026\361\275\305\340a\273\357*\211\276\036U\317\276)M\261\275\263e\234\275\035\276t\264\266i>W\272\233=r\2362\276>\306I\276y\207w>\376\266\312\273\306:\223>R\256\031\276\337&\266\276\330,\031>~\376_>\364\215l>5~\275>K:\000=\223)\000>s\244\034\276^\005\317\274\005\310R> k\374\274l\271\263\275\031\302u\276\355\t\033\274{\2600\276\257&\267\276Qwa>\272,\234\276\314m\356=x1\325<\375\244\254\273\365\250\206\276;\217\233<\316\256\317\2752\341\237\276\344i\213\276\310\264\321\275\017?\325>Y\3528>\313H\3539\350\312V>\223Y\335\276g9#<\3113\t\276\0334\205>I\237\230=\224\271\033\274\354ZV=L\353\214>A/p>z?\013>u\335\344=)\024\306\276\346 \267>V\270\203>\326B\200\276gZA\276\233\2540=\337\270\213>\331\304\211>\202B\256=$|\023\2766Vm>\250\272\272>\343\321\032\276\246@\360D\320\023>\027!\267=x\324\231\2762z\253=\t\275\005\275=\351\n>\314\026\234\275\226\230\373=Y\356\275\2759O\210\276\351\356\333\276\206\343\n?_\320\200=\302&\327\275\343\254\001>\274\357p<\217-\235\275\314\323\312\274\211\"B>\203\310k>\261\351X\276\r(a\276z\205\305=\t\234\204<\256vQ\276m\337\005?\230\320+\275r\005\016?\2027d>\374X\217>\355\236\003?1\303\265\275\2215\007?8P\213>*\220\346>\223\350\341>\207xX>7\356\250=&a\223=Y\377^>\355\'\376=\354\330-?\210\177\352\274\347\017\341>A\332\213>\253&\036?t\343\013<\360\237,?ccj>_\352\360>\306\007H?\311b,>\337\026\227>\236\033\345>\313w\003\277\3108\025?X0\230=\203\r*=F\276\027?\312\034\000>\017\377\023>}\253p>[;\324\272\003\335\317>\370\302e\273\351\240\247> \371\227>+\037\341\275u\034\027??\006@?\236\341D?\273\233\242>\361\217u\276\007\273\304>\324\363\n>\370\224\351;\267\242\240=\305\002\340>\241\216\021\276\\\3002?\240Mv\276\377~n?#\247\025?\215/\343>\341\262\310>\363\223+?\322\303\010\277\351N\'=\315\316u\276\314\307W?\311L\312>\027\245.>\224\313a>k\244F\276m%\323\274\317\374\351\276\360\345\360>2\\\376>\026\367\334\274\251\305\260\276\233*{?t\352\302=\033\256\345\274\235&*>\231\211\337=\260\027#\276\240My\274\213\311\241>\275\3135>\r\013\373\276(\030Z?H\227\251>w\307\214>\000\233\001\275\253\363\360>\301j ?B\356\006>\n\361\331>\313\351\325\276\024\021\016>\372\'\342>\374O-\277\330\310\027\277MFA>\355E(\276\311=\274>*\025\226>\035\211\030\275\\\035\215>\202\006\226>\202\000*=\341\320\205>(@a>\257\275L>\027@\357\276\030j\201>A\212\306=\242(\245\275s\267^\276\307=\367>T\305\032\276u\272\362=\307yj>Y\t,?zD\241=\235\202\374>\367}\032>\342\213h\277\035s\360>\364\006%\277\002\372F\277\310Z`>\340()>\251\374\240\2757\337T>\327\254\241>\006E\030>\333\332\333\276ve\034\276v\372+\2769\375)>T\370:>\345c\024\275o\004\352=\342!\026\273\212\037\354<\364\031\252>>h\005?cT\353\275\232\021\373=\302\363\r\275\001\320\002>Pg\324\275\242\"\246>\036\367s\275\033\253\037?\214\334\002?_4\307>D\313\212\275\272\352\220\276\034\341\013\277\035$\\\276(\227\203=\201I\267>N\306\215>\021\352\371\276\213\234\323\276\210\214\252>%;\024?\324\022\253\276\272Rr\276b,a?\327\312\342<\367\365U?\276d\276\275\351\3504=k\237o\275\340\2036<\335\n\326=\373w\021?_5\n>h\340\355=\221lg\2749\356\031?r\375e>\242\006)\277Nm\243>\n\326:?\000r`\276\227/}\275\344\032\016?\371\272\302\276\331\215\372\276O\037\323>\250\037/>\2114\037\276\0175/>\267C{=\220SD\276\214n\010\273Q\312+>\222\034\204>\344\030\220<\033\001\213\276V\323>\274\305\353c;\331<\251>.\241\267>\255\034\316\275DF\245\275\342\267\372\276\210@\'=\376;\214\276\243<\n=\027\276\036\276\027b\220\276lJ\360>1N\224\274\377\332B>\206c4>\024\312&\276\013]\263>d5\223>1\345\214>\330\360\224\276\276\3270>\020-;>U\342\202=\037\244;?\262\347\207>R]\350\276\033\344\016>P4\351=\234\371\343>\204\021\354\275\343\246\257>\374\006\320>c\311\352=\310\346\314\275\360\240\363=\266\203u>\361d\261<\314K >r7\274>\273fN\276\013\213\217>\202\313\310>\265\013\340=K\035\000?\312\344\343\275\260\306|=\037,3?\342\207\241\276\367\240(>\222P\036\277\'\337\232>b\004\317\275$rI\275\022\302E>\310\346\016\276\377\361\326>\000\026\331:\'\301\353\275\356\244\304=\377V\224>\377%\035>\277l\305>\225\335\r=\256\272f\275\276\306\331>\310 S\275\222\345\235>i?O>\211g\007\276\355\370\255>mb\257\276\003Jx\274\316M\223>s\371&\276\200Q\026?\356I\005\275P\234\363\276\026\216\345=\273\2660\275\201/\241=\030\312o\275\355\315H>\007\373\262\276b\025z\275&\014 >\253Y\304\275\010h\n\276_>\177>2\254b\365\274\344\354M>s\224\201>\323\376\232\276\223\337\325=\377\t\236\273\215\206+>\227\271\327\275@\347u\275\010\333C>.@\364\275\265\351\003\2760\263\030>h\037L\273\\\203\312\275\022\210\n\275/D\001\276\216\201\201><\214=\276s\321U=\n\274\034>\267\254.>\233T\027\275\314\223\232>\332\014K>\354\006\374;q\226Y>\310\302N\272\204P\375=\016\370a\276\2257\201\276+\236\236\276\247\334~\274#F\014=\1772\313\276zX\'>\030)\031>\337\021.>G\306\257=\0314\325=m]#\276K)\272=\216\002,>R\277%>r\003N>\274\367\230\273E:\'\276\375\030\334=\016,\346\275\274T\200>j\267\202\276\n5\"\276\230\332\263>\330Y\221;r\264I\275\261r\232>`h\267==|\206\276-\004`>ID\244\276!\230&\276\220\212\360\274\001]\006\276\233\321\255=\004\226\236>\352\024n>B\314\345\276\217\247\023>\314l\364\276FgW\276\324\275\004>7U@\275\000\245C=\017\260R\276\370\222\256>\235\n\010\276tP\265\276\\ma>\345U0\276\030\201\025>\325\341\320>\272%\226>\033yq>;\006\340\275r\027\346=2\245\324\2750\206-\274\343\033%>\2634\370\275\0249\201\276#e\363\274K\263R=\303\200\233\275\376\272\'\274\251hv\276\n\271\\\275\372\274\207>\016\311\322<*\236\307>\231\017}\276\345\252\225\275\255\343U>\220Tt<\344\361\202\276F\316y>t.\245\275\01626=\031\t#\276R\"\035<\324|]\276D\226\317=9\226\244\276v&\017=\230\357\361\275\315\375\276\276\t*\344>~\222\274\276\203\204\n\277\234\366\344\275P\0215<:\321\002\276\242\301{>\350\235\250>|\310\347\275X\210\221=\233\274\212\276^\244W>\307V\261\276\242\375\242\2761\367\303\276\317yB\275a=L=\366X\240\276\365-\204\276&\242\324\274d\340a\277~\'\240\276\033`\255\276KK\302\275S\340\304>\356h]\275n|\336<\013\316\013\276\261\307\270=\352\024\n\275\350\323\004>\315-\246=2\227\226>^\371N\277H\235\362\276\305\365\305\276\'\220\324>\270\376\203>\343\206\304>\335I\265\276\244\331\321\276I\335c>\264\215\026?q^M>\257\t,\276\260@1?K\035.>\237p\264=3\340\021\276G\227\020?\262\353\362<\235\250$>\364\326@>\037\2009\276\347\367\237\276\245\243$>&df\277\235\261O>h\252\337\275&\031{\276N\373\210>\001\302\222>\010\003\334=\232\273\271>\363\242\230>^\025\323\275\300\004[==\320\014\276R\023.\275-\334B\2767Us\276\343\231Q\276(\223\274=d\026\222>\201\036\304>\255=\023\275S9f\274 \304\031\276\261\343\236>Km\330\275\251\2218\276\271v\300>?\330\217\274\013\265{\274\222R\303\276\276\201\226\276\315n\307\2761u\000\275x\313\273=a\326\233>_\016\023\276\276\342\341=\257C\216\2763\272\336=\243\335\205\275\331\030Y\274iN\273>\254F\202\276,|\">c\023\344\274\204Ji\276\251\212\230\276\343eT>U\016\376\275\0207\004>\302\333~=qG\245\002O\337\274\211\030\261>`c\327=j\013\026\275\263\352\336\275\005[\037>\270\352)>\377J`\276E\3165\275\3646\216>\335\036\314\276\226\271\235=\242\242 >I8;>\250\331P\276U\277\355\275<\227\031>|\341N\276\250\203\265=\001]P\275\022\036I>\345\033\010>+F\237><\375\017>\323\367\223\274%\037\205\276]\177\036\276\np\271\2759\014\346\275(\367\264\276\203\362\273\275\333n->\202t\253=\200|m=\314\314\216>X\033\245\276\242\304Q>\347\312\361=Ayi\276\324\207\037=\032\322\323>mi\265\274*\203\030=-\0036\276\253\245\327>\346JC\276\204\343\001=\207\215\001=\246\275p>\264\205\032\276\370\035p=\245\324\005\275\\\210\265\275?@\002\276PPv=n\320\223>\263\264N<\276w\241\276\317\350$<\341\354x\2767\344\274\276M\311\241\276\024z\256\275\361Y\271<\270~\201\276\371\262\274\275V\n\332\276\031`r=23a\277<\365\360\276F\3653\276\335\352\236\276\333R\200\276\375c\341\2768V\322\276\276f\022\276u\364\361>\352\202\203\276\246\265\177\276\'\312F>X\206\205\276.~\307\276\371\251W>\212\030\212>\227m(\2779\332\354\275\303J\013=r\317i\276\304=\204\276\274\023$\277T\027\006?\234~Y\2757_C\276\337?q\276\346p\304<\205;n\276P/c\276Y\362w>\250\034\034\277]\372\210\277+\267\303\275\206\250\233\275\330\032\027\277x\344\225\276\333M\334>\372gD\276-V\266\276m?\202>\016\367\322\276V<\245\276ef\200\276\010\244\236\276\260\315\201\276\214\276\031\277`\275\346\276q\344\241\276\224\324\267\276\026K\264\2760x\215\276D=\245<\277\204o\276I\257P\274#\326\213\276RP\312\276\324\353Y\276X%\372\275\245\332\303\276\214m\300\276\332\367X\276-\326\202\276\002r\252>\240\223\344\276\254S\261>\246\343\365\275\366\330\256>\202\2140\277h\311A=\311(\200\276\330\250\317>\350\366\211=Q7\356\275\033a\271\276\305#\033\273\234\237\003>MO+\277\017\n?\276\336su\275\220g\263\276\353\302\273\276U\207\325\276\201\"\320\275q\275V\276\262&\252=\250\\+\277\341\031V\276\t\020\025\276\331o\231\276\332\236r\276\276\245;\275\340Z\017\276\307u\233\275\221&1\276\376j:\277\316\270\026\277-\352^\276\301/\204=\033n\210\276\202\334\351\276\252\321\025\277\211\3673=\3126P>\325\313B>c\032\314=\215\345\023\276\214\221\036>\320\022\226\276q\214\325\276\372qr=\267\021A\276\003i\375\275H\206#\275Z4\200\276\325I\006\275\355\330\025\277R\302]>\360-\027\276\300\257x\276\335\335\034?WA}\275\331\307\036\276\2454U\276\214\275\226\276Uq\342\275&\226_=\266\036\334\276.\022\r\276\366\256\231=\271\027\227\276,\343^\276\202\340\032\276\214\230\333\275\271\317\004\275\236\246\227\274\372\354\203\276\026\327\217\276I\267\271\274U\215\367=\205\367\023=\376\332\326\276\275Yb\277\267\374\214\2766\244\252\276\215\253k\276CH\271=p\327\231=5c\252\276\244m\246\276aLV\276e\224\346=\215\005\023>\000\350+\276-\030\236\276\362\023\336;b\203\352>\232%\343<\251\301\235=\356\364\254\273\031\274\225\276$C\022\275\214\347\301>\027\323\306=\315\273v=\242\005#\276zZ\221\276\271!\321<\2461A>\251\335E;#\2536\276\003\020\270\276U\353\036\277\030g\225\276\206\'\360\276\035\024`\276}\362\206\276\343\035/>\303\037\324\276\312\335x\276\252\261[>\021o\023=f\223\272\276x\355\353\276\353\271\366\276\n\321u>\232\007\026\276\214\311\227>Q,\212\275\331^~>\265:n\276\342u\326;\274\211\347=LN\220>\253{v=f\276\227\275\361H\004>\271n\036\275\357\0041>^\203\347>U\342\222\275V\236s\275\342\223\\\276\'q\213\275\305c\276>u\340\270=\233ik>P\200j\276\362\327\r?\020\224\204>\255yS\275\371\031h\276\301>w\275\375\302\353\275\"\374\260\276\230\344t\276A\315%=\345\213\245\275\241\330\322> y|\356?\000=Na\217>\r\361m\275v\257\016\276\223\250H?\323\033\202\276u]A>\025\225W\276:\235[>\303w\226>\207\014\261>/\334\231\274\244ca\276&\261\320\276r`\355=7l\224\273p\201\303=b\223\257>\326\250\324>Z\253\376\2752\013\307>IS\026>x\377\031\276\235\234:\276Ea\014?\324Q$\276\023\266\201>\300\"g\276\354\001\240=P\322)\276H\267\211>\244v\205\276\206\364\260\276\221D\262>\314\214f>N\331\276;\303\311\037>b\330M\277\344\214\n\277\237\320\262>\314\253\212>\200\316\307>\226\215\241>b\330\214=\026\222\221>\254l\316<\346#\226=\362o\266=R\340\315>\316\032\313=\003\037\323>\034\234\272>l\214\262>\317\ty>\341\004\314=(\317\302\276\032\0007\276\267\327\265=\231\001\202\275\361\204p\2752\257\214>\365\275}>\351qI\276\355\255\230<\325\344!>ynW\276)M\003=w\211\230\276\340\241g<\357W\347\275\354\312$\276\225\177\211>&j0<\266\017\273>\323\340\321=\272\322G\276\223Z\307>\346J\365<*g\376=\206u\346=\244\337*>\031\303\323\006\2768\276Y%\247=P\271\343=\027\220H\276\312\255\365\274}\315\306\2749Xw>O\232\210>\0036\307=\305\036*\275\301m\234=l\202\300\275p\377\302>d\016\374\275\360t\303\276\217T\232\276\334w\236=\203D\004=h\274\037\276&\222\230\276)\352\026\274\326E\256;\312\017\023\276\244$I=\315V\255\275\002dI>\257+\356\275:\303\311=\312\243\232=#S\304=\203\270\231\276\364\347<=\366~\344\276L\370e;t\202\035=\243\326\225\276/\360\345\275EvX<\002\027\232\276\210\212\220\275\343C-\276\326\033\214\275o\214X\276\350\370U>\333R\001=\310\035\352>\236\224\366\275\016\257\034\274Vw\252\276\n\020\254\275\232\200\302\275\350A(>5\373\272<\317[;>\340n\262\276Y>\216=>\277\000?L\006n;\023T\316\275\205|\227>t9]\276\217\3437\276v\303\031>i:\200\275\223Z\271\275\202\324\225>^\007\201\275m\205\310=\004x\273=l\202\333>\367:\023\276+k\217\276\275.\237\276\232\t\275<\371 \013>\\\016\257\276\022\272\265\276A\002K>\237D\310=B\221\222\276v7#=\262\356h=C\210!\275?;\017>L\263\025\275\326\260\321>\003D#\277\003\020B\276\346\004\302\276\255\241\375\276\252\224Q>.T\352>\276;6?/\272\227\2756q\332=Tf\327>qRD>\233\226y>|\347k\276\333k~>O\375\367>\3302/\275\375\243\273=\332\237\265>]\213>\276?4}>W\200\200\276_\275\177\276D\3625>\251\252\032\276\307\251\321<\315`\310>T\246]>\003\317\245\275\246\312\257\276d\357B>,2\354>e\321Q\275\227\333\026==D\334>\231m\327\275\202\332\003\277\367\026\023\276\277\001\237=\256l\367\273\304\232\276\324\321\001\277\353\233\025>\re\014\276{\026\266\276qZ\313>\216\023<\277\206\242\346>\365p\321>3P\255=\375l\251>\304\302\221\276\334\362\237\276\310\220E\273\223\327\253=\213\270\243>\277\215\225\276\346e\014>\304\357V>(!N<\3678q>\035\340\301=\035-\342>\277z[\274\020\003X>\243\222\037\275\003\314\200\276\367\000K\275\260U\032\276\027q<\2767\r\200>\277!\240\276]\261w=Ef\231\274<\016\330=>[\310\276\\\325\242>T\366\261\275C\035\343=\177\"S=\331\210\224\276fv\"=w\261\033\275\031\211\201=p\027\236>\032\377(\274\"\367\201\276k\230\264<\317\270~\276\"\317\005=\245\276\236\275\003\312\300=G\253a>7m\030\274H\357c>7\332\032=\300T\022\276\303\276\273\2767\340y\276\031\026\367>3\335\371\275\n{\325\275\257\324r\275\367J\224\276\370\261\036>/\273K>\361\230\306\276y1U>\372\261a\276\016\341\243>8s\204>]\325\340=\326%\000=6_\226=d\245\\>;0\022\277\220M\260=6\275\r>\354\225\016>D\206t>\302\371p>\251mq>\325\224\007?r\321_\276\025J+>\274K4>\361;z<\351\247\313\274\355\346\035>\rH3>L\300~\276!7\366>\nd\246\276HVZ>}\313\275=F\333\032>\'\301Y\276M\277\206\275\252\267\372=g\373\205\276\313\032\310\273\274CH\276\027\350\267\276\3325\354>l_\014\276<\"\347\276\246\341?=m\032\306\276o\371\305\276mR\256\276\026\275\374\274\3331y>\224\361\324=\205,\204\275\373\005\'>\353\301\247>\312d\236\275\240\371\227>\035\307\325\276P:\230\276\374\213\206\276\223e\235\276\227\242\246>a\202\325=\"Pi>\021\274\242\275lA\274>w\212\030\275\212\266\245>,\336P><6\004\275\203\221\014\276\340:\270\275;\257\242>dc,F/>\303\250\002\277\330:\345=\213\330\317=b\232\215>\3249&\275\022\320\301>\327\247\206>\270f\311>}\215%\276\013\254\000>7?%>62\315\276}\216\335>\025\242o>]\310F?\035k@?\232p\000\276\337p\270=\304[\331\275\3210\321>\331)\304\275M\367\003>\221s\237>Lh\214\274,o\237>\273\202\310=d\321\010\275\232\251\004\2761\'\310>\202|\230>D\217T\274\333W7>\277\342p>\301\256\311;m\350\326=\331q~=|\3667\276\345\350\242>k\307\257\275D\343\300>o\022}>\002\227\010?uu=?q)t>\036\323\204>g\212\365>P\017\240>CI\331\272\327\375\333>\230\343\215=1X\274=\000\301\037\275\232e\323>\027\303\242>\234\253\004\275!\263\217\276\246\324\026?\217\256O>\336\025\341>G\3132>\335\035\241>f\004G?\210\357\206\276\271\242a<\312\034\305\224\010\017;\300\276\351<\367\360\320>\213\376\177=#\037U\273\240\315\361>\257t\005?\006C\r?\203\303L>\324\034\264>\001\256H=\357\r\354=+\220P>@n\355>NZ\006?HW8>zo\331>\202\373\303<{\023\224>m\356\247\275\355f\310\275\326\035q\276\334] ?\037\200\272\273-v\200\275\273\236#<(\030\311\275\306C\035>>\347)>n\3427\274(\242K>\210(\\>\356 \213>\324\025\266>\203\216]\276e\310\252>\337$\231\276\2512\352=\225\205F>\255\r\333=,\023Y>\376\347T\276\351w =\350\227\245>\304LE>X6j>\264\345\214/\320\300\276,\313\035?\030M\240\276\327\371\024=7\r2\276&\000\303\276u\023\252\276\t\342\202\275\263\tV>m\031\030?WkT<\200F\333\274p,Q=>H\r\276[\0304>\'\330\006=\344dI>\226\356H=\207*\252\274\245\033\224>,\321d\276\217gC>\255\265\235>\225\205n>\276\254e\276\270\356\024>\340\201H\276\225r\252>\375_\326\275eL\243\274S&\000>j\023\200>|\035\203<\222\217\017\276\331Tf\275\354b\227\276/2\312>\351\203\224\275\312Rd\275\036\001Z>\0066T\275\006\234\324=\261Sr\275\002d\206\276Z\261\212\273t\020\026>%\226\305=\220<(>\265,\344=A\372.\276,kL\276\345\032.\275\roA\275\240\266\022\276G[\335>1\234B>\205\237%\274\233\254\007\2758OG\274[\372E>\364n\265\274D,\212\274QiB>\034\3752=\214w\307>.\244\246=\250\357\211\276\230\014\200>/\346\270>8@\002\2763a\022\276a\351\275>[\223\277\276\360e\375>\027@->J\226d\275^2D>?\344\233>T\220\271\276\206\025\"\276\360\"W\275\277\233\310=GB\272;\177\243g\276\213\037\225\275\307\352\230\276]\273\345\275\273j\310\275\340\272\242=\313o\017\277\303F\243>\021\034n>ZYm>\276x\006\277#?\204\276f\232\216\274O\350\232>R\227\217>\205\326}\276\355Y,\275\232_\364\276\371\274\023\275\304j\017>\027\302\250>P\224\005?{\331\307=!\300\005>\203@\024\277\262\254\365\276\020Lo>\230\340L\276)0\227<\233\177\347=7\341\262\275\342\251\t\2757\274\351\274\322=\272\276\024\016\223\276\324\316m<\331\205\244\275/q\344>\272l\264=\245\001\226\276Pt\335\273s\311\313=7Ts>\006%\362<\263\351\236>\217ND\276\227\341\204\276!7\371\274F5 =\316\237~=\214\210\240>\345\037*\276M\204\002\277\300\311Q>MO\025\277yN\232\275\262R\374\276\365\211\251>\272z\016>\317\016\226\276fy\313>L\210\206\275M\264\235\273\265\3209\275k\245\256\276\324\030\247\275I^\357=\360X\037>\332\t\336\275`\023\274\276T\026\234\275/n\247=\335c\204\276\343\026#\275\361\343\210\275\230-m>\217\303-\276a0\"\276\326\t\t\276\035\rq\276pR\030\276\022m\205\"i!\276\324\352\335\276\035g\227>\366\177m>\323\320*?\372w\226>\177\357W>$\266\344=n\331\201=(\302\216\276j\303c\276y\255\276\276$\013\251=\247%\237\276\305\313\376;ihk>\356t\354\273\3458\316\276T,\021?;Y\235\276p\254\007\276\331N\234\275E\245\351=\372n+>Z\2346\2769\2312>`*\024?\002\212\262=\326\220\247>\367v\252\276\255A\">\213\335\247\275\204\357Y\275\376|\311\2727\266\020\274\347zf>\270\314\r\276\232\331\311=\312F,>\001/\203>j\034g=bc^>\335\336\020>nE\334\275Fh\313\276\327S\337>\027\247H=\370w\211\276\233o\226>o\225\220\275\375\246\304\276\377A<\276\203\343\332;\357]\243\276\034\253L>\213X\271\276\372\244)?\2577P>\177Dj\276S\320!\276B\370\366\276\264\257\265>\356\3030>H\300\326=z\346\n\277\230L\035;\325\002E>\005O >\013\341R>\234\201\027\276\334\233\374\275\357\331\220>B\377\311\275W\307\202\275\'\031\002\276\247\006&\276j\013\013>M\010\\\275\353\020@\276\t\373\021\273\367?M\275\261\254\210\276\024T\307=\342\240\263\274\253\303\227\274\354\256@\276\2651*\277rJ.\276C\315\000\276>\223;\276\240e\014>\210M8=\206\262\251\276\3144\263<\2538\027\276\216\322\366=H\227\364<\342\255$?|j\200\2768\022\260>\316f\270>o\211o\275p\253\243>`\332\307\275)\256\344\275h\323B>\030H\266=!\314F>+;\311>D\370\250\275v\235o\276\254\033`>\367kr\275\240`\201=\201(\350=\004&A\276E\374\201\275d3\275>\305\320\333>\346\3139\276\\o\260=AY\262=\024\354\013\330\275\340vA>;\246^\276\312\343y=n\034\014\276\347&\200=\177TR\274\224\266\026\276!J\301\276=\024\027\277\275\241\005\276\025\002G<~$\336=\250\211\300\276mY\274>\316\265\026?\305\025e\276\206\362\227\276\276\352\307\276\014\226x\276m\'\241=\216\344\275>\203\336\224>0\360\264>+\355x>\2126\314>!\320->\330^\201\276\307\371=>uj!\276\010\350\274\275\337\250%?Szk>\2774b=\255\321}\275\231~\236\275\220\267l>\241 2>\034\004Z\276\'d\327\275\265Zh\274\256\331^>\337:j>\rv\223>\035\014\020\277\222S\264\276J\224\206\276O\250\271=!\357\226\275(\263\223=\00537?\230\262\264=\306m*\276\236K\226;\347>\211\275\013V\224>\2356\202;\300\275o\275\302\267\235>F^@=\355wD\276w\300\335>\241\r\220>\000\025\202\276\022\305}>\315|\345\374\3500<%\301\266>\350R\006>\210\213\\<\257\322{>\261\317\337;1+\317=u\020+>\010L\252\274\267\373\255=\223\201\205=l\\\233=\220J8\276Ws\236\274\343N\214>\3519\300>/\354\243\276\272\"\026\276\202G\017=p\256\351=h6\037\275z+\305>;\2679>|@\214=\265\254\255>,\222q\276\306\205\"=\"\251u=\001b%>^\373o\275\305\273\200\273\2343\212>\230\364\200\274\361Y\"\275\004hf\276p\213\216\276z\001\203:y\335\320\275X\356\223>[i\005\276D\317;=#}\316>4J\313\275\017R\341>\226\020\250\276{\324\376\276_\374\243<\273\0235\276\177\001\207=\352\367\031\277\272G\247\276\210\315\240\275\332\370\000?\256`\244>K/2?\275\2229\276Be\210>\000 \026>\020\244\233\276a\253\254>u\002\214\275\240\r#>\341\\\374>\315\270\353>a\275@\276\025x\206>A\252\343=\3352\261\274\361D\003=p[\005>L\310W>)\3513>\255\274\006\276K/-\276\2126\334\276\357\347*>\377\330\335\275\236\224\214\276\327?\265\276\205\350\202>\034;\351>=$\240>\331\264\242\276\232\003\341>OR\031?\256\"\202?{2H>\306\374\267=\357\364\276>\332\245\340\276,<\347\273\257\264o>@\014\350=\303\026\242>\235\254\260>L\322\210\013\000\261>y\034\217>\313\033\315>\026\327\321<\341\371O>J\014\272>\345\246p>\331\262\217>o\214\013>\220\\\242>\377\203:>\362\326\351>\340i\266>\241\245\265\275\"\234\366=\217\213\336\275\240\335m\276p\235[\276\330\3076>\037\035\364>\204\225N=*q\253\275\320\n\245\276|\022\257>\335\021\202\276#\263\017?W\211}?[G\262=.\360\360>\355\354\207\275zT\210=x?\344>\300\203\030?\364\266\244>\\\213\004?\352TM>\000\216q>,e\354>\301\177\252>k2f?O\302\230>:\026\307>\265\210C\276\004\221\237>I\177$?\001\326\002?\037\243\177\275\234\305\262>\032\375\257>u\337h\276\0200\314>\274d\376>\005!\005\276\205\261\250>\2655\325=\265\354O<\230\030\000\275t8\326\275\321[\006?\212\034\263=\266\303\246>D!\024?)\371\320\274\242\345\354>\021\376\336=l\362\321\275\'\017\003?\344\235\274>\321\266\032\275\204\244\334>q\306 >\212\037\307\275\243b\326>\274\203\226=\323%\217>l\027\354>\325\264\225=S\224\022\276\275b\327\275\017\210b\276\245:\255\276\'\217*\275\271\376\347>4\242\333=\246\350\204=\313I\226>\317&\270>l/\221>\373J\214>\003@L>\004\365\315=\034\205\000=V\314\335=\251\373D>\315\262\302\275\036\227.?\323\334\023?\211\350M>\022\n\267;\006^\024>\360bC>\010\276v>/&\233>(C\362\276*\344)=O_?\277\001\367\252\276\210\306Y=\002]\032>\005g\350>Y}\023\275+\230\254>\267\266/?\270\203n\275\2641\312>\360\202\344>xyS=\031\023\246=\242\337<>\005\014\022>\355\003>?\3368\352\274\245m\326<\3519%\276Pu\346=~\333\005\276\n\326\206>\324\210\225=\237\255\267>I\232\206>U&\025=\253L(\276\252\305\272>\234K;>\251\030<\273\207\244\246>\206\320\022\277\322\345\227\0219\024>\245\215\345>\262\335\247>[\261Q>\304\234\031?\220\351a>d\334\242>\276z\021\277kx(>\330J\273>\341\367\t\276y\270\037>\221\3746?:\376E\276\340\232\371\276E\350G>\377!\257>\205\030\241>\240t\023>O\231\361>)\200\226\276bfw\276\374\237\211>(\266\333=\251q\013\276g\013\037>\302\203w=\220\344\347=~\377\232>\235-\340>_\253\201\275\241\353a\276H\022\324;E\014\324\276;_\351\275:\356\244>\241\236U?7\360\364=\017\2129\276\006\374\324=\205B\212\275\305 _>\'\002\317>@\260\223>\206Z\006\277\204?\212==\032\260>\270cB=\210q\310>\360yIZl\247>\322q\027>\321\035\345=TG\201>V\222\263<\364\232\321=n\332\334\275 \347\"=\362\262\306>\373D\354\275\311B\007\276\030/\257=Py\241\273\036\233\316>\261\314\262=\333\0225\276sz\320\275\362\377N\276\244\331\367\274\374\212B\276\205X\201>K1\t??Yq>q\017K>\r\235\206>\003\321\013?\036\341\235>[\367\302>W\330\334>\006\002\257>\014\002\022\276\222kI\274\236\025\206>U\370\201\275>\207\323=\245\220\353>\0203\302\276\257\277\206\275\232\026\263\275\226\332E>\275d\020?\\\003-?\237/\032\275\207\351,>\377.\033?\274\032H\276\363*\006?\372\206U>\236\t\242>\373\3014=/\324\n\277#\217E=\377\211\236\276\tn\016\275\255\310\306\275C\321\204\276\230?\005\277\213\242+>\215\374\000>\342\202c>~S\035\276s\253\317=w3\370>E>\005?H\326\366<_\207:>\261\035\031?\362\332\322\275\204H\035=\246\363]\276z\357\025\275\332\006\230\276e\313\274=\364g\223=\002\377\331>D\031p>\265\225 ?\025o<>\030\310J=u\266f=\027\375\036\276UZ\030>\215\227\272=~(\225>`\337m:\222\330\307=\0379\335>a\241\245=6n\014\275 `\274\275+\0200?\246\365\022\276\270#\336=I\020@\276\244\024\033>\270i4=Z\234)?=\322c>\257\321\272>ob\254=\260\316\213\275\217?\207\232\345D<\203P|=\270B\231\275^\370\376=\356\0026>m\317B=\241\245\301>H\326s\276\256\024Q\276-sT\275\314\325p\276\201\347l>\210\345\332>1Y\262>\311B\252<\315*\242<[\226_\273\344Pv\275\241\311\302>h|\261\276G.\001>\2477\247>M\026\263>6\322\215\275\325\260\223<\275\372\010> \005K\276\376\030\377\276\273\375\000>R#\215>\257N\222\275c[l>\216=\034\276\262Ll<\367f`>\216m\335=\327\3051\275\207T\'\276\353\331\017?\017\013\020>\022j=>\247\220\244>m\n\037?\2467\020>\001\007\365\275\345\0213>\177\234\320\276\221\265\002?8\253g>\020\2534>e\013\344>\032#\345\275\331\3375\276\2125\356\275\377\234\342=V\210}>{%W\275`\302\225\276\335o(\275\254\030\214=`\370\001>\330\254\000>1\344\215>\n\225 =\212K\232\276%\030j\273\326\022\260\275\322d2\275\244\3715<\\\214\345\276|\341J\277U\3028>\000\346\t\277iP\254=H\025!>\342(\006\277\003\267\270=\333m\301\276\314\314\034\276\365\301Y>\376/e>=A\335\275\272*}\276L\357%\276\367\205\274\276\315\r\\\276\260\370\263\274\010\013\202>ke\266>\271\247\357\276V\221\265\276\271\231\226\276\202^\014>\rw2\275\255\213\244\276j&\036\276lX(\276\317\273H=\306\373l>e\235F\276\303\n\376=\024\321^\276n\0163\276\371\366\354=\007\372\313=b\005\n\276\323\241\244=\262\337\335\276\244\216\327\275\217\020&>\2607/\2777\224\216\276%\237r\276\210\n\240>Z\270/>)\t\217>R\236\355=\\\351>\276\270\343\334\275\301\263\227\275\303\031\261\275R8\317\276\340]v\276R*\001\276\327\304Y\276\037\205C\277\264x\330\276\231nf\276!\215\276\274k\3735\276\271\237\026\276\214K\001>5Z9=\305I\237=\036_\366>;U\242>\tf\214=U\031\246=\303\276S\276\320M\016\277\312\362\004>?,7\277x\034!\277r5\241\276\241\275,>H\307\201\276q4\262\276\321:5\276:F\357=\220\364\334=\200-\020\276\036\344\177\276\3379\275\276RB\006\277\307?\203=^\002Y\276d\253\202\276\301\306\255>\327s\234\276%\3575>j^\317>\340\032A>\367\362/\275Pg/\277\272\352\363>g\226\230\276|t~=\263E\365>\222\354\372=\200\312\332\275\314\267$\276\205\2011\277\351\250\363><\326w\276\213p\225>\351\203\270>U[\315=\347\\\322\276\200\241\177\276O?\207>.uC\276\002)W\276\247\206B\276\375W}\275(A\212\276F\001\016\277\232\313\316=vN\213\276\207\037\226\2762\330\331\275\004\tf\276)\002\000\276\270\211\324=\022?\277=*\024\211\276\237\321\330>#\027\310>\210\323\304\275\214>p\274\312k\210\276\255\2057\275\2448\243\276W\364n\276\260^\213>\342\302\263\276\366\020\252>>\266\357=\016[\366\275\247\357\270\273\371:s\276\232TK\276\320^Q\274\224\325\224\275T\312B\276S\024 \276`<\234\275`|}\275[\267\302=n\335\255=\031\n\023=L4$>\014>u<\301\330\272\276\247d\216>\371\343E\275\211\223\033>D\254\360\2747;%\276\304\356\345=d\270\325\275\226\034\023=faG\276~\316\316>4\002\273>\364\303\347>T\351\246\000\263C>\253p\'?\303nK>\321\253\023>3\016m>G\254\212\275F1\245\274CMh>\303\177\025>0\3315>8\375\315\275\223\0177=\365\363\221\276%\266.<0^\274=\247\000\207\276R\234\256>J\347\025>)\203\233\275\3775#?\331,:\276%Vh\274.\3453>\320\003\032:\2265\251\275vl\275<\347\254\242\276\354\205\371\275\271\3370>\271W\370\275R\236\330<\352N5=%\262\013\276 }\222\275\357\343d\275$\030\232\275\335\271\225\275\024\014\231=s\257\216>\302a>?\374\353\253>\016\243\360=\223\272v=\\q\276>E\365\261=\262y\t>\026c\021\276\205\246D>\3730\024>\025\237<>%\223\236<\330\275\206\275\240\021\255\276\201`(>\332\'\245>\374\240\226=NI\352<\022p\242\275$\242K=\254\217\325;\205\301\">\346\266\321>\372\215z=\r\035\004\276\335\260\355=\220G\221\276\221\377\320<,\216/\277\230\272\007\277e\2769=+^\241\275\3652\213\276\274t\300=Ms\321\275df\355=8D\243\276\004\253\254\275\2509\211\274\372\r\313\275\266l\365=\"\013\266>\035s\345=W\201\310\275+\273\341\276~$\225>\n\014\027>Q7\222>\030t\010>]5X\276\354$\275=\237\036V\276\001\351\243\272\033\262U\276\374v\225\274\027/\343<\023\217\300\276x\210\262\275\r\346\020>\246m@>\233\274\343=y\361\000>\327\356\361\276H\234\332\276\343\275\226>\310\337\304=\n\375\031>i=\352=\177>D>\366\030\374\275\265\004\236\275\360\373J>\372\206\222>\205\375\313\276\010\241\265<\344v\'\276\377\226g>O\267w>^\237\200\275*;\304>\032\344\014\277\016\361\203\276\373\032:>/)\304>\241\240\000>\251p\032\276]5\000>\352O!\276\031I^\276<\244\177=\223\202T<\370r\205\276\211Ri\275\\\257\r>A\003\255\275?\274`>d\010c\275\355\2732=\354\205\212\272\347[\352>\nq\212>\204C\244\276\2710Z\276]\242hz\374\260\276>\267\005\275*u\237>\257\232\212=X6m=(@\245\275\302\313\216\276\217\376\206\276y(c\276=\004!>\207L\225=B\342\000\274.f\346\275\204\377\220\276\272<\023>\307\252\262>\321\230\330\274\2512C>\003\221\013>\341\311n>,h\204\276tB\351\275\3151)>;\350W>\026Z\021\276\335\207G>\031\261>>\201\3450>\212\316\231>\330s\266>\246\361@=\336\366\r=\307\200\312>knW>\\\217\376\276h\313s\276\022\217\177\276\323\023\366;\247c\233\274lF\340=\315\177\303>\317\000\022=a\316\366=\364C\332=\377\317\245>\366\240\303=>!\231>\3219Z\276@\224\326\275\005\224\005\274\376\202\">`UH\2762M\263\2754\t\212\275\330\003T?>\025\017=\367w\247\274\216?~\276\325\307?\274s\245\004\276\237\351\300=\010\"\207\250O_\275\237Vq\276\264\345\232\276\351\216\356\276f\010\327\274^\236\367\275x\003\236\276\302\021\322\276\"a\315\276,\222\323\276\362\t\300=h\\\005\277s\010>\276\264o\215\275%\375\262=\266\222\214>\323\235\300=\017\022\361\275Q+.>p\345\204\276\351\'3\276:~\322\276i\211\306\276\377#f=\255i\277=7\001\254\276J\006\230\276\272\275\313<\264_\243>G\331Z>o.\320>\022\345\307\276UM\205>\272\321\213\276\261\351%\277M\207\035\275\230\005\341\275|F5\276\026\010\227=N\205\214\276\327\253==\225\007\247\276\362\253k\276\254(\023\275\273\356\302>_,\274>\263L[=\212\367C=\2170\220<\322\320O\277w\t`>z\325L>?.\210\276\364\365\313>Pk0\275\300\301\215>\245\263m=\242\231\352=\032\006,\275\343\361Q\275::G\277\336\2734=\243\341/\276\305\203\352\276\027tS=\205\223\352\276%\003\206\276\276\323o>\321hx=R\\\252>(w=>\344\007\331=\201\257&\276\323\315X\277Z\217\321\276\362\356#\275\243~7\276Q\342\277\276*\214\322\276\213\277\257\275y\216>\276q\203C=\321\332\360\2766O\366\276\004\210\344\275T\304}\276\352\323\"\275\215:\232>[3\010\274,y]\276\267\210\023\277\265\237\342\275\336i\251>J&Q\274\t\234k\275vl\226>6\200\272>\344\214I\275&K>\276\333<\261\276\2715J>\234\242\367=\327\225\341\276\326\2107=e\027\017\277\305\006e\276\371\261k=\370\252\321\275\375\315\203\276\206\223\211\275b<\222\276\364\340N\275\026|\320<\321/\251>\330\035\313<\002/?\276\242M\257\276\236\\\024>)\254Z=\265\276\377\275\354ih\275\324\030\225>\300>\201\275\331}}>&\221~<6\2332\276\2061\010\276F\245B>\272\251\255\276\010C\210\276\365\216\201\274\333\327K>28*>\302\252\201\276\310D\357=42c>\301wk\276C6[\277\360\024G\276*\036\351=\204P\240\275\344\"\340=\362(\251\276\024\344q=\265\332\342\275x\301\023>E\203\256>9W\\>\332\252\224\274\201\'\003>lh\305>N\2553\276\277\364\275=xwY\276\206~\245=|\232Y\276\331\224\233>Z\232\024\276\214\377\252\275\311d-\276\325\224\235=\3729\326\2761\320b>q\270}\276\212\265\202\276-3\022\276\261qI\276+I/==+\227>\335\241\366>\363\253\206\276\224\"\021\276\220\344\215\276\257iQ\265\376\246<\'\347]<\337b\323=\271\267\317\276\206\250\350\276)0\310>Y\341N\275.0\001\276\3117\347>5\306\210>\255c\257\275\224\007Y\276\206\344Z=k\250T=\234){\275W\004\234>\014D\200\275\203\031\222>\327\007\357>\244-f\275A\362i\275\357@\'>\327\325\021>\353\373-\276\017P\255<\205\341\325>\374\361;>\373\260\236>Q8\000?\245\234\236>Q\332\t?\005\322)=s0I\276\323E\005?\231P\224=p\316T\276\341\177\271=T\361\353=E\021\325=\325J\033\277\301\331\301<\260\256\005\276\354fh>\264\372\350=\206{==\374n\201\272\223\016\336>\007Y\236=_\025\304>=;\315\276,\342\315\276\365\204B?\302\206\022?KZ-?\261\353\007?\353h\374>\213\360_\275U_\215><\017\254>\255\210\241>\024\016\262=\007\274A\277$\001\027>=\014N\276\225\207\307\275N\215\346\275B\341p>\243\326\233>o\307\242\276\370\230\250>~{\343=\325\337k\276\033\211\226=\035d(\276\244\221\251>\350\007\232\276\rgQ=\024\017\260\274X\246x\2767Qf=\266\353\253>\316\'%=hkR<\354O\340>\362\215\000\277\251\320g\275\002o\357<\230v\245\276w{\321=\223\275\327>\210\353\261\275\023\365\001?/!d\276~\311\027?\2375`=\252#\313\276\241\2605>@\375\340>\216\214\247\276\266\215-\277\nQ\022\276\263\024\206;\302F\207\276nL\030>\036\003\313\276*\326\240>\3262\026?\210aw\276\372\244\002?\253\340\244\276\302\016\021>\360\034S>\3079\363\276y\276C\275jR\023>\234}\264<\317\200?>\305\335\247:\364\260->\317%z\276\336\212\000>\310\253\027>\371V\026>{:\321\274T\244\317\271R\210\036\275$\256v\276\275\007\216>\000\204\234=\322\022\266\275\220\260\005>\313\311\205>*\352\325\276:\204\214>\345.8\276\021\210\247>:\247\017\276P\261\014\276\341\367\313=\237\366\341>T\202\\\275\256\311_;\217\232\021?n\275\027\276\025\343\224=Q\325\033\276\345G\023\275\351\266\003\276\376O\233\276\245v\370<{\224?>\221\035\305>X\337 \276*\215\370>\247\324\006>\236.\t\274V\332{\274\330\326\315\276\014\361\230\276U)0>vG\243\276\252Li\275.O:\274\361\203\337<\362#\215\275vL0=;G\334>\353g\257\275\375\206\214=\3046\244>\244ca>\250\324&=oy\036>+*\350=\024\033\257\276\314*A\276\001\031\010>\341y\270\276\225NP\276\274\263H>\004-\'\276\332\345\377>\216\n\203>~\300\235>\305\202\262=8\331\350=\026\213\214<\035B\242\276\3607\004?f7\033>_\210\227\275>\357\332=S\271\327=U\3508<\204\223\234w\005W\276!\236~\2743\330\252\275\213\277\272=\253%\313\276t\003\377=\314\277w>\006IP=\337IM>[iH\276\272EB\274k\032\223\275\264)\032=\235\rO\274c\264_\276\323\322v>;\314@\276y\221\017\276\033}\241>\245\307\216\275\305\222\017\276\261\007;\275\321\246\325<\r\027.?\336U\214>\206\306X=\203E\n\276\336\247\261=x\356\320\276\201{\203\276\\6\357\276\253\252W<\326A\001\276=\337\312\276\260\224\214\275\000\343\022\277\005\340\263\275i:\302>\247r\255>\212\200\\\276\233J\314<\327\312~\276\370!|\275\230\245\267\273\016\242\263\275\215\367%?\357V@>\036\366\254\276+W\036>\210v\322\276\221\2504\276\244\262\237\273)\363\271\276r\306\033\276\013\306\322\276\201\026->Fq\255>\275/7\275\025t\303\276\330\223\366>\346\362/Q\031\330>\304\355\303>\235\213\373=Z1s\276\253\311\027\277K,S>\375\254\350<[\263\223\276\300SN\276<\370\222\276*\325\221\274\336\375\366=\231\213*\276p6\304=\302\206V=\270\250\321\275\245xm>\213\002b>\367D\346=\242{\032?\002\241\244\275\225\034/>\210\364&>\271\260\235=\036\2232\276:\326\343\276\360\037\332<\304@g>j\355\267>\273\371\307=\301\376\251>q\267\\=\345\241\307\276\034jW>\2118\006=\304(P\276E\021.\276\227\223\361<\243|\366>]`.>\231\276\312\275\307\014\206<\2017h\276FJ\\=\333(\334\276z+Q>;m\301=+\253\372\274\006\365\326\276\344\"\276\273\025\354*=*\365&>~\325\022>\375c\214\276\375*\344<*a3\275\006T3\276(\367\256>v\326-\276\010g\240\276@\262\376=+\344\256\276*\202\026>M\376\242\276\033\373\010\275\363\267\352>\310\"\232\276mS\237\276`\330\373<\317\017\234>A\213\340=\306F\200\275(\2208\276{#&>\226z\253\275\316/\262\275R\363\316=5\313`\276\205\217Q\275j\262\235>\207\017W=\266\014M\2765Zl\276>\306o>\0068c\275\230\265\235\275#\215\241\276\'\020*\276\261\375D\276\026\367z\276\006aI=\375\250\035\277\261\266\213;\251EM\276\300\277Y\276\326\323\360\276\204*D\276-\263\205\2761O>>P!\377\275M1\265=\230\325z>\371PM\276\276\331\313\276h\323\251\274\3060\347=3P\307>\352\334H\276\350W\363=\225% \277A\312:>\n\226\247\273mz\276>\376\341\337\275\035\232\302=\222\021{\276\222\376)\276\261\355&\276\360\247\031>P\307l>\037\307\033\275\343K\261\275\034\033\340\276#Z\222\275\317\343\354\275\200h\223=\271\233j>\354\301\225\274\036\317\214\274\367\202\307\276\210\024\204\276\220h\364\275\344\303\014=t\212\365>Ez\231=\326\214\007\274\361\021\032\275z\177\276\276U[\265\275\323\324D\276\3342->\336\027\031?\202\246k>q(\361=\357F\006>\341*n\276x\341V\2762\333B>\033M\261>\273\372\226>*<\221>\264\216\305\275\232\330\241\275T\244v>\214\255\016\277\261,\322\276E\240\243>m>S\276IC\375>#\261\025>v\362j=\3541\222\276\340\007#\276\341};?\375\343\\>q\315d>x#\371>\343t\307>@3\r<\304j\261\270\327S\345\275)\352\227>\t[\341>\304\222\202>\370\302#?G\343\004?\022\210.<\300\211\310>0\347\366>:?\270=Svp>x\022\310\276\024\315\027\2755+\231>\236\371\322\275d\315\270\276\316\241\222<\333\0237\275|\272\305\275Fn\201\276SSG\275\241\370\013\274]\t\202\2737\373\217\276\307i\374\275\002\266\224>\200.\245>\340\200,<\340\"\370\275\225Q\266<\rwW>y\272\344\276,%\246\276\330o\203>\235\241\036\276\351\005\274\276\302\010z=\376\014j\275\314\026!>\037\\\036\276\3242E>\350\331*>\324\253\216\275!\305:>\302\362/\276\rj\270>\316G\017\277j\023\220=7S\230=\344\206\250>\243\266\215>\235]\365\271`\013\026\276\007\243\250\275\217[t>_\311\274\273\3664\366\276I\221\364=9Pi\277K\244U>7\230O?Mq\257=\270\312\205\276\206\n\024\276\nP\212>\305zn>\202\252N\275\017ry\274^x\211\274\247D\206>Z\247#\274\346\376\302>69e>#E%\2753#\034\277\273\270\'\275\304BP>\030`\243=R\201^>\030\216\343\2743\324\204\275\357_\343<\212H\217= F\250=\006)Q\276\326B\273>\275\266\225\275\242\342\377>Y\345\010\277\375\223\366<\244\206\037\276\267\307\234\276X\002\275\276\242+\236\275af>>\004\327\252=\273\034#=\354\267\366\275M~&>\035\300\000=m\276U\276\n\010\027\277\204d\225\275%D\207\275H\233>\276T4\251=|\013\016\276\315\253\022\277\274\340\264>\267Z\357\275\212ZO>\244\361\314>%d\002\276u\210*>\261\273!>]\024\305\276D\341\341\2764`d>\267\231Q\276Ha\006>\005\001\372\276\251\260\314<\326\254P>CS6>\336\026\220\276%\270\262=6 K>\313\340\016\276\271\342\271=\347\301\246<\322\247\217\276\344\322\351\274 \204G>\353\'\033\276\323l\323=^\325[\277\335a\205>\244^\333\276\204\372\236\275\021\023V>\026vY\276\3125Q\276\277\316\206>\033\376\032\276\216\210\311>\313-\221>\305\r\003=\252y\310;e\252+>\001@j>\210\271\264\276\007N\317<1\326\332>Q\246\231>\2412\253\276\234n\r\275\341\237\017>\365\247\016\276\216\033\234\274\253\004\225\275\020\350\255\276ap\221=why=}n\356;\301#l\273+\037y\275\265s\021\276\204!e\276y\206\223\276;\367j=\367\274\333\276c\212\225\276fq\221\276\247\325|>\346\242\275\276<\362\237\275(\335X\276\337J\013\277\261\016\270\275\260q\005>lD\340<,\275\033>m\351.\276\016\374{\276\033\303\341\276\230NU>\333\240\272;\025q\n\275\331\342\314\276\276\336\276\275\331\255&\276,\345T\276\010\345Q?V\226\345\275\357W >T\354(>\333[\367\276S\217\215\275\332\216\021\276B\007\352\2759\252\203\274\301;\001\277\210\033\374\276\325\t\236\274-\002\246\276\366^\r=\232\224\014\277nb\220\276\275=\002\277\245\270r=\335\224\237\275U;\233\276\014\343\005>\014\247\221\276\266\2731\276\212T7\277\014\n\232\275pEe\276\007\203\310\275S\357\231\276\177\272\313\275\312\374\275\276\205\217}\275h\237\036\274-\337d\275$\374\255\276\371\334.\276g\007\213>`o\t\275\266K\033\276Lf\\>lf\376\274pJS\276@&\304\275\233e\371=\035\037\330\275L\202\220\276\353mK>\362\022k>\027\215\373>a\\m>u\355\214=\350{\024\277\317\203<\276\3316\267\275X\265\251\276\303\212h\276\225?\244\276\250\246T\275\202\206\244\276\022g}\275J\036\201=m\216\244\276\330R\356\276\220\223\331=\261\216[=G\223\205\276\275\\\365;}\322\271\276\252Q\317\275=\356\374\275\212\374\022>qg\305\275\362\343\003\270K\246\032><\203\361\276O\230\333;\222w\177\275\021\277\002\276\360X\364>\246\321\375=a\206\260\275n\326\205=\375\007\356\274R\006\312\275J\331\315\2766M\342>\211\001y\276\271\3771=\304p\371\276\241\315\312;n\2144\274\020\010\204=\311\010H>\326\344\242\275\3652\251\274]\001:\276\247\034\003=\350\317\246>\252\037\266\276\201`\025\276\310\361\331\274\344.\007\277\265\222\n\277\034k\024\276\212d\266>GHG>\311|\022\276\212t,\275\260_B\276gl\221;\375\206\312=x\026\222>wa\202=]\367\341=`\345/\276;\037\201\276\033v\333>\2218\311\274*\266l\276\332e^\276\213\251\323=\373(\376\276e\325\250\2755\010\206=\307x\037\275\222\257D\276\004g\035\276\326\362\211\276\231G/>X7-\274\027>\350\276\333\030s\276\346\212)=\006\365\363=\t\372>\275\266\221\223\275\316\355(=(N95h\302\276\315R\233=-\271b>_\200\032\277\326\230\362=H+\013>\016^.\276\031K\033\275a~R>\327\252\320\246>\201\276%\013\027\276\336\027\351>\333\207\275<\322\322\306\275\247be>\243F\364\276~\253\236\276\307go\276?B8\276\006l(=\222\243\304\276\265\211\343\275\026\302\352\275\270\032\217>c\234$>\0264\243\276AF\211\276Y\361\241\27652\243\276H\207\325=\302S\331\275\233\253D\275t-\025>\0024\241\275\314\227(\276\200\020F>\321\204\221>#\306\260\276\350v\321\276wt|\276Z\316\230\276\255v\257\276K \321=\"I\247=\316\023\353=\274~\214\276\007\347\273\27656\216\274\007\216\341=\342\207w>.\271B\277\001\347\370\276\031\007\333=\223\210\275\276\025`\313\276\341\316\034\276\322\275#=A\001\270\276\217\016\361>\235n\345>\321M\307\276I\224\262=b\330K\276\n\314\220\276[\036A:l\332\206>\237\345J\276Z\347\222\275\203v\354=N8F>\254\024\236\276\221\371\245\275\263\010Y\276\021~\317\276!\247|>\310\021\251>\325\203\256=Ys\225\276K\252`\276\357\301#\276\301\213\243\276!\211!>Z\310i=\030 \024=4#Q\276\233\356\013\277`\221\215\276K\336\222>\201\270B\273\220f\255\276\307\333\252\275\003E\315\275\317\315\316\276*og=!\023Q\276\220\367N\275\220\306\027>3|E=3\252\347\276\220\\\221=\364\340\t\276Nq\363\274\202\206\320\276%E\020?C\251\375\276\327\363\024\277z\326\235\275\315\003\205\275\222\3726\276@,\306\274\217t(\277Mu\254\276\226\023\324>\324\234;\276|U\'\276a\334r>\304q\265=\243\335\316\275\263S\031\277\021\244\225\276\325\236\216\275\253?&>\217\343f>\303y\350\275\005\2042\276\001\027l\276\221\216\260>\313_+>\336(}=\214\220\003\276\242\007\235\276\376\270}\276\356\353\203\276@\326\274\276\202Y\216<\314\035\230\276\027]\262\276P\345a\276$c\037\276\333\252\017>\365\242!\276{G\337\353\233\270\275\334[p\276\270o\247\275\242<\201=\345k\374<\225)\020=\017\224\r\276\260\347\222\2760\317\210\276\025[\201\276\347\214\205>\\\206\237=&[\241\276>({\276\304W\365\275\231\027B\273\272ts>\021\277v>\366C`\276B\352\030>\020\346\033=\'\301\226\276\355\373?<\265>\264\275\265@\310\276R\203\265>~\232(\276\214\233)>qX\266>\367\035N=X\214p\276\206\330\304\276\363\272\274\276W\030\346\275\376\3325\276\354\204\017\277Z-\021\276\303\306\302=\360]J>?\371\232\276\267\253\306<\262\262\035>\311g\004\253\377\261>!\206\322=5V\310\276\243L\214>g\312\364\275)G\017>\354\025\376=\335\355z<\321\013\366=o\010\240=\222\313\336\276de\\>]\235p\275\373\250\n>\321\254\250\276\345\212\002>J\3004?\273d\230\276E\266\244>r\024\027\276\213\230\242\275lc\017\276\000xS\276d\221\352\274A/\262>il\216\2761j\312\276\370\202%\276\376\361\277\276\263\353\341\276v3\303>\236\240I>{\007\255\276\366\327f\276\017\264p\273@\254\006=\254\010>=i^8\276\220\354\374=\366\351\016\2762\352\231>o\031\007\276\326\n\212>\330:\374\275T`M\275K\356{\276\266L\037\277\\\241\365=\371r\320\275\231z\267\276!\nV?x\303\207\274\t\376\306>\205\203\234\276\036s\311=\311\255\345>\320>J\276_\267\300>\364\316\243\276\234|\264\275-\251\250\275\217-\334>Cq0=|#\345>\310j\323\275w||>\212\316\370\275\276\337\262;\260\310\216>\351o\221\275_o\235<:U\315>\204F\302\275l?|>V\313\323\274\216!\022>\270.5=8\267S\276\372\031\215>\342\241\207>\250\346\027\276\336D\235\276\315\035\013\277\327\361\233>\375\022\243\275x\002\364=\327\021o\276\340\232\001=Y-\222\275v\233>>\317\273.\276\264\010\316\275\010\022$\276\215\001\315\276\351P\274\276\343\216\202\274\376x\004?\253\177\365\274F\230c>\371\216\210\276\325*9>\007\251\376>\257\206\006\276#\340\320\275\241\020\022\276\330\302\340>\177\nV\276D\030M=\262u\304\275O\321q>[B\365<*\302?\276\304\276\260=m\352V>\201\355\231>\304\370)>\242\375G\275\270o\277=\320\001\217>S\273\273>3\216\365\274}7\342\275h\277$\275\372\213=>Q\243\232>\003\375\035>\370,\234\276\2151>>\034+)>\320Y\271>p\r\264\275\334\232\003\276\215\350\343\275I\331\024;\2273\207<\201\364\210>\302\312\000\275L\276\330\276(=-\274\250\306\322\276\216\306\023>,\034v\276\257gm\276\306\234(\276\377+\257=\004\334\364=\317\300L\2766/\240>!V\t\276#\362\177>\276Q\251=\305\001!>\262\365$>!G \277\256V\273>\240+\n\275\352\210\336>J\222\000\275\263\316\212\276\206]6\275\315s(>\220\313\326>\263\264x<\361\272/\276v\t\300\275y\232\351\276W\005\210=\263\213e>vq+\276\3669\245>t\221\351=\242\372\355=\274\374(>\337\001^>\213\343\276\276Gq\002\277\366lz<,\302\204<\201\034\274\275\264\264\260>x0\305\005\255\317\275\334\307\210\276_\r\365\274&k\272\274u\352\006?\220>\210\276\030\253\205\276\022q\247<\371\213{\275\372=\022\275\336{\216>\331\353\253>\300\031\211=+\307\352>9^\301=\231\033\310>\206h!\276\t\337\337>\317\265n>\370`]\276\231\203\266=\273\244\241\275{\177%>;\267\224\276@\356\244\274\265,\334=\0270\233>6\330\216\276U*\313\276;%\367=\030v\024\276\207\272\264\273 \267\222\276\020\016\322\276C\361\375>\2074\036\2757\017\226\276P\303\302>C\360\207\276\231Q\316\275\330\341\252=\335\320w>#X\006\277@\312\305=kT\355\274\030\320\272>\307]\032?\370\276\373\276\203%\306>\223\261\242\276\235g\224\276\001\307\r=\016\270\263>\2771-\276\n=\311\274\354\242\277>+\033\301\276-\024K>\370\307\351\276\301\251\021\277\342<\201\273G<\205\2760\n\331\276L\334\271\275\234\214\036<\2078\033\277\362\005\303=f\323\\>e=+\274A\203\335\276D}h\2761\334$=\300\027\371\276\224g@?O\323\305\276=\177\210\2762\354\022\277(\357\000\277o\371@\276\366w\334\273_1\226=\336\217\036\274`\350\306\276\225\341\314\276\314Z!\276\377N\017>\240G\210\276[\234\214\276\303y)>\007\267\374=\353\276\266\276\022\276N?\343\202u\276\034f\212>\024\323\232\276\322\010\007>\021\2115\276\257\354\034\277\213\260\212\275\233\200#=3\335\017\276\354]\266>\312\345\307\274\306\345\177\274\202\030^\276&\0056\276\025e\323>\265[\230\276\r\353\031\276\307(y\276\363\201\"\2759\372\016\276\326\244O\276\223\307\310=\030\023\276\274\222 \020?x\220\226>\204\347\004\276\2611*>\214\272\221\276/\2074\274\370\342|\275/z\254<\226\310\366\275\t<\336\276\021\3250>\377\344\237\276d\005\032>\006\031\341\276\224\r\327<,\t\331\275$5\360>\246\205\016?\037\026A\276+\010\t\277\363=\026>\226}{\276\231\200\310>\255\336\356\275\034\230\364=x\305\024\277\246\305^>/\341\221\276H\314\327\276\352*\230\276\211S\270\276]\237\221>\307\327\356\276\337yk=\222JP\276\246S\305=%\230\'\276\343\242\306\275\264\272j>\302\362\207>\214+\321\275\005hZ>\322{\260\276\241\017\036\276\331\227\263\275\356\213\001\274\312Mc>\027V\024>\372\357\210\275\345\254\t\276Ez >(\036\275\274\002\253\363\276hfW>\020~\203\275\344\020oB\215\304\276aj`>\213K\247\276C\233r\275B8\024\276Rj\242\276b\357\376\276t\'T\276\342\2511\276:\273\207>\235\021\"\276o\201f\276\010\201T\274\034I\036\2768\022\354=sb4\277F\344\177\276\206\254\013\277\376\277\000\277\205\034E>\010jp\276\335N\244=\017w\245\2754:\t\276\211d\275\276\245\207R\275\345e\001\276\032\224\365\275\317N\310\276\022bg\276@\004\226\276\315\344=\277\312\010\246\276\315\226\376\275\327\322\323>K}\347=\350p\277\276<\200\240>+a(\2766U\"\275M\330I?\221\206\333\2760D\"=\034j\204\276\271\312v>\007\346\235\275-\214I\276\241;\262\275 @\254\275\247=C\276$\033\265<\n\320\031\277\334\256\013\277\227\035\301\276\207\305%\276\256\310\034?\275\314V\276\336\237\252=\353C\362\276\225]\034\276K\013\204\276\317Gl\277dK\244>QWg\275\3459w\276\371h\021\277\r\354\345\275r\304\241\276\274%\202\275\232\271D\277]\335\025>@\344\216<\221\326\241\276\210\211X\275%\212T<\243\247J>\247\230\346>J2\343>\017\233\341\273jD\251>-\336\233\276\024z~\276|\274d\276\366\332%>\267\2426\276\001B\317\275)M\017\276g\332&?0<\035?p\332\271>\035\341B\276\256C[<\227\305\340\275mAE\276\226\007\324\275C\300t\276\007\250\245\275D?\217\276\335\231\240\2757\\o>\313\2441\2761\312\213\276\033&4>\006!\205\230q\262\275\247\025r>]\332F\275C\003\004\276RN\\\276_aS?\266\217\231=+\372K>\303\264:\276#0\374\276L\221\215\017\266\033>`\274\246\276\203\024\303>+\347\226\276C\202|<\322\325q\276\3218T\276\033<|\276\214\303n>[s\261\276\031\032\310\275UI\311\275\010gf=\2757\\\276v\235\345<\376\304\'\276\033*\335\275\220\2569>z\301.\276\316*\203=\274\027\332>\344\376\202\275!\320\\?\3733\334<\340(\036>\2001?>\026\243\337<\215\033\233>,jd\275\302q\302\275G\n\177=\2060\353=a@\025=p\004 \275\211\270\220=\370\247\376\276\224-*\276l\006s\275\252\270\036>p:8>\300\264\002>a\030\246\276-\361\033\275\036A\027;\362U\024\276\262ik>c\247H>\304\233\002\275\246\007O\276\205s\260\276\277\336L\276N\241~=\021\331l\274\362\204i>\265dn\275\013\210\222<\004\344N>e\323|\275\030\347^>\254\2505>|w\324\276\237q\222\276\266\3156\276C\323#\277kEy\276\312\242T\276\326\326\375\274p\003\273>)I\023\277\237\232\221>\177D\036>\377[\214\276\301\216\006<\211\007\244>)\\\222\276&G\364\273\005\261\244>\037\206\212\276$\"\266<$\037\213>\312\331-\275\231\252\250\276\245u\017?t\215\306\276\2671\237=[\317!\275m\276V>\000\347\373\275\233\036\366\274\240;\211=\343\232\235=\260\213\210=N%\274>\014\r7>P]Z>\312G\275\275\203\362,\276*\263\202\276>O\211>\036\253\035>\232\016d>\323\357+>\245\2302=p\301\220\276C\253\270\276B\273\336\275y\r\314\2762\241o\2753\003\212>\025\377\364\275,?\222>C\262\025\275\332\365a?C\225\002>\037gu=l\236\332=^L\226>\220\037\317>\002\327a\2761\316\210\373\253\'>\262M5>\236\242\037>\230Ij\275\2766\n\2779\254N>\214\336_>\255\246\336>d\247\376>\341\232,>&W?\275\"N\343=~\274\036?\353\361{\275\330\254\373>\361\362==\266>\334\276\267\t\352\276x\214\251\276^|^?f\202\206>.\236\260=\\g\345>\000\254#>`\225\262>\3375\032?\205lc>\3022\210>\311\016?\275J\253\001?\364l\332>\243\231.\276b\243\315=:\322I>\304\227\256\274\343\354\277\275N\243\266>\241i%?\341*\271>\301\266\235>\366\311B?\305NO\276?\335\264=\001\334\007?\327\320V\275y\253\320\274Fsw>A\360e<:\275\000\275\316E\352\276\327\342\275>?\350~>\345\335\212\276\302\273\236>&2\301=\316\266\221>\002vs;\373%#>]^\241>\303s\016?\366MZ\275\256L\330>\004\\\007?\242\303\323\275\2454\311=\375\025^>.#e=\037\266\216>\253D\241>M\340\241>\355\211a\276\031A\004?\266\222\\=\324\331\274>\024\nB>N\264\017>\323\017\375=\311R\331>o\271\241=x\\U\276\200\027\350\275b<\332<\217\226\300\276,\033\001\277\001%\010\275\273ol>\202\327Z>\241\240p\276/`s>\257E\361\276H\205\262>\231\025\001\276>\302\034>6\236\205>Z\275b\274}\217\273=k\231\244\274\362x\256=>=\001>\177\016\031>:T\033=\322\223\214\276\270\n\260\275\257\246\226>\277\346\317>\276\037\250=\223\026\003?O\204y>-\263$\276\344t\320>\210\252^\274\337\357\"<\306\220\352=?\372\">\327l\303<5\3362>)\340\305=\365p\217>\227\\n\27665\001?\324|$?|\251y|Eh;T|\206>\366\225\006?m\212_\276\322\312\213>rAl\276\240\351\266=\330\006\303\273\345\270\256>tX\352=Y\300\310\275\335\203f\274\341\273I<\035\367\373;\203=\307>\363\376V\275\325\006\363<\252>\305>\324e\257\276\344Nu=g\375\363>D\332\222>U(\364=\324 Z>nQ\215=\006\262$>U\355W\276S\177\255\275D\213Y>V\023\304\276d\345\227=\262\350\252>h\016\346;\300Y\004\267\361\366\323>\217\353\223=\003\342\212\276\211\231\216=\323\220b=\035\0000?\034\356\357>dc\356=0\037\322\276\223\304\337>\372\313\317>\203m\021>\n\264\031>}E\212>\373\254\027\276O*<\276\351\224\361>\213\003o>\027C(\276\013= =\341\236Z=\016\275|>\317\255\270>*\275\200>g\362~>u\3643?#\224\251>\353\276\036?\366\255-?\374A\313>\036\205\310>\322\362\260>\002\322\320>\241*\307>U^\250>\262\341k>Hc\t?`\316\230>\251F7?\354\304\366<\377\360\226>j%\316>D\320\332>1\256\312>3\020\007?\203\214\335><,\030>\227\327\372>k\316\326>\261|\343>!\231\r>\026\263\240>\3573\363>mQ\367>\030\256$\276T\327\025??\212\324>\006i\357>\262\204\340>=\205\267>\312\364\370>~-\215>\227\306\334>a\243\274>\213\rE>\362)\033?\221-`>\233\253f=\037\353\245>?\333\353>\266B%>\3502\034?t\031&>\020\360\267>\363\0148?\334J\376>rE\010?-f\375=\022\3520?\202X\245>T\261\321>>,=>\325}\252>\013\263\026?\331\306\016?r\335\373>\nw\201>l\344+?\325\271\261\276\205\340\362>\023\245\204>]\210\364>\311~\247>\325\265\203>(\376[>\230\3420>\r\205\032?ei\235>l\347\305>\344#\210>\270=\360>\340D\031?\302=\372>\217\025\261>\255pm>\257\037\300>v\355\277>\274i\035\274\216M;?\216\306\314>D\246\347>\007\240\244>\304\255\031?S\031\010>\323\271\320>&K\321>N_\016\277\343\376P\276*\330^>\332Bq>\346dE>\341\252h>Q\223\360>\021Z\364\2755\242\336>\361\362\203>#\252\304>\351\345\036>6\327\212>\347\272\215\274\027\032\003?\302\230\026<\024+\213>]\213/\277\232@T?\357\247\305>\021=\003?w\017\341>\226#\247>\220\346L\276K\233\016?H?\204>lj,\277\342\025c>1\365\275\276\221\255E\277:T\201=A\020d>\003\217\002?\231~\327>@]\035?\354\245\"?xm\r\276\326\265\256\274\366\364\266>\206\014\001\273\013\235,?#\362[\276\006\315\331>\264\3779\275\256\2473?\322`\365>{\266\224>/\337\'\277\002\276 \276ct\010;\357Rq?\213\271\001\276\002\020\233>\032G\267>\201\250\035?\007\371\321>\025~\217>\332\347R>\246\324x=\326\371J\276\236;\020\277\261\276\037>\002\230\303>\266\270-?6w\253\276ml\006\277\366\345\260=!\212@>\237\2073\277\237u\036=\334P\231>g*R>\254\\\026?\0042\305>\266\240\340>\r\247\310>Pm\274>\212_#\277\342\347\271>\332\2316>\325\205\243=\365Hy>\231\006\"?R\212}>\006y\322\276\223\321\342>i\310\205>\"\253m>\226.\304\276\025\323\326>Q\n\273\276M\026\242\276\033]\335>\245\322\361>\022$Q\276\377\233\000?B\024\020?\177\007\004\276\300\373\213\274\366\211\341\274\364\270$<\223\227\t>\333\027\257>u\211\254\275\344\320K\276x\326\345\276\306\"\224>\242\231\364>\001\321\310=\363@Q\277,\214\037>a\213\303=\315y\265\276\235\304*\276a\037\247\276\201\232\013>\020\231&\276\214\365i\276\247~%>A\264\002?\002\r5\276\311T\366=C\2725=2\030\360>\264\262\244>E\376\372>\254\202\214>T\224V\276\261\236\273>\315\246\231>\213\004F\276\362\233\243>\350B]\275\336\364\000? 1\342\276\364\'Q=\t\266\006>\315\307\276=\274\023M\276\204\212->\016\355\213\276\312\003\357\275\364\005\034>\232\273\303\275e\177\037>\310s5=\354\200\264=j@\277>\214o\362\276\246\321c><\307\237\275\307\017D>0\274\010\276\265\014\230\276\275k\321\275\341\235\223\276\005\025\253>\2169\021\276\246\250\361>.\2120>\036\317\316\275\004\374\337>dh7;\032\201F><\351\352\274\223z\312>\332\343]=\321\023\025>\320\307\034>\0218\300=\240\226s>\314\2161=\3469\322>\354\377@>Q\252\341>\221\261\260={.\333\276\334\030\303\273\254\006\242\276\216m\205>,y\362\275\370#\260\275Cc\233>\013D\346>_\3548\276\337\311\374>m\273\202>\225\n\327>\214\004\271=\374\216F>\211[9>\335U\277=\340\313M>\250_&>\3500\300<\307q5\276\236:\201>b,\210>%\201A\276\032J\243=\304B\301\276\310\245\246\276\344\345R>\010\211\022>\217\363\032<\300\330$\276C\025g=}\256U\276!l\241\276\252=7\276\2131\304=\262\341\244\276\3114a=\3225\272>\275\345\254>RA\250>B\321\223=\016\014\033>\336\340\"\275\246\301\214>\276\022\315<\242^\370\275(X\337=P\237j\276\025!x>]4\272\275\350r|\275\357\006O=\366\016\223=\310\246\242=\223,t>\361\300q>;\324\234>\237\004\023\276\313\325e>P\340\201>\247&\237<\373i\376=\034a\200>I\034O=\246\256\222=Hl\232>..\235>\234\005\215>\322\247\211>i\256\014=\377v\252=\236\341\363\275\006{W\276:\266\253\274t\265\331\275\306\237\236\276\3253f=\373W\273=\306+\235\275\324e\260>\277\277\221=\211\241\250=\302L\325=\377\030\325>\343\207f\276\213\270\010\273\3556\001\2767A\340=a\275 <\002\020\204\275\254\030\t>\006mY>\373\351C>\351\215\316=\017\261\026\276\361\337I>\244\000\207\276\r\244!?\005op=L\301\225>\347\027\252>A!\201>a\367;=\027C\222\275F\231G>\025\330\256=G\006\200>\306W\375\276\255\323\270\276\337Z\337=\342\346\004\274\204\023\371=O\024\036\276\005\003\214\275\210\255\320\275\264\014\234\276\177\216\014\277\002l\357\275d\010\003\275\370\033Z>\362\230\217>\272\321%\276\300_\245=\275\217\007\277\370<\321\275\310gx\275\301\303\264\275K\330\331\273\335KE>J\342R\276\346\322\264>\301\274\346=\337\002\002>\3042e>c\342 \275\311\312\310\276\3462_\276\261e\210=\323\004\354\276Vg\325\276\357\351\226>[\215Y\275t$\261>\213\355*\277\031\302\273=N\327W\277$\250\312\276\367\016\223>m*e=\251\234\226=\023\204\027\277\260\036V?;\"\264\274\336\253\237\275\220\266\251>\310\201\274\275Dt\361\276\266Mk\276O\334\200>\246\316\030>J\313l\275\"8\221>\216\311\016\277\2426\024\276.M\304\276(\3476=\364\375\347\276\314\267\355\274m\336\254>\254\361\224\274\010\\\253>B\250\233>\374\207\264>a1\243\275$<\305\275\357\256\233=\270\302!?R\036\201\275.\235R\336\033\037\276\364\013\227\2769\n\264<\013\213\333\275\361\335;><\267\350=\373:3?\263\342\240\275\253g\250\276\315\277\">+\037\360=Y\222\270\275\261\034B\276\013R_\276\317\271\t?\017\267\312>q=\345\274,\220\234:g0s\274=8\025\276]:\">\251\277>=\362\354\333\2746\376\315>\253\316\266\274nJ\007?o\211\332\2755\341\243=\353=W\275D\036y\275\314g\242>v\203\245=e\322Y\274\352F\217\275\001u4g~\313\276\305hN>\331\272\326\2764~\021\275\303D\315\276a\324l>\223X\210=\336R\343>+\017\034\276\027t\203=\000=D\276\265\215\212<\377\267U\275Yx\027>\356\361\362\266\n\374>\331W\204>\215=\250>\263\307%\274\270JA\276f\222\336>ZUv>u\223\360\276\001RQ=\"D\223\275\333R\300=\007\032K\276A/A>C\305\201>Rc\302\276K\367\352\275\324\344\237\275\353J}>\034t\346=O\325;>\"\241\">_\277\316=\356\201\237<\275\350\304>\321\225\030<\341\020\244>\017S\203\276\253\322/>6\027\000\276\017\213\232\275\330\247\006>\376O\030>\000\216\276\276a_\016\276\324\\{\276\020\340\203=v\344I\276o\251\003?\363\364\005<\246]\260\274\016@\245>cL\362\276\3002\237>%\327\334=\342{B=\016*\203=\341k{=\022\202\006\276pPU\275q\226k\276\264A\202\276\363\022\232\275)x;\276\266~\031\277)6/\276\"\367-\276\335\311\357>\327f\351\274\t6\216=\3243\361\275\030\337\230=`\342\316=\254\345I>\003\332\221>\306\017\273>\253\350J?\330\251\n>\357*J\276\326\223\346=yk\273>E\023\362>(\217(?\236\031\026\277\265\277B>\277q\034\275\\G\230<4\201\231>t\246\346\274\302\331#?C\020\373>c\330\206=\037\367\010?\272\311\351=\031u\235>\316\366\372\275\'}\004?\305\246\002\2762\372\260\276\327\014\026\276\206OZ>\271\341m\275\"\261\336>\352\361\334\276\253\315+?z\214\032>e\353\240>\224\260\203> \346(>s\001\322>\302\027\256>\027$5>\022\033\235\276\030MI\276\271\363\203?\251\242\313=BVR=V\231\206=\016\022\375=\317\233^\275\022\313\277=\316\030\337>C+\205?\\u\314=\203i\242>k\233\361>\330\222\210=#x\030?\351\034\251>\036\312\023>\037\233\262\276O\262->\303\034&\275\210dw?\241\"\362>\265\330\000?\224\312~>\333\334\226>\357\366\347<\224\335\371>.ah=$\366\017?_\364\330>5\025\357\276_\310\317>+\032\350=\242J\234>4\006Q\275\337\277k\275\3205J?+\260M>\217\256\320>g\215\310>\350\0265\2765Y\261>\204\322\030>p\303\301\275\201\271\215\276\314:(>\322\010?>zr\020\276b$\330=\246G\034=$\311~>n\241\014>>3\036\277xX\273\276\224p\214>V\374E\276@\232\006?<\231&>C\323\305>\200\206\234>\370W\262>M\026\277>\253\272\220\276\036[t>{\324\371>\313\325\257\274\267\356\235>0\000\272\276\334[\211< \263+\277\323\334\037>\022Gs\276\\\010\316<\335c>>G\337\261>\0106\372\275\215\343\030=\\\321\211;BM\356\276\274\245\323\275\234\221\220\276m6\377\276\363\233J=\007T<>\303hb=\334\235\310>,\333 =\201\273\334=\236\251\231\2743!\005\276\341<\366<\320\361\'\276s5B=\032\215T\276\032DI>\032\260\362\273\267\336\206\275Z\323\013>\304\317,\276\375\261y>\331?\207;\330#H>\365\212\267=\220\301\212\276e\022]\276\246DJ\275!\371\347<\"\272\211\276\3600S>\346\343\021=\031J\372>\031\274\333=\007\310\214;\374\347\230\274w(F\276\240.\220>\2169\022\276\305\022\260\276cG{>!%\032\276\207Ph\276\216a\324=\217\277\340=\376=\022?\0065\202>\361\267\271=\357\306\367=\314?\374=\275z\221\275\311\0238>\320\037\032=[\346\200>3T\242=\237\3554>\276\217\377>!\342\236<\002\300M\276\356\223\211>+\326\275>\373\251\334\274\245\353\326>qU$<\026`_\276\260\3173\276?\003\202\276q (\276F\304b\277\334\257\341\274\005!\021\276\337\204j\276\310\021\024\276\335AB\275\031z\216<\341\327\r?\251(\037\276>\364]>q\000\206\276\365\352\323>k\023\233<\317\"\316\276\203\311\241>\373\215 >\250\032\347\274~\342@>\303\324\243>\234\276\322>J\313`\276\336\221\t\275\266*\261\274\030dM>\202n\246\274,\3356?\373H\022?\033\013\241>\276p&\2753z\205\276c\244@=\010\262p\276\346[\333>\267r\256>`\005\304>\263\'\376\275\217\020\211\276\340\306\241\275\'\371H>\002PQ\275\34073\275\322\275,?+0\335>\373\313\334>\201WB=7v\"?\370\322`\274?\203\t?\354\010\261\2768\306\">\200\032l>\317\316\336=\265\3526\277\200\251\027?\345-\351\276\272G\026>U\007\312=\324q\314=\2202\260\276\027f\342\276nW&\276H\342\030?\205\270\313=\353\375\014\277\016\240\321=l\202\224>$\3115?\266\301\254\276\006\350+>\004\363\212>\025p\336\275\373\267\270=\032N\255\276\2416\010>\206\363?>5u6>\337D\232\275\254\225\013\277\353T\241\276\233\362\262\276\037\002\313>P\2148>\256\245\217\273\2546\222=;\227\003?\355\211\002?\225\212\270\276\3262\330>\021T\031?g\025x\276exc\275\343\274\313>\022\306>?jB\322>\336T\003>\254\313\204=\344\273\250\276\320d\217\276\354\031\245\276G\277\326\275\243\261\235\275\367\023F<\244\311\215>\217\303S>ua\241<\244\375\334\275hpY\276\235,+\276\235@\311<\036\311\034\276Q\210\010?&\000\221\275\367 \353>\315uB\276\003\023e\275S\357\312\274\213\211%\276\"\307D>\312\340A>\240\000\225>\004Z\343<\"\211\034=\215d3>\270\036\205>\261\346\235<\252\204\004\276\036}\237\276\303?~\276 CB\276\304\274\375\275\205]$;\233\343\310\276\207\266\233\275O\207\001\276\034[[\276\266|\251=\342\372Q>\362\022\272\276L\267\274>2\224L\276\276\352\255>\255\343l>!\312\r>\252\300 \001<\033\305\236=/\334\027>b\313\027\2767\314\265<\324\336\037\276\252\2661>nF\355>M(H>\273>\\\275[\300\214>\033\261\232>\242a\030=\t\333\">\376\247q>\225\240\274>\242*\243>8\304\233=\304\323\213=\231\353\377=aZ\246\274\016\032\227\275\277\221\233=\210\364\355=MZ\r?\276\306J>k\2645\276r^\242<\225\301\277\275\217\250\266>\370\365\376=\367\005\210>\247\340@>\265\250\360>\211J\253=\334\244\246>\262\020p\275\373\206\311>\201o\365\276\226\253\366=;\245_>I\341\256>\230\031t\2762\355\224\376=\373\333\262\273g\315\345\276" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/kernel/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/kernel" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/bias" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 192 + } + } + tensor_content: "\356\370_?\204:8?\247\313\331>\007\277\007\317/?\260\231\013?\253\343\316>\230\021\n?2\252\030?G\n\023?g\325/?>_\036?\352\3620?\336n\036?\233\000\316>\003\0140?\214\310\301>\254\274\\?\315\247\004?\201\344=?\347\027\006?\343\006\005?\371\305\330>\307\250!?\3775_?\200\223\035?R\224\002?\024\362\t?P\256>?I@/?\002L\002?\323f\n?\337\215\205?`k\313>\010X\031?`\002\010?\323\247\027?\037\321\003?e\242\377>n\3349?|\366\332>7s\004?\334\313&?2\020\317>\326\317;?\352\365]?\210\271\037$Q?\225\177*?\0162\247>\332~\314>k\276\320>\r\3479?+R\304>\223s\037?\313k\355>Z#\025?\207\320\361>\302\t\315>+\276\362>\313s\357>N\3179?w\346\270>\361\275\245?\250\374\017?&\223#?Y\032\341>J\252\n?\265\265@?a\376~?\252VK?#*\344>\314qD?V\324)?\340d#?\031\021\016?\312\360\252>\221m\n?.d.?R7*?\251\332\014?\353\357\026?\304mw?\376}\327>\333\346\t?uw\275>\001\317/?\370\376\311>\263\027T?\326U\017?\253\332>?\245\177\276?\347\335\272?\241\344>?\n\313E?\227\364\211?\246\342C?\327\\\000?\361\312\224?\221\244L?\361\202R?C\3612?\350hR?\341\362w?5\367\225?e$\341>\026\312\242?\'s ?\037\336\322?\357\025??\304\370S?<\255\003?\276\365k?\353\2366?\337n\241?>\344F?\353\220\375>\340\367\367?\312\330\014?\261}\330?y*\341?%\243E?\251\321^?\232.\304>\354L2?\020%9?\316L\360>\220\202\262?\246\224\236?%\2578?\035\371\216?\271&\023?s7\240?xy]?*y\227?~F\306>\001\374*?@\016\033?\214\310\313?\306\247\317?+wn?\317CD>\300\024\224?\277\370\000?0\314\313>\2619\334>\032\367\217?h@\177?\343\001^?\236WE?}P\277?|V\257?\376+N?@|M?\346\224\356>\227;\263?\244\036\361?\275\3079?$\027f?l\214\317?m\007\225?W\nu?{\226h?\030\327\236>\347x\010?Y\266B?\323\232??#\307\221?pc\337?\346\231k?y\215V?\n\227\350>\254\006R?\230\203\037?\203\355U?\020n\242?u\320n?\030`l?0x\010?rl\276?\037\240\023?\346~\270?\301\220(?\312\340\005?\322\205\"?kz\315?\215\301>?" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/bias/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/bias" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/kernel" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 192 + } + dim { + size: 96 + } + } + tensor_content: "\333c\221=\267\377\030= \017\004\2767\010F>b\322\227\2733QP\275f\375g\276\334\023\006\2772\236\224>-\374\227\275\212\311!>l\302#\277\250Q\245>-\325\252>x\212\342=\327\032h\276\177\301U\276\377\315?>\320E\376<\346:^\275\252:\245\276.cy\276\202=\246\276\275\236\256>.\236\211\273\276\031\006?\221\363T\2761\244\324\276_\200\301\276\242z5>\212_n>\177\227\245<\232L\247=\373Q\300\276\216\006\016=\361<\252>\24567>\266.;?\271u\013\276l\264\354>q\324\205=K\233/\276&\261\023\277\204X\223>C?\354\276&\325X\276\2519\350>\231n\244\2763\271\027\276dj\022>&\302\324=\312!7>czp>\322\036\032>\240\254\350\271\327A\200\276-|o\276\344\364\271\276\375\266\366=\216\204\243=\376\244\004\276\366\370\216>3\n\n\274\0260P>\277#\004\277\3410\322>\315\026H=t\274\223\276\376\255\255\276T\324\211\275\357If=\312\257\355\273\321F\277\275\214\034\245=\253\025\016\275\200\255\370>\030P\001?\215\227\253=\302K\226>\250{\201\275x\331]>q\275\304\275\266\310\227>A\203\262\275\253YL\276\203\204 \276\346\2054>`\235\200>\t-\230\275;\330\201\275:\253\202>>\1778\277WR\221\275\361.\262\013\0278\276K4\035\275\3661\233\276\335\265\177>R\376\000>\356n;\275\322\372;=\350\'R\275hFz\276j\335n>}\316\275\276\202\r\201\275\016jC>i!H>-\023@>\222_r\275\017\326\250>\264\245\305\275\264\273\363=\236!\205>\225\234?\275\004I\032\276\\l\000\273\315\002\230=\373\333:>\034\026q\276D\300\001>\250\010\272\276\264\316\314\276\024\255L\276\352\230\222\276\016\264\233>\316\253\266\275\036\225/>g\276\023;\315\245 \277\036\025\000>\235\177\261\276~l`\276\374\203\235>o\r\001>\036\367\312\275\201\226$>\262\236\231\276?\374\246=\302`\333\275\232\307\032=\r\241\210\275m\306\033>\344\3358\276\204\375\326=Q\326\027\277\305\210m<\031\215\030\276^\367\223=P\311\253>\346\311b\277\335\\\357\276\246\361\026\276g\200_\276\342\237\007\276\313\\x>\n\335?\275\013F\005?\032\202r>K\261D\336\235\227<\3669\240>\370c\214>\354\352\217>\305\236\230>\260[\326>\026 \224>\225\036\333\276\275\205\337\276\317\325>\273\235/q=\017\373\266\2764\025\257>\244T\237=\261\274\n\276\356\214\245:*\252\233\276\237\305\306\274\224E\237\276\204b\364>\244dD\276\247:\301\276A\004\r\275\336V\332>\307Vb=o\375%>\356M#>\306\216\344\275b\343\262>\261L\020?\373fI>\343\216\017=\265\347\361>\224T\277=\3069\263>\207\225\242>0\000;\276d\035\206\276\026\'\302>\361\r\334<\241\263+\276\201\251\212>D\322\317\275\221\377\307\276<0\275\273%\323O=\006\236|\276,\256P>G\360\341\276A\211\226\276\3401\225>\023k\t>\320i<=\003\261&=\331U2\276\365z\324=\212\013\243>\346\234\354\274\260\331\213=\023\214&\277\301[\037>\035\227\324>\217\310\204>\365\303\023>k\326\254\275\224\2018\275\332\r\246\274\316\336\233>\032\360\014\276p\212b\2765D\301>/tq>H\217\363\275\362\0227\276\210\037\374<.K\'\277\023:\003?\331\210\340\2757\367\213\276)\203\275=\2039\311>\317e\224>\244]\203=\006\270\207\276\356`\344\274\006\336b> \233\271\27607\027\276$V\362=\223\325:\276Iy#\274\335\245m>a#\252>T\0366>\366\264\'>\202q\004>\251\262\226\275~-\212>Y\030\n?}pp>\231:\021>\\\370\022\276\326\366\013?&T\236\276\321\032\r?\323\204\263\275\024|\022\276L\375\357>\203\215\232\276\277\n\270\276\206;\000\274O\245\004>qZ\365\275P3K\275\301;\256\276\002 K=\376\261\026=\333 \330=E[\231=.M\013?5sz\275\231\324\203=\217Ok<\220\034]=\333\365&<\341\336\312>\036\264\020?\273\240\305\275P\235\001?\026\355\n\276\340G~\275\233\343\200>\335\277\220\276I\277\007>\202P\222\276\347\036\017?\254\314\\\275tk*\277\310:\035\277\277\355\375=\334\342A\275\323\030\225>y\002:>[V\230\276_\262O>\251\323\336>yo?\275\342\350*\277\362\315\212>SW\364\275\034\213\265;\242\000\005?\r\227\314>\315\035\324=\204\364\205>Sd\203>Z\316.\276\251\374\242\275\322\352\002?\3435\240\275\032\003\260>\275\243\242\276\317\177\354\276\260\377e\276( *\275\332\311\030\276\235\344\266>\250\230\024>J\344\336>\356\356I>\275\316\215\276:\370\227\276\002\232\t\277R\274\357=f\036\003\276-\353V>0\263-\275\36735\277\2321\305\275,.\207\275\204\320\334>?\215H>\004\010\001>\243t\242=\350\352\232><\300\324=a`\320\276\363\215\222wS{\2764\n6\277*\226\033>\231\371\263\276g\"l>\307\371\326\276P\0343\275\2550\353\275U\366%\277\"\257\220=\207\245\237\276S\311\020?\022\277\332>\376=\255\274\177\021S>T\235\315\275\023eA>\353P\244>\205\320_>\265\355\310\275%V\014=%Y\253\275\347\365P?\327;\312>\004D\237>v\263\275>\256\226{>\335\007\371\276\200\202\206\276G\343\305\276\300d\302=\005#\225>\310z\217\275\025#\247>\270\227\361<\374\234\023=:V\001>y\263\n>\034\nQ\276j\336\327\275\355}T>\343 \310\276\300\325:>\210\301t\275m8\272\27643\205=\036?\204\276\315\306[\274k\\\026\277\361B\251=\370]\343=9\257\252\276\353<\317\276\003\311Y\274\216\025\316\276\'y\027\277\036\232\231>7~E>\205\226\017=\020n\022\2778\277\217\276\016%!\277k\003\331=\272\330~>]j \276H\350^\275\327\210\227\275.!\020\2751A\007\276\206\312\213\275E\276\201\274\037\007u\276\001\220\247>\202\276\025\277\341\253\236\274\033H\002\277\010\313\027>\244&P\276\016\336\305\275l_$\276\262\r\245\276\333\265\007\276y\372=\276~`\021\276\303p ?\034\240\205>]_j<\024\210S>L\313q\276O\362u\276\007\233\004?\250>e\275t\022\201>\206*\240\275\001\326V>S\216\203=\304V\335\275\372}\312=\320J\244\275\201\3465>\307C\247\276\363\274\213=\244\265T\275#\215\'>~;\311\275P\360\262=\215\317\363=$\200d>\037!\227>kx~\276\337\311\245\274\356\255Y>\325\352\301>\036\350\346\276\225\333\\=\020\301\007\276\254\307\343>\227@\030>?\007\004=\263X\347=Y\231\001\277\345]\n>\2363\223=J-\313\273\t\024\201\276AE\275>\257I\010\277\224Z\024>\367\256\215<\313\245\251<\237:{>\261Pp\276\347\026\345\276r\315\377>5\3212?\362\2532>S{\'\276=\203\224\276C\305\223>\230|\240\275$0\024\277\221\023\355=\1778+\273\233\023\243=\331\223\000?}\304]\276\233T\277\275Z\224\264\275i\332\315\275\327\000\254=\265y\232\275\032+\311\275\213A\031\277\37564\276o\025\000?\214f\216=]\3771>\343t\230\276R>\300=\225\021\010\276z\"\304\274\3348\247\276\307\231\376\275^a\243=\222\360\004>\320o\017\276U\357\215\275c\200\225\276j\216R\276\202\235T>ps\277>\0267\014\275\354\315\024\276i\001\362=I*\217>\334i\"\277\244>q?\000I\300\275\346\265\207>f\177\231\276\307|\377\274\315e\217>zj\005\276^\366\032>\335\024k=\206\0340>\231x\370=\3618_\274\252\321\214>\320w[>\341\262\001=\342\002P=e\235z\276\361\230\257\2767\264\202\276\331U%>\263{\213\276\300\322/>\366\001\200\273\035y\253=\014\034\356\276*\3358>\241\261\017?\204\014\002>r\316\211\276\216\221\027?\357\267T\276\200n\216\276\304(\201>i\022\227>\300N\265\276\235_\200\276\312b4\277\371\n2\276\246\333\314\275\0139*\275Teb\276U\035\311\276\n_\203>\324\277\022?\337y\254=6\247\203>\212\t\271\276\307{\035\277\300\025\314\276\247\327\240>\350\234.>\360\350\200\275\274\266\336\276\243MB\277\026\317\226\276\272C\221=\214\033\205>\365\026H\276D7F\275\312\371$>\314\304~>9\237y\276,\264\037\275\206\244\266=\267\240!\276\361\311\302>-\255\013>\020d%>\017Jd\276\326\247\001>Xc$>\251\244\'\276\014\334\317\275\334# \277\320\031\327\276-\331\265\276\2372\n>\";\214\276\362-\242\276rjd>+o\212=Ts\210>D5G\276T\n\205\276\377>\177\274\323>Q\274\023\023C>\265\273$\276\'\316\227\274\320\346\246=\317A\240\276\204\305k>\335\013\265\276\030\t9\276\264\244\030=\277\263\377=\003\206\334\274z\323\255\276\357f<\277Ol\313=\033\034\337)N=\241iz>=\233\024?7\335\311=\235\236\225<5AS\275\2270\312>V\270\'>\265\3215\275.%\321\2747\237\211\276\177}\036\276\332;T\276\027\005\024>\007\036\327=\360SP>J\007\252\276\327\232\341>@GP>c\3229\275\3033.;\376\371\345\276\361\334\333\275o\263\220>\360\330n>\027\306\260\276\331/\032>\"e?\276\325\327\262\276\017\276\221>\325n.?\026\331\277\275\347\002b?\327\013\3039<\262\005\277\372:\237>\271k\255\275)\\\242\276$C\035\276\323\275f\276\250\204o\276\312\232W>6\022\217\276\345\357l\276\0004\n?\017\231\030?\327\274\305<\330\353@\277\331\326\023>\333\2477\276s\004\035<\372\336l\276\265n\213\276?\302u>\311|1>\3016\360\276^\270h\276\377\005\345\273}\242\353\276\n\307\210\274\222#\337\274\213\264b>\266\207\032=\\\324\246\275\316oJ\276\374\3624>\220\213\360>o\313\367\274\230\314\342\2750H-\275\317Tq?\332\272\243\276\"\274\024>G\307\321>\243\253S?\"\336[\276\330\247\'?\200=\231>\2060\330\276\326\376#\276l*\224=]\010\252\2761n\222\276;\243\266\276\016\t\213\275\346~\246\275j\211\t\276\2300\303\2764s =E\363\264>\357\373\326\274\305\202\273>\357\201\230\275\276\264d>\337\370E\2763x\370>\261b\345\275@\316@>$w\371\275\022\314\306={\337\006>C\377r\276U\035\202\276b\243B\275\335u\304\276n\201\330=\325\n\002?\232nZ\276\214i\275>\352;z=T\255J\2767oW\276\203\254\200>\222\221\026?\020\007~\276\013d\367<\230F+>\352\004\227=U)\233\276\231\321\257\376.\370\276$LZ>\220f\013>\247>\266\275M\321\336>\362F\262>_\262\016\276\315A\267\275\261\3300\276\347\363\010\277*n\234>\\\214~>)\232\255\276k\245T>\355:\247=\312\0167\275\360<\274=\010\214x>\322\314\320\276\257\347\324\276D\316\277\274Vrc\276.?1>\006\255\\>\206Fb\275\031l\374>\274\017\372>e\230\025\277\341\340\226>\244\007\320\276\340\372\213\276\003_\034>[\302\260>\245\226%>g\004K\276\254\014x>\324\353^>\243l\017>\347\374\202\275\313\316\'>\371\023\206\350\345\276h\275\007\276\327\251\272\275\244\030P>d\215V>\363F/\276\030\332\244\276\347<\277\276\036+P\276\013\362\312=\nY\215\275S^\014>\202v\346w7\363\276]$\222\276\332Z\024\275tb,<\363#\350>\000\373@=\302\303\271\276T#\273\276n{Z\276}\361B\276\204F\317=\256\220\256\274\334\263\'=\345\317\370\276\344\375\t?u\230P\275:Y\246\276}\2572\276\033\204 \276j\252\300>\372\360\213>\360\310\224\274\352\227)>\"\273\225=\275\257\001\276\371z.\275q\364W>G\241\202= \037\325=\320b\013\277\2578\252\2760\005\205>f\256\367\275!D\006\274l\271\t=\234\365\234=/\334\245<\t W=\262\017\305\276\252\371->\346G\013\277\225-_?\240\375\305=\276\231\230\275\374\t;\277 J\034\276\315\001\203\276\215\371~>PQ\246\275\372\260\323>J\374\343>>\246\374\273s \241>\010\353\026\276\242\020\236>u[\324\275\330\0322\276\327\271\t\277\322\375(\276|\220\260\276#\217\223\274\371O>\276\014J>\276\321\213 >r \262>\350\032O\277\354:\235\276?\322\026\276\033\351\314\275\357\260\275\276s+\231=\026\210\010>\303\345\204\275\034\026\311>}\367u\276\3747\274\276\342\177b>\177\274\027>\245Jv\276\376\365;\276W;\212<.\007H\277A\247t>\251\016\346>\022\370|>\217I5\276\271^ ?\211\007\373\275\350\351\026>\350#\002\277\206\332\270\305\025N\276\262\206\241>id\200\274\n\211\341<\252\225\n?M\224\306\276\244\272e>Z<\331<9\353:\277\374\n\362\275\303\307\237\275\303\352\177\276\222\0045\276\202\361K\276\235+^\276\307u\006?\251\327\304=\276\221s>\037\320\303\275\266U\243\275\037Y\033\276}6\357<\204F\217=\010\372\206\276a\300\202\276g\327\205=\363\225%>H}w>C\034\020>\372\332^>\322\356\201>\017y-\277\364\371k\276@\326\256>\'\377\256=\000@Y?\220\270\n\276\336c\225>\030).\274I\234E\276\024\341\361<\375\266\010\277Z\251\257>\242cW\276\334.\000>c\317\\\275\3537B\276\235\016\210>\310\240\270>\227\026\211=l\2643?\2628%\276\341W\276>\036\035G\276mH \276\177TZ\273\337\014\034>\336\022\021\276\033\320\272\276\331%@>\021\026g\275y\030\210\275@\217\276>\277\3458=\350.\262>\300\332x\276\312\275(\276\021\233\211\2768\303\343\275\332\004\035\275b\341\260>%p2>\250/2=S>\233>\2052t\275\354+\201\274\201v\204>\222\225\177\276\226*\217=L\302\302>\234I\233\276:\311\316\276)\375\217<\376]\226>\271\256c\275Qq\321=\\|\216\276t\036\006<\352\261\370\275\005k\374\274\r+@=\263\3323\274\264\327n\276\375\020\226=\357,9>Qm\247\275\265m\202>\314\334\035\276\377j\204>Y\264\322\2744\277\367\276|\016\016\276\035\262\314\275R\233\"\275\301l\r?n\'\362>\253\202\337=X\246\272=\243\246$>\t\324w>\342\t\020>\272\254a\275\205<\213<\363x\210>D\017X?0\002\017\277\031W9\276P\344\322\276dX\361\275\251\341\254>W\350\335\275+\177\203>\371%\213=\003q\004\275\r\303]\2767\316\316\276\346!\274\274\037\033\006?~\0056\276\036\233\'>\335\355i\275\004tG>\370\345\234>s\304\314\275\225\263\315<\263\256\247\275\024\377\376\276\277\356\014>\006\t\243\276\252\201k>\357\226\023\273\035\243\267>=\036\r>\t\301\316\275,.\020=\005\022\374>f[\037\277\306|\216>\215\247\353\275\327\231M=$\330\303<\035\355~\275\273\016\215\276\301\025\225<\000\262\371\275\244\320\215>s\324\r\277\263K\373\276*pW>\305\265\010\276\323\350_\276:\352\311=\376\226\034>\305\323S>\231\265\253\276\326\025x>\004\346\230>\347\005\234>\245b#\276W\356\237=-\367\006\277\275\222\371\275f\376\377\2767\"\n>.e\356\276v*\325\276\307V\256>\177\323\366<\347S\242\275\325\305==6\336)\277sh\250>\260\216\351\275D\\\337=\227JG\276\260\224\217=\250q\333=I\2559=|\014\373>\225\014\001\2761\325\271>,\3429>\320\275\326\276\242\255/\276\235\034\250=x\320M=s\227\240=\205\250\233>-\272\330>9\206H\276B\355\310>\023\265\005\274\021\246\002\277i\371\t\276\010\357\242>i\361\016\276I\'\r>\332\372\300\276v\255\334\275\236\177Q\275\215\224\261>\000\376=>-\253\351>\333)\215\275\025\240Q\276\330iP\276\366\221\335\276\341\001U\276gl\311\276f\230\377\275v/6>\\\322\355>\0365_\276\204\373\331\276b\255\317\276\232o\221\222\345\203>+\220b>KN\312\276|\026\300<\254\330\252>D\306\005\277\372\330Y=\202\241\\\276SG$\271$\230\331\276\357\233\004>\271\014\014\277JAV\276\252\206\210\276mFW\277\255\">\275A-\">\032q\246>\225\264\255>n\223\005\276\311\230\r>\201F\220>\364\026\216\275\261\321]>\246<\270\276\214\2223\277\003\360\t\277F\305O\273` \325\276=\013\022\276\3369$\275`\311\317=-2\021\2767E\330>\337D\233\276\227s\013>N\r\003\274\324\366\031\276\3501\316=e\223\270\274\375\220\261\276\250\211w>\253\212\311>\202\337\033\276\214h<\275\nw\240\275c\276\264\276\345\036\362=\343\225\247=*\007\026\277\026\213\027\276iEd=\375<]\276\351\'\016?\262 \226>\253\372u>7K\215\276\322\263d>\024\222\314\276\025\356\251>\222\005\327\275\354\001\007\277Z#@>=Je>t\210\275>H\305\243<^b\007>\326E\177\276\'\365\257>\362\211\340\2757\257$\2765\017\335\276\316\365\322>\321\n\203>u\335\014>L\013\357\276\373Q\201>a-\251=\t\306\307>s\334\342\274\340\025\265\274}\323[\275\0354\">\217J\345=\277H^\276Sc\032\276\371\026T?\312\270>\276\274\234\246>O\274$?\t\327\356\274u\266\242>\205\320\013\277\323[\310\276\352\274\036;`\334\214=\261!\000<\314\236\220\276\2018\277\275\022I{\275\355G.\275\234\037\306=\271\226\230\275\246\215\332>K\370\220\275bt\242>\tIZ\276\261/\250\2767\366C\276\352[\202\276\352Tt>\374\343\270\275W\271\"\277\344\221\007\277\277\230L>HE@\276\263\034\351>\362Q\247\276\001z\367\276=\r|>1\206\251\274\021R\260>\rJh>R\200\020\276l\231s>\331\342\256>V\263\262\276\263\322\225=)c\t\277\250\214\001\276#5\256>\'=c>\324\373S\276\273\352U>v\n\037>\216\212\025\275f\336\202\276\251gj=l;\026?\005U\243\275K1\302>\253fN>\000o\017\274h\237\023?G\374Y\276O\020\227>@\252\324\275&\035\324=\375\230\306=\226\312\273>8\350\">\010\\\021\274c\255 =Vq\267\276\257\323\215\276\356yo=\247\035\002?>\242\207\276\303\270\262>\003\242\202\276J\027\005?\212?\235\274\362\346\016=ub\263>\265\2654>\036i&\276\0337\266\276\t\245[<\224\016\020\275\354\353\000\275\343\024\214=\237\334\302>\234\265\223\274\251\273\245\276\215*\266>#\321L4\277\027&]m\221\331>\267D\021\277A\363\027?\2028\315>\326e\">QT\374=t\207\314\276\224\342\307>\035f4>\001\307I?T\233\257\276\234\0208?\322\013\262=\242\220\001\277.\226\235=\217Hc\276\252\203Y=(\257\364\275\336\026\274=\371\325R\277#\213\220>\271\322\346=\247k\207>l\327\313=j\317\352\274\230\245\273\275?\215\017>\027\353\243\276\000\253\256\276\341\255\036=\257\364\036>\013\032\265\276;\030\222>3\326L>\200\335\351>\301jO\2760\316\373\314\233\321=\273\215\324>#i\346=[\250]\276\310\211\027=\211\rP>\244_<\276R\312\030\276k\026\215>J\010\271>\206\331E=j]T\276\353\243\274>\217\354\006>%\245O\275\033\\\030\275\245\217J\275\266T\241\274\311q\233>\261\350\212=\276\324E\276\365\016\013=-\210\262vR\253>mG6=\215\3502>\203\220\000\277\214\260=\2769\201\013\276p\304\227\2766\220\224>\357\206\r\277CE\210=HA\205\276%=\020?]\306\215>\217\370\267\276\215G\030\276\340\256\313\276\035\211\362\274\225\312\242\2764<\203>\rfx\275@\322\227>\263@\215\275\352\020Z>Y\242u>T.\016\276\203\352\332=\025\001\245\2753|\233>&\014\364\274\256\270\200\276\244\263\003\276\252\005\017>Yc0\277\365\231s\275\344$\230>\036H3\277$N\314>Q\376 >\241n\315>aj\334>=\000\260\276OJ\253\275\353\370+?\356\313\252\276\264\023\216\275\302\223\014>\212\334S\276h\034Z>I\003\030\276\374\300\230\276\345]\026?5\351\264\276\220I\021\276\326\377\241>\320=u\276\267o\243\276\234%)?\375\017\331>\224\264\307\276O\313\206\276\233\242\373\275\203\324C>\357\351\373\276%=\020>\347\232\312\275C\031\350\275v\334\225\276\263\300\374\276cr\303\272g\260\243=\347T\377b\261\t>`\205t\276\215\243f\276\375\367!>\313^\202\276aDS>\202\232c\276Vq\027\277\017\201\336>\343S\215\276\200\333C\276\231\362.\276\351\254\270>+|\020\276\313\213\210>\204\002\226<\372-!\277\332m|>\273\327\025>\226\\\366=\264\273\256\2750\313\007< \323-\277p\026}\275\343\206\373\275\360\244}>\315\037\243\276\207\333\212\275mY+<\261V\225>\346\256\205=kw\327\276\201\004Z\276kIp>\236\377\353=$\260I>\320\370U\275*\001q>\237\300H\276\271\353\337)\013\247>Y5\307<\207\362\031?\311|\303\275c7W\2461\370<{\370\245\273\375\336&\276-\"\335\2764\205M>?\305\377\276\222\311\220>\224V\027\273K\325\223>\361\2134>\371+\243\276\362\266\206\274\272\255\010?{c\003\276e\010\263=\235\376\214\276\204\233\346\275\302\302X\273Eq\276\275\374\t<>\305e\237>Z\211\374\275\217\271\214=\204\301P\276\314\005\330\275\334B\242=@E\n?\261\247:>\361&\211>\t \212>tA\331>Ev\034>ZV\360=\356\210\250>\371\235\276\275\325W\016>\377\262\232\276\342\204\334=\225z\312>\312{s\275\321@v\276S\n\256\276\342\336\205\276\304\300\233\276v]5>\023\277^\276\246\301\013\276Xb\035\275\227\300\356\275r\346r=!\234\022>\267\304\225\2767\216\266>\010\222\266\275\220\010\271>0\317*\276\\:\'\276\010\311!\277-\253[\276l\375\324>\320wY:R\276\233;\226\214\262>\266^\372\274\014\270l\275\n\340\232=\377\326\360>\363\235\314=\334l\366=\002W\307\276x\345\340\275\224}\344\276\337.p\274\177\361\234>\001\027\254\276\3220\022\274\345\253\201>\0173\210>\266XH>\304\337\216\275\032/\020=\010\272;={#\252\276\275\024\346\2748\333\030\276$\361\243\276\3236\014>b@\377\276\257\265\352\276XP\232\276(\326q=R&8\276gb\247\275U%\260>L\027\341=\016\310[>\351\221M=\225\232b\275\330\036N>L\247\336\275\221\374\201>J!\241>\004\3133\276\t\271\211>\323\316\342\274\324a9\274\334$G9\024\205\272\274\3036\207=\350k]\276\0103\353\275\216{u\276\265\372d=\3533k\276|\304U>\233+\'\277{I\321<\036[\244\275\221\337\347\276\213\231 \276\275\350W?\024\244\311>\221\341\016\277\344\352\033?Be\331=m^\271\273\342\235\362=@\244\307\276\327cu\276\264P\'\275L\356\021?\035Wd\2762j\037=\262!\227\276\353o\033?\204\346\010\276\372\007H>\3264\317>\327V\242:\313~\233=\014}\222;\345\022\024>\2234\037>G,\017\277\302\242\310>\244\324\207\274(\304\317>c\000]\276\245\201\024>\300q\222=W\355\303=\223\274\000=U+\220>\334\245\t\276\'37>N)z\275\305\366\232\276\301}8<\3731\312>r\213\270>P\2401?\001\216\252\275\336L \276\300Ba\276\374\212D?\0252\245\276\017\204\254\276\272\226E>\266\254\273\276\010\253\225\275\217+\t\276\335Y\250\274\"}l>W\020w\276\370\'\263<\337%\276=Q/\304\2767w\233\276\026\032-=\232]2>\214\367\001\277\361d\301<\330\033\242=j\3735\277Re\266=\370\324\313\276\311`\230=\340O\005\276\340\315\210\275O\267p\274oq\300>l\305\315\275g\034E\2765\204\016\276\364\221\336\275\271\245\370=\375D\353>\020\236\027\277\304\325G>\204\357\222\275s\003\240=\314\347\014\275\252\217\017\277\362_\202>\027x_>\332\272\207>^<4>\2254C\276\322\334n\276\241\323\366=\000\030\241>\3009\344\276G\025.\275\274\220\260\276(\032\233>\242\ra?A\007\n\276P\235,\276\332Xh\276\004\2327\276\225r\324>\265\250\206>P\231\031\277\322E\246\274\331E\244\276\200Oy>cb\221\275\223O\007\276!\016\210\276e\000\330\276\217\364\201>b_\002\277Se \276@k\024>x\233\207>\333q\221\276\370&\221>I\323!?\026\312Z>\270\000\276\276\267\203\370\274.\202\330<1%\003?K\311B>\372\334\320\276\306ng\275\330\323y\276Ns\256;\361\335\010=M\324B\275r)M>\230\343J\274\024\376\311=\233\000\331\276\226fl>\016\266\247\276?:l>\021N\003\277|\2002>\275\355\027>\0322w>)\377\022\274\373\362\344\275\301\224\200\275\024\307\357\274\023\353\313\2762_\311\276\250\360\342>\n\340\201=\324\354v\276\242{\231>\314\261\023>\307Z\316>\030*J=\037\'G\276D.\001=\037\227\354\276 8\005\277Zx0\276\261\217\266<3\352\342\276\323\324\333\276**\266\276^\355,>GI\352=i\025\354=\265.\213>\020\234{>\327T\316\276\'\206\010>\240\035V=T\002\374>\334\177\341>T\207\305\276\214F,\274\243-\n> f\213\275\227V\267>\237\343\252\276\261P\256\276z8\306=\3219\307\276M\306\010>6L\252>E\265\000\277\366\215\352=\037\031\036>r\017\267\276VX\347\276\374\337y\274\374\2055>\352\302\316<\244W\224\275y\302t=:r\322\275zym\276\034\354u>ZaO\276.>*\277\271\216\030\274\266\266w\276\325\302\316>\250\223\332\276\017\336\235>}Lf>R\375f\275\031#C\27629\316!\317\031?\357\261i\276\0009|\276\274\204\006>\273\337\245>\030\210\003\277\351,\210=\300\263\032>n\275\223>u\215 ?\226u\322\276\326\027Z\275\353\004\276\276\337\324$=`T\024\277\362\202\200>\343\362\034>\374\315\372\276N\265\227\276\247\317;\276!f-\276#\376\301\275\224\270\205\275\211^\213>Qe\374;X0\020>\366D\326\274\327\262\217>\265+\n\274\234\333\t\277`\237\214\275\"\346\233>\303e<>k\252p>h\263\t\2742\036\266=\026\3772>V\\\020=\355\023n=\237 \023\274\322\256\227>\240\251->\257\373!\277\276\006\270\276\371\226,>>\264S\276\001\311\024=f\225x>\217x\254<\320\211\313>\257-\333>\317\002\344\274\236\320m>\260)_?\274b\226>\242\261\241\274\221\342\r\275\263L\266\275\266*\020>\267\3103>\261\307\215\276\343\364b<\236<\034?\375\305\231\276\204-\322>#D\202\276d=\311\276\244\307\013?\272\2721;\000\260\202\276\311\314\301;\213\227\234\276b\245n>\315\026\013>\372\314\273=\362\374\237>\227\363\033<\323\017\n\276\331\264@\277\n\256\021\275\014Q\344=\222\032G\276\270\rx\277,\301v\276a@\251\275\032\002\000?w\312o\275t\001\242\276{\306\002=%\230s>\324?\261=\250\021\253\275\302\026x>O/^\276h\346\260\275\311\365-?\307\314\371=u\343\272\276q\025x>\234\t>\276\201\201\270\276\376;\223\275\335\364\271\030\206o\275\322\n\010\277@(\364>s\371\022>\'\323A\275N\344~\276\324\310\006<>\270\305\275\271A\343\276r\345B\276a\010\306\275\257\203\'\276\"\365\311>>\300\261=\243\306%>N\267\233\2760\340\036>Y\213\027\275\\\361\240>\332\315\210\276\036\007)>h\\D\276\251\270\032\277\363T\312\275\337:-\277\261c\273\275\377*\337\273dU\350>\031(\326=|\304O?O\314\271\275\027\352\247\274b\016Z=\331\"\021<{\036\220\276\343\325\220>\345\r\037\276Lx\224\276\331\243;\276\n}\014\275X~\256=\"\263?>\370\371Y\276\227>\270\275\353-\244>|\330G>\242@y>c\253\331\274F`m\276J\316\216\276\265Wv\276\223\022y\276l\361w\276a\266\031?\374\tE<#\351\221=\300IC>Wy\340=\2430\325\276\035\215)\275h\363\022?\326\335\016>Cu\221\2768\201N>\"\364\255\275\271>;\276\026A9>{\320\030\274w?\366>%Y\273\274z\035\257=\237^S\275~\313\332=\242\016\364\276\006\337\017=\304\263\223\276\336R\'\277i\232\251>\243\010\216\276\337\026\'>\371DJ>z\333z>C\204\236\275\242#\300;/\r\227\276\213\035\270\275\032c\210>\361e\253\274L`\001?\006\312\375\274\253\t\336=\020\331\225\276\231\205\202\276G\275\330\276\005\2170<1\256\243=D\274U\276\367\330C\274\266\325\246\275%\027\277\276Z\360\224Z\353K\276k\'|\276![;\275\246s\342>\276fT<\002\216\244\276DR\244<\303\342\022=\237\210\357\276;\306:>\312\275\231\276=\251.>,}\315=\272B0>9\250t\276\311|e\275\340\212\240\275\325\225\227\275\t\264a>\334\014%\276\316\005\233>\006\350$\275I@\350\275\307IO\276`;\206>!\254\240=\200oG?\037`\316\276\221 \223\274@n\260\276 9T>/\261\320<\276\245\233\276\023%\203>\005 \">|\322\336>\350\362\302\276yZI>\177\263A\276\363\n\216\276LN}\276\376\306Y>\266(\213=X\275\001\276%\000Q>\266\024_=\222e\260>t\n$\277Sv\036>\307\321\231>\316\352\300=j\026I>\372u\027>\264OQ>la.\276v\266A\276\025\t\250\276\306\0268?\310t\227\276C\252\275\276D\362\375\276\034\363\234>&\335\000\277\231\212\221=^uv\275\371\350X\276\203HC>\266\324e>\272\334\023\276!WB\276\'\363\333\276)\231\023>VPF\276\030\325\017\276T\020\224>\261\017\316>@\353\017>\325\032\017\276o?)\276\303\272%>\034\221\323>*\255\217\274\205.h>s-\005>=\220\360=\361H\202>D\033<\277\027z\033\274OD2\277\323j@\276\257\254\325=\177\323\210\274\273\221\321\275\216\221\031\275\266f\025\277\301\337X\276]\276\256\276j\247\317\276\337\261\230\276u\257I\276\356\022\223>\224+><\336\025\324>\355\202\257\276\245\277\334\276\343\365\207?vTr>\357\016\261>\021[\352\275\210\235\226>\023\252\244\2753\262\225\276G#\031?\025m\214>=\264\243\275\326\242\205\276\353\357\210>\030\001t\277I(C?D\205 \270\217[\313=\234;\002?\\\223\210\2750\264\005\277\\Z\273>}\373\256=u\324\342\276\277\204\360=P\342K\276N\203A\275\037\275\324>\354\341m\274\335BI\276p\031\254\276BV\315\276W&V>\311\235\372\276\343\256\001?\264\255\034\276Xc\243\274eQ\240=R5\220\276\r\273\220\275\231Z;>\037_)>n\034E\276#G\037\276\024\023Y>\341\356b\276\034\030\020\276\265\034\366>\321\233\215\276/F\206;\262\334\010\276pF\227>\267\003+\275\010R\036\275\276F\021>\316s\363<\203\332\\>vb\220\276\320@\264\276|\265]\276sdr\276[\244\217\276\213\354\246>\231\014\000\276\350\301\213=G\355\251>\020\353%\276Hpl\274\317\333d=y8\251\276\346\232\346>\rhM>\004\302\036\277KE\264\276d$\n\277\250p\004\277\214V\204>\260\342\224\276\202\345/>Q\325\305=\010\255K>\305\374\263>i5T=\257~\310\275\227\226\250\276\003\226Q\276\217{\372\275e\272!>[\211N\276\350$\317\275|\351\347\275\024@m>\230\245d\276\301\023\221\276\202\363\214>\204\026q\275\002\311\255>\351\020\027\276\266\\\003?s\311t\2751J\360\276\240\332\033\277|IY>rr\305\276\324M\014\277\314)\235>g\266\213\2769\320k>f\221\271>\2649r>\311\303\217>f.\235=b\245\303>\3549z\275P\356\204\276\213\261\216\276&\270V>m\344!\276\345\224g>\266Q\263\275\2721\301\276Q,\247>\267c\315>>\031\216\276\2200\375<\374\036>\275!\376n\276\206\271,>\261x\016\276|\333\023\277i\'\251>\t<\237>\363\340\323\276\010\314Y\000{\240>\302\313Q=\347\243\335\276\0321#>@N6\276X\300\344\276\244\004\'>\022{a=\266@\324\275a\t\032\276N\266\'\276?\177a\276\255H\212\276Ja\017\276\207\270\026>\344\207\242=>\335\001=\r\013\020\277\023\020d>2\t\265\275\250\302\021?\323\033!?\032N\3639\373FN\276\377\230\275\275\327\236\373>\035\020\204\274}\231\034>Z\3671\277\017Co\275B\r\321\275\252\024\201\276\352\346\';\252c\372\275\021[]>\245\200\317\275<\014\t\276RK\367\276\006\364\005\277\362\032x\274\2210\241;\220\034\341<\211\032\320+n\345\273\2175\270=\207\274V\276\037\227\010\276s\2047\275\2156\236>\253\246\246\276Bi\311\276\321\261\000\276\3151->\275}`\276\007\324T>g\332\213\275+\244o>\355\312\'\274\036F\312\275\222\267\277\275c\235\215=W\334\257>\177\326\366\275\320\213\016>\2432\257\2762}~\276V\265\205>\373\000\202\276\223\334,>\244\374\233>\370\254\255>_\214}=R%`=\376\0377\276\036f\310>\331\312\'\276`lW>4\213\":\014\036\300\276\321\314C\275\354\3502>wp\201\276\223#\010\276\r\314\325\275\234\221\231>\030:?\276*\354\206=\022\327\246\276\226\215\206>\334\031\264\276\022\032\250\276k\224z\273\332\013|\276n\225x\276\351\331\205\274\302\314\250\276\355\236\327=\261w\200>8/\251>\t\022\205\275v@\036>\326\224\001\277s;\001>\0204\330\2762\355\264>\226\253H\276\356\354\255=N}\213>\245\307\205\2750\216\253\276^L\205>\314o\266\276\032\343\365=V\263\257>!y!\275\277/\020\276?L\276=Q\240\007\277\3776\251>4\332=>\317\240,\277\223M\227>\210^\267>\326\327\355\275\373\214%=\366D\006\276l\021\020\277\017\355\026\277\323+\252\275\312\240\004\277\010\236\200\276?\301\222\276\344\323\032\275\327U\020?\346\267u<\353c\341\274\003_!\276\311\231_=`\177\201>a\250\217>\315\251\036>\001\027\351=\230\na\271\300M\000\275\"\215\224\275s\226\247=\302\004\022\276\020\244\215\276\303\266\016\276\305\322\274=\203\002\027\276\2163\354=\343C\261>g\213\367>\231<\014\277\337R\325>\376\222\205\275\001\3576\275\211\247\233=\017>k\276\264\334.\276\032\363\316>\nL\213>\t\377\222>\327H\014>\242j\313=\272\257\201=}\275d\276\'\257\212\275\227E\026\277W\027\302>w49>\004\332\027\276\325\004\270\276\363\217\242\276\203\315\246<\223\026\225>\314\035\007\277c\347\365>\302L\017\275\203,\276\275\024`p\276O\374)\276\205\271T>\203\347\237>\231\245\271:~$\206>\236\t\333>\002+\031\276\273L\257>G\361v=\246\360\200\276\324AC=\225+\037> \222\220=|\310\215\274<\217\245\276\220\373\245\276\340\332&>\007x\">o\313\362\276\255\260\213>\2420\200\276\3441\275\276\276\"\243>\037\317\">{\321\001=\n\273\327=\240iN>n\312\352>P\273\026\276\017\247\007>\212ZX\276V\257\r\276\213\032\264>{\312\220\276\371\231\214=4\023#\276\021\224!>\'J4\2764\220\031\276q? \276\241\312\246=h\325\342=`\252\307=\2508\232>\305\002\007\276\267\233\210\276\3246\366>:\341\367\275\235\"\033\275\360\2400\276\227\177W\276/\032>?\221=\204=\260|\006\277\233G$?N\364b\276M\304\235<_f\032\276\251\255\t\276\317\353K\277dw\310\276P\245/>u\024\276\275\344\245w>N\230\215\276\226\373\203\275\263\206\244=R\373e>RM\367=\357\036\r\2761\212\242\276CN\232\275\206\031;?s=\024?\340\374\277>\251\236\331\275Z\361\312>\346\205\313:y\003\302>/\017N=\302\335\302\275\'\313\272\276\211\365\000\276I\357\022\276\244m\226>\330\"\004=q\237\320\276\331\026\007>\020\024\201\276\310\037\345<\354\322\r>\377\257?\276\030\323\374\273\262=\276>\236\272\370=\312&\244\276\315\324\007?O\364\r\276\240+O<\010\370\235>\004\032\237=8\224\035\276\315\356N>,w\247\276\'\036\237>u\260&\276\355\232\302\276 o\274\276a16?;u\226\275\340]\035\277\"\231\\\274[7\233\276\247\337\324>B\025\306>pl?\277\344g@>HM\021\276\200\276\273\276\034\317\370>\266\374\215=ek\206\276\241\370\232>y\305\007\277S\362{\026\301\275\001\2368<\375\016t>\372\212m\276+\226\237>\376\211\205\276\321\331$>\263y\036?\371/\336\275\372\313s>Q\217L\276\206\273\331\276\275\"\233\276$k!?v\344<\276s}\222>\2379G\276\274m\317=rv\201\276\302c\031\276a R\276z\303\360\274\225\343S\276\355t\354\276=]\243\276z\014\270\276\332\251`\276\363}A>\031:\232=7\362(\276\326p\301>\227\251\266\276\303\226\t<\357\366\227>\332\262\270>\310\204\317=s\\\334\275\217?\r\276\336y\374\275\341\365\200\275\323\213P\276\230\366y\276\"K\342:\326T\r?|P\346\276\312+k\276:k\255\276)\033\001\276\017\230\250>\t\361\273\275\346\r\233\276\340\260\003<\321\3260>A\236\323\276\241\232z\276\017\016i>D\273\376\275\225\363\367\276\031}\007?^\344\260>-\214\227\276\201\317\327\275~\230\257>\335\326\223=\273\212\204\276\342h\210>\320\272\004>Y:\"<\333O\301\276\311p\340>Zs\220>\366\274E\276\252\257\334\275\210\274\350>\270|a=\'\326\304\276(\235\002>)\202\225\274}\024$\275\374\305\362>5]\305\275l\271\220\274\007\017\276\335\267]\276\231M\241\275\231\307[\276\004N\020?\302\036\302\275\364\314&\276;\021\014\277\337\346\002\276\316\273o>\300\262\233>\217\253\302=k;\203=?y\205>Ou\027?\177\302\260=\210>B\273\331\260)?\370\316`\276\0008\213>x\"\310>\251\375\014<)\360/\276$\235\t\277\335\263\200>!{\352>s\231\006?\020\"\030\276\276\0335\275\351\362o=d0(\277\035}\010\2772%\006>\265\220\270>\226\325$=\343\221\027\276\227\344\"=\362B\276=\273\n\373=\037\231U\276\337\315\252\275\234\373j\276\316+\254\276\366lS\2761\210\325\275u\211\324>T\333\356;\\\233\254>#|\026\277\213S\265\275\365\020\262\276\2604z\275H\002\332\276\354\2142\276\224\361\030\277\342\031\022?\334\250\257\272\337\2028\276\261i\266>\\\214\327>K\271\354\274\034\357!?8\"\003>l\211y\276\\8\007>\331\"\216\275\355\017m\276g\331\031?\362d\022\276H\331\202\276\314\357\246>\224\3712=\257[\247=\013\301^\276\244\004\232=g\313T\276(\206\350\275\343x\314=\320r\363=\n\032\030\277\334[\000\276\270\256-\276!\211m\276]?\321\274\300\021\325>\206\361u\275\320\273M>\361o\262>0&\221=q\0222>l\363\200\275`\217\333\274\027\235R\274\214XX\275\300\213P=Y\246\002?\350`=\276|\305\330\275N\310\r\276;\267\375=\377\257\021>\334eu>V=\031\276!\3027>\030\261\222\276\250\177w>\'nJ?\3459\224=\211\021\227\276\330D\232=\371e\033\276<^\241=\272\263 \276m}\350=\010\303,\277\302\2038\276\322yd>\251\n\240=D\022\330;\006\252Z;\202\021\220\275\220\221m\276}\227\222<\" >\276P\2475>O\'\241\275\305_\205\276\013\372\001?\273\225\330=q\343\370\276\210\225\206>\000\207\224>n\020\027>\215\266u=>\343\013\275N\265\215>\267?\356=\266X\204\276\336\334\275\2766e6\276{\325@>kv\200\276\251\253\023=\346_\231\276`S\304;\360G\203\276:>e\276&n\263\276\326}a>x\2663>\246\r\270=V!S\276\023U\371\275:h<\275$l\035\277\205\303\006>B!\220\276\032\263\014=0\213\237>%\211\262\275\2727I\275\n\307\233\005\021==\247l\002?\216[\225\276lo\007>\033\335}\276\256\307\362>[\313U>&\260\374=\375\022\346\275\272\207\330\276\000\320\325>\326\265q>D\315\234>[{\231\276^\236\205>\373\'\276>A\304\265\275z\241\217>\332\214\272\275\362\032\036;B\036\312>\037\241\252=U\370\361>6\\\'\276\034I\355\276\272D\256\276\351\304\212\276\203\246\005\277\340\177\226\276c\327\336<\257\317\003\277\202\037\251<\034\352t\2758\272E=\311\253L\276t\274\210\276\367\215\025=u%(>\007\317~>\030\200\010\277\016\014m\276\244\244\306\275\032\260\275>\nj\207\276\217,-\275\340X\222>\377\360\320\275\267\355T>\214\275\200>\241\220\367\276\342\311\301\275s\304\014=U4 > (\370<&\365\035\275\3428\223\276\331\371\223\275\3145\030\274\365\2611>\275\350\205=d\313\246\276\241a>>\274\230h>\024\020\346>wB\377=U\245\021\276\315\304\002\274\257]\234\276P\017\320\276fX\302\276\253\366\374\275\327W\220\276\256s:\276G\021\223\276x\350\254=\3502\302=\350vi\277sy\351\276\036#5>\340G\245>\212\305>\275\007\272A<:\303(>\263\275T\276>\215\001\276D\331\301\274\022\200\013>\277\344\353\275\366\327\273\275\030\210\260>\030\3772\277\271\204\374=\346\364\017=@\236@\276`f\224=\256\205\322\2754\3533\274\331]\243\276j\227\r\277yt\252\276\244\2773>\256J\210>\034\002fIY\300>\266\315\003?\241\334\277\2769\345\t\277z_\010\274\227\027\204\276\032\206\261\275\364\234U=?*6\276\2629\013>\213\246\310\2752\245\331>i+N\276\262\270\352>6\222\324\2764S,\277~-\253\275\267\3656\275\375wg\276R^\364\275L\220\021>\224q\220>\370!\'=K\371J>\023w\272>1\275\200>B\322\031\276\334%\277\276\023Fk\276_\204\344=oQ\231=\031f\024?\037\252(\276|\244\356>\367\315\035\276\240\025~>\'\241:\276\031T =&\203%\277\373\223\020\276\327\0006>k\311T=\243k\301>-fn>\020\374\027\277\032\257\365\275z\236\270<\3541\020<\215\0377\276\312\020\004>\034j\337\275\360Fm\276n#\240>\200\203<\276\220\313\321\276\370\3748=\264\244\267\276\177\351\205>\345\254\006>\010\346E\275\221\226\201>\273B\255\275\247\331\227>(\017\261\275\236\336=>\242\027\264\275q\344\177\275\023\345\321\276\356Qf>c\245\333\276%O\205>\362\031\273\275\237\305m>\216\275\016\275FQM=\302\323\227>\214\004\310>\211\275\036>\356,F\273t\004\327=@\205\302\2732~\024>\375\233\224>\331\333(\277\257k\256=Tb\212<\217B\223>\372\353P?L\rH>\251\264\242\275p\227\351\275\241\335\t\277\203o\371\276\377\232\277=m`\035\276\256\376\235\276\353\025\306\276\365\027\235>Q\026\272\276\256\026/=\304\227\222>\265\246H>6\\\002\276\201\347C>\316\311\250=\3254\203>\266\036\205>\274_$\276\217\345\225=M\005\024>\337\232,>\246A^\276\343c\225\276\264\207x\276w\210\330>\243\306\241\276\215\200_\276\010\334\r?wM\266\275\251K\033?\027)\371\2761jV>\226\314\203>b\r\016>\177\023\355=\333\375\322>\007\033F\273t\023\227>%\016\023=o\254$\276\343\326$\276\274\316\243> \201\272>\344\250\306>\005`Z\276\006\010\033>0\370]>\022]\031\272\266\333\206\276\346\331\030\276.\222\310\276\2647\305\275\330|2=\364\222\243=\362\361\220\276\227p*>eT\"\276\302\245+>\256\177\202>\325x\265<\002\310\354=\223\211\206\275\022W2\276\356k\267=/\373\033?\220\323%>a\252\251\276bJ\233>\274\353\226=:{/=!\234\374>\363z\263\276\215\022\251>\373\006r\275]g\333=o\367\303\276\246?K>\255\264\222\276\222\241\305>\033\336\271\276W\347\201>\266\250 ?\247I\343\276\340=\203>Z\276\232>RcG\276\212\244\254\275\240\366\024\276/\177\233>\2629\313\276\232V\000\277$\223\241\275(\231\275>\355\rz>\372\231\017>}\257\323=4N^>\312\356\263>C\244i\276\262\177\017>s\221\025?g1\014>o\032\261\2755\2330>i@\323\276\030s\200\276\244\333>\275#\322\266\276X\317}\275\321;a>VNO>B?\303=\212k\016=/\305\300\275^\246>\276\237\262\337>P\242M\276h\206\014>\344N\233\275\204\023\010\275)\211\024\276\361I\026\277\225\267\023\276\336\334\220>n\027c\276\355:\225>\023\254w\276C\243\234>f\217\231=\370?\216\275\330\221\236\2763>\330>\021U\010>\271\325Y>\313\225M>b\2506>\200$\210\274M\373C\276\261L\304>\343\3657\2728\210\256\275j\305\337>\241=L=\211J\202>\332S\235\276\322\315\326\276XM\270>\346\377\336=\373\362\215\276\017\261\036>(9\344>xN\342\275\333\031-=\223\367\305\275q\034Q>\nb\260\276\341\177E\275\256\246\315=`\302\002\2760\020\004>\335\327G\277m\314d\275r\036I\276C\310\344<\207\234\000?\207\370y=\340\323/\276\206\\!\276Po\270;8\317\202>\314\377?\276\210J\344\275\260\014\321>\207v\007=\267\317\333=\323\240\200>S\365\265=\267\211\242>\212\036\300\276{\261h\276\367\316\277>\315\247\226\276t\354\263=A\226b>\203\361\215\276\266K1>&\331\331\276:Q\226\273e\263\221<\325\232_>{\034J> B&\276\267\020B\276\232[\203>\234\326\271\274\321\346\331\274 \226\201>\232\251\n\276 \240p\276\207\345\211>\347\257.?\300a\342\275\221\224\265>\010\351\374=\362V\302\276S\372\013=\217o(=\203i\t>o|\201\2764a\007=\340\233{;R\354\201=U\265\201>\322\266\206\276c\n\230\274\365!\371\276\242\020/\312\2260>\310%D>\033\214\365\275\027\244m\275\332\177\'\275\341\367\223=a\207\256>+X\002>\316\371\205\275\230F\213\276f\250\204\276\262\236\335\276\265\316\t>F;\243\274\t\365\230\276\277b\261>\376\013\016=yW\030>\306\245\334\276x o=n\372\276\275\360\207\201>\336\273\331\276\336S\244\275|\234\274\276a\017\033?~\330\254\275\277\331\244>I\201\252\276<{A>j{\263\275\253\214\306=\231\001\203\275\362\260\221\276\262\264\014\277\377#\017?W(\'>\2574\200\275T\000\237>9\013\210=\202^0\276\326\266\323=\363E\232=4\330\230>\317\021\215\276\024z\033\277\333\375 =\371\216\221>+\034\304>\243\021\315\276h\3743\274\241\276\252\276S\207#\276v\352\307=\374\234\256=?\323\r>\222\270\307\275\313\367\003?\375\n\206=\214!\033>\252\336\235=\365W\264\276\301\321\230=83\021\276\332\334o!\002\252>!\0257>\037\333\262\276i\241\307\276\205Up\276[\007\177\276!w\002>7\026\223>\240\027%\276\303\346\302>\206z\n\276J\367\211=\207\027\223>\250M\262=\024\333\204\275\332Z@=\2114\236>!\021\001\275\245\204\264\275nm\203\276\372#D\276\323\361\234\276@\354\315\276\2150Z>Q\3461?\223\213a>\261\342\257\276\344\232\200>\345\035\341<\205T\323\275]w\223\276\316\376\237\276\304\350\267\276t\340P\276\324\017\246>p\342x\276\023\265\201=\244\021\244\276\'\317\"\275\264\216v\276\006\327\246\276\031z\022?\335\331o>\003\025F>\246g\336\275\316\341\213>.\016\372>N\230e\276\270R\274\275$(K>\347I\307>j\334\374\276M=5\276\266\237i\276uZ\235\276izw>\276\"\356=\242\2606\276B\321E\276Z\357\332\276tD\360\275\2061X\276\244_\r?\200\376\244\275\203\253k\276\246\204+<5\326\240\276C\030=\276DA\t\277Z\300\005\275\375\022\007\277\264\324\250\275\rzO>\362\241\313\275\261\014\213\275\201\225k<\323\300\032\276}}\300\276\256`f\275\303\222\342\275g\341\252=\330\266\206>vL\225\276&K\333>\252\230\357\2751\261\241\276%\032\240>k\230\177\276\232\035\364>|G->\255f\310\275uE >\330l\226>\341\211I\351B\217\276r\330\337\275\206\332\225=\202\252Y\276\035\203A=\226\305\003?\030n\254gE\323\275\221\014\\\275\234\313\224\275\030\354\353\273\222<\263>[o\202=8<\376<[\325\004=v\330\332\276\345\222`\276\263\371\352\276\223xj>\256\275\325>\237\247W= ?\256=rQ\216\276\346\226c\276\310zw=#\210\223\274\037\371\200\276\356\245n=\010D\007\276\313H\321<\364\356\244=\021\275\331=\214\344\274\275\254\316\202\276j\274\353\276\276p\205>5\365\205>\323\347\267\273\336f\366\276b\231\311\276\200\231\271=\217+\021>9\343\374\274eAr>fS\245>s\352\007\276\004\277\030\276\274\236\211\276\023s\254\276\256ri\276\243\254\353\275p\222\371\275\300*\253>\266\367<\276j3\365\276Y\306%?\020\355\265>\324\253\260>~=F\275M\313\275>C-L?\035\013\247\275\r]\353\275\360\206;\276\261xl\275\235\034\302\276\230\020\225\275\206\242\035>\330iR>%\323\016\276\2743\241\272\343?\363\276+\344-\276\017\2720\276\014\333\244=\246\354&\276yr`\274Y&\347\276\344\360\027>\n\344\315\276\306\267\227=%A\005\276\342\177^\275\344\\\361>5\255s\277\376\231\222>g!K=\355\276\334=\275\206#\276\022\220!<\2021\333\274\374G!>\332/>\276\226H2>\3010\n>?\004\223>\234\006\200>+\224F\276\270Y\265>\022\217\213\276\204\370\352>\325jG\275\007f\000?\230\363\277\275J\340l\276\324\006\224>\237\331\256\275Y\230q\333W7=n0\303>\224w\n\276v\311@\276d\215\253\276A\322\263>\020\020\354>Lj\377>]\245\004=\316T\257=\376o\316>\310w\247=\033\177\227>\322\267`\276\224t\315\276\262\247A\275\226\003S><\352\313\276\007\267\217>\220\312\024\277\r\201h\276\321;#\276\023\327\002>\231\025;\277M\255\306\275\3023\233>\346]\033>\364m\013\276s\237\265>\327!\227=\320vr\276\032,\270\276\021\261J>\250(\217>$\223\377;0\rn\276\200\200\234\275\005\356E\276\221\023\220>\377\351\276>(\206$=\275&\257\275~\014Z>\213\001\306\275n\225f=I\314\221\276$\277,?c\325\312>\010\275\276=\347\034=\276\354*\r\275i\323\244>\034\241\202>\230\376\270>\273[\231>\331\242\007>\302\377\n?\031\235>>X\033\370=\363\365`\276\347~\216>\263V\354\276\322H\217>z\t\275:\364R\263\276\024\222X>\260g\361=p\201-\275\364\230%>in\371>\317jY\276\231\303^=+\005J>\2356\363<\\\227\321>M<\336;\263X\276\276\235`F\276\202\366\303>\232\272\224\276 \345\315\274\237\252\300\276+i\001=\361l\260>^\312\t\2779\224|>Fn\343>\325\264?\276\306\023\002=\274qL\275\370\226\n\276\241\'\"\276\236\374\263>\277\230m\276`.0=\334b\322\2751\005\257\276a\037\313=X)A>\210\315\000>>HP>\330\2612>\220\230\321\276fA\241<\260\202}\276~\357\321>.\337\355\276\321\2275>EE#\2772i\207>]\234\317\276\330\235%\276\014\007=\273\336\220\211\276\236\271\270\276\032\257,>rr\026\277\211\376#\277L\010\266\275\266\310\005\276\177\357P>\357(\342\275\365\224\031\276.\177\227=\200(\322>8\032\022?\345\343?\276\261V\254>\222\\\234=\254\210\276\276\215\243\236\275G\001U>V\345\205>\024\375Y>t\025\225\276C\033\341=Y\277\270>\273f\320=\233\2148>\'3\301\276\372\222z\277\004e\276\274K\325\236=\224\337\201\275\027\241\221\275\241\355\203\276R=\251>\361\201\023?\315\226\201\276\036V\277=\351\3269><\207\021\276 \272`\276\224\204\n\275\227t&>\212\r\220>\026\341\201?\222-\207\277\353\250\334>\274\216V\276cg\212=\220\233\261>\336\215\264\276\221l\255\276oP\256>3\227\242>\374\254-\276(.R>\"\303\343>w\233l\276\022\202\255=-\242\215=\332p\242<\001tt>v\2212\277\3373=\274aM\014>\345\247<\275\037\224?>\342\312\274=\336@\212\276s\017R>L=\266>\341\016\274>\223L$?v{+>\375\346\316>.R\211;wg\216\276\261d\277\276\364\203\355=\036q\370>\272J\363\276\245N\317=\251\016\364\275\3201\203=|\036\231\276\302\272\233>s?\352>=\037m>aE\016>b\347\233>(O\262>\326\024\304>uF\204>\207\226\330\275\0225\323\276\262\356^<}\241\231\276\230\202\253:3\263\212>\210oS>G\001\005>~\331\030>${\234\276\024\231\002\277yYR>J\302\210\276\251\317\027\277\221\352\004\276\204\245\267=|-\272\276\323\014\223>\377\270\222=P\266\265>\277J\004?m,Q\276\264X\334\276\021U\210>9J\374=\270\205\274>0\261{>>\037u\2768C\332=\334S\236>i&\245=8,\241\276\216\362\262\275hk\223=\342\033\235=P\230\346=\t}\216\275n5\226\276Q\261{=\033\264;>\367E\233<\204\276\376<\331\010\367\275\214d\274\276Q\273{>\000\206\006\276\275t\300\276\353\357c>\"Q\216>n\236\225=Ig\350\273`\022\205=\005G\324>q\257\334>\311\002(\276M\273\'\276I\205\305\275\251\326\013\277,\362\324=\010Z\305>\351\215\264>Q\337G>4j\364=!\273\226=b\246\306\2764Z\260>k\210\022\277\306\032\322=\243sF\277\244\376\307>\025\271G\276\305\311\360\275G\224\352=\250\343\337<\377\222\000\274tRb\276\355\236B<\307\222,><+\327=\366\200\"?\026W\252>\r\"\205>\010;,\276\300\263U\276\334\034{\276f\010R\276\263C)?\337\234\030\2763\367\217>\365\271q>K\205\323=\347\306!?\342\347\022>O\237\016?Q\310\201\275\3554\331<\016\024y\276\312\265\025\277\241{Q\276,\033*>\344\250a\276\351*\232>|\320\336\275\031\345n\2762\006\025\27761\265\2761\341 \276`\315\300\275\221\277\260\276\177\223=\275%\230\203=\365|+=\215_\264=\215\355\377\276\016\242v\276\237\254\320>*q\275\274\327p\014\277h^\231>+go\276-k\230=\037\036\"<`\3130>;\241S\276\333.\214=\312I\272>7\016\324=y\340&\274\375\014\350\276\344\213c>\330\311\254=\311\327\203>[\347\316\275\233\3479\275g(->\371RU>a?`=Uk$>T\342\362>\231\316\202\275\3362\353\272\234\366?>\204\322\264\276>\277\252=jS\267\275\337\002\034?BX\010?\275y\302\275\275\301\234=vE\314>^\215R>\300>\201\276\2045\227>\272!Z\275np\000\275\356\215%\276Z^\327=\230\364\022?\276\366\302\276\\\375\265=A]\227\274\242Q\t\276NH\361>\321\305\t>IxX\276\032}(\274\253\006\260>F\230\260\276J\022p>}\376\261\275g\222e\276\303\325i=\230\370\013\277\223\254=>_\t\276\276\324\273A>\366\326\013>\007uQ\276\0210m\276\262\262\364<\275\007f\277\000\263~\276]3\276\274\325\253\032\276\253\243U\273\373Q\242\275\303\346A\276\363\375e>\230;\027\276j\326\237<\323\364\266\276@\033\247>yo\226\276E>\337\276z\007:\274\274R\243<\235#\277=\253\2423\276\3150\">\030v\243=+\271!\276\313\332.?>\215\221>\233`4\276\227\277\243>TZ@>\022e\236>t\037*\276\322\255\212=\342\316N\276\007\256n>!\364F=m\315\273>\0358\377\276\236`\276\355\204\262=\376D\304>\331\240\312m\246\021\276\361\252\357\275d5\026\276\004^\t\276\315\333\363>\007\324\206=\373N8\276P8\241=\250`\227\276\271\353\263\276]\312\343<\325~\001?.\264\005?,R\316\275\277\375\302>{Qo=\016\252<\276w\020\214>g\256w\276\373\211i>\306\002\250=\317\031\005\277\270\027\330>,\t\023?\360\n\301\276\266$\023>\234\231d>\333\016\014>w\246K\27615\352>S\203\352\275\367\363\021\276\220$\212=\362L&\277>B\215=\271\223\242<\033\302!\277\023\241w=\021\252L\274\231\031\025>\236\345\362>\321)\255\275(P\330\275\314\227\223\273\323\t\326=\230\306\026\276E\026\326\275kWM\277\350\250\216>\377\024\245\276\205]\000=\306\210l\275\030\000\026\277\006\343u\276\177\363Q\2746\345\337\275\366v\216>\223h\005>\221\261\306\276\033\210\243>\337.\317>\311\325\265\276\354S\267>\n\"\007\276\034\276\372=e6J>\323\221\213>\236\361T>\335\256V\275U\303\210\274\027\324\323\275\350\005\034\212\264\355\275\262\024\013\277\260\221\030\275\276\337\257\276\267D\246\276\307\355g\276[W\021\276\332`!?\301\004\203\276\347L#>\316\320)\274:3\211\275\365\247B\276\035\241\211\273I?\"=\333D{\273\317\024~\276\360Y\204\275\2401\005\276\275\261\261>)\313\000\276&\375\004\277\361dh>\301H\223> \220(>\246\023\265>\207~\255\274\224\251\366\276_\233:\276\205\207\344\276P\211\240\276x6\343;\260\303\264\276\035^\360>2\375\313<\030\262\006\276\030}7>\252\240\000\277[`\271>\235bB\276\360,7\276\256\252[>\324\263,\276\353\227:={\000\327\275ic\243\275\363\211\233=g>\210\2766\237\362=4\023-\276\254\200\021>%\262U>\020m\277\276\277\225\232\276x\036\246\276\211\334M>\366\366J>\213\205\306>&(\306\275\004\035\343\275&\271\031\275\266n\213>}\303{\276\013\317\303=\270\203\315>\013\217\327=\246\370D\276\207F\331>#^3\275\3570\210>\337\266g\276OY\023>\'\261\026>\344~\335=\\\262)>f\"<=Z\364\220\276p\272\017\277\277\350\227\276\016\357\200\276\240&>\277\210\363^>\034\341\230\276s\262\206\276$1\264\276\241V1>\267\025\302>E\247\005?\246\246\204>\356{\035=\266d\017\275\377! \276\250\227\n>\376\257O>\276]\350\275+\215\'=\274R7\275\231\266\022?\235\272*?7\211\243\276\302\032\024\276p\270\242>\255\326\371\276\021-\220>\1776\371\276\270\002*<\305\010\263\276\235>\213\276\033D\353\274\223\032\257\276\321\0349\276\275\004\300\276\367{#\277@o\266\275\217|?>\3120\342\276q9\262\275\376\240\032>\232\306?\276m\302\275<\371\210\007\275Z\017\223\276\372#\357\274\260\017\262\275W\367\\>\352\262\253\276\201\352\217\276\357\367P>\246U\252:\243(\270\275\203\033\356\275\316\335a\275\257\370\347=\305\353\345\2751\"\006\277Kd\301\2760\200\321=Uv\234>\277B\265=\006\331\206>tl\036\276\004\301\266=\245\377\252\276\331\321x\275\\D\340\276\177\362$=M\017\355\276\201\345\000?\255\202\272=\350\277B>\222\253\211>\355[5\276\336\024c\276\260}\332\276\300\314\230\276\235q#=\222\360\254\276Q\017\354<\367\313\350\275r\304\344>V\023\357>/\314\007\277\005\010\007>\206\217e=\365v\226\276\245\0250\277\361\346\241>2/\211\276\007\246\371>K\301\274\275\360\314\252={\211t>sa\013\276q\242\310\276+\360\022\276\035\351M>\345\305\354<\244\246\323\032\017\027>O`\234=\340\257\212>\317>\304\276\351l\n>,\331/>\347\311\264=\233\256s\276\374\325\032>p6|=\032l#>\250\263\222>\024\313(\275\\xn\275F\202\307>[\004Z\276\210-.=\017.\251>|\330\262\276\374g\213>\266\334\025>(\266\303\276\345\312=<\203\013\305\276\376\226\317>\255\246\034>\327u\233>`\265\370=\212\354x>j\200\321\276\263\030)\275\301+\005\277\356b\251\275\021\343\240>D\022]\276\223Dz\276\260J>>wf\025<\255\345}>|\'9\275\014\252#\276\263\345\035\277{\313@\276\221b\370\275\355\0014\276\224\366\346\275\211E+\275\223\270*\276\014\346\271>x\267I\276\202\223\242>\272\261\255\275G+\213\276\330\243m;\000\203E>\013\315\230>\266\215\232\276w\350v\275v\2703=\263\265+<\271\323\344\274>\372U\275\221\302\023\277O\3415\276\005\210\264\276\377\242\327\276\353\264\235>\250\337s>\261\026x\274G5\220\276\274|\206\275\343\014\336=\024\037\242\276:Y\274\276\257W =\340\237\302<\031~\263\337\264@\276Bx\241>\000,\262>j\253v>\360.c=\'\3237>\1773\220>\330\261\216>\221\333\315\274[H\332>\366\2769>o[M>\'\260\037\275k\027\'\276d\324J\275\263/p\276\273\312+>\236/\237>B\321\236\275\313\317\301>=\376T?l+8>\320=(\274\326=\253>=\374\243>\326]\r\276p\022\223=b\320\203=\231S\267=\016 \271>X,\033>(\0276>\260\005\326\276\236\305Q\274%\024\023=e\357\316=\001\301\005\275Xy\366\276\352b\262;Jh\225\275\231\013\206?\216\366\332\275\237\336E>S\306w>\353\364\020\275\000\363\340\273\224\221\t?@4\210\275y\225\022>C\311\017\275~\231z=\016\371\335=n-\023\276\204\261\017\276G\354^\275<\255\304>K\266\273>\230\253\240\276\321\002\035\276$#\204=f\351\260>\233G\344\275^}s\275\267R\275>\212t\207\276\211\265E>\013\235`\276\357\204\253>\254\265B<\026\036\263\275\253UF>\367~\355\274\031\210\013\277\323\313L>\\\234\036\276\003\032\177\276\333\004*\277\336\337\327>\362\320\004=\037F\211\275_U\330\276c\2004=I;\332\276\264\375u>Q\314\016?e]\357\274@\261\215\275\265\016S\276\200O]=\211;&\276\251\362\236=\207n\231\276wZ\274\275\304cD?\n\267?\276\223\024G\2761\2276>~u\271=\032s\'\277CM\316\276\355\014\214>\356\022\005\276\203\342\322\276o\350\341\27606\370\275Z=.>\251\304\362=\254\343\343=\246\362\315\275\320\203\373>\230\323\212>\\\362\234>\004\006\325\276H_\310\275\241\320R\275\320g\221\276\253\024\337\274\246G\034?!k&?\221\376\371\275+J\253\273\242\244;=\335\223v\276\361)\312\276\324\242\245\275\337T+>\202G\217\276\357\201\r>Qt\304\275\272\371\366=\216z\237\276\266\326K>\251\222&>\352\333\264\276\244\177\324\276\217lu\276St>\276\016N\245\276\274\343\201=\314\036n>\265\304\013\277\360\224W\276Sl\335\023\035\006\277\201J\304\273/\233\255<\306\377\017?H\216\206>\327u\214<\033\363\017=\014\304\007>\350\243\231>\311\334\r?4\316\007>\337\266\r\276\300\033/>\036K\332>\375\035\217\276MA\300\276\365\001n>[\010\233\275PX\213>hk\371\276\356\341[=\332\010\203\276\363\344<\276\210w\025\276zQ\247\275\262d\203\276\226\243\001>\3678\377\275\374pb\276u\001\254>/y\017?\214}\252<\366\021\207>\340\344}\276\372v\315>\030\255o=\276\204\301\275Am\263>\301r\205\276\220\021V>yD\373\2742\016\367\276\311{\241>\220\005\001;\006\367\212\275\215\341\244\274\006\200\203\276\357:\201\275\215\331\277\275\372\030\234\275 \346\256\276\376g\r?[\225V\277\214\265\363\276\003\302\026\277P\267\036>x\'\210>\301=6\277^\315z>v\244\004>N\376\335\274\265Y\031\276\304\356\006>\001\355\354=\374\325\246=\257\024\005?6\361s\275M\260\305>J2\246>,\262J>\031\036\034>4\345a\276hWj\276\274\\\363\276\210\252\345\274O\224P>\256\266\031?l{\033\275\222\300G\276\000g\217>\352|\245\276Y\303\212\276\033L\013\277\275\322\236\276\362\375\250\276\212X\353>\007\326*\275\273\001\031?fx\250=6)\343\276\246%\233>\306\261\030>\033H\n\276\010@X\275\3603\026HL\024>\357\207`\275N\326\315>KH\306\275\2678\355>u\027}>\266\246i\276\274:V?:\322\302\276\0344\020\276G\334C>Z\246\273\276SX\243>\351A\013?\177\202\021>\273\250\232\276\207\203\200\275x#\021=\223e\255\276\ngT\276\252\r\205\276S\221n\276\325\360\205>\3149\250\276\234\253\276>xk3\276\362\257\330\2763\265\324=^U\306\275\323\226\266\274\205\265\353\274\250\304\224\275\315\314\271\276\336\017Z=7\350K\277\200\'<\276\2444\014\277.\350\270>\223A\027>\312q\035?4\005\237\276\306\204\212>Sw\235\276y\222\316>u\023\235\276})/\276\001C~\275FT\310=\322\371\255=\321\325\036=\363\240\014>\271J<=\230\300)>W\251!\276\026B\242>\370\275\027\277OW+\276w\306\230=\'\355\345\276\370D\264>\351\342\024\276\036\004\240\276`\3057\276Ic\203\274vfX>\215\277\\\276n\224\350\276\227\261!?\037\220\002?\014\3325>\374\317\223>\234G\276>\261v+\276{\362\327\275\037\337-\276\301\273\322\275\023\312\034\277\216\377\224\274\255y\273>mf\353\2759\025\212\276^~\202>>\2563\276\356\021\215\276\341~\272<\254\270\316\275sU\216>\324*\334>\t\201\374>pgi\276uvf>\301\347\031=\227u\r>\245\225\003>d;\243=\242K\364\276[V\350>\262\r\200=^*\331>\320\273\322>\213\211\202>y\305f><0\023<\315-\375\275VM\252>\343;#=\356\342\014?\336~\305>\374*\231=0\rh\274O\013\022\276?\023\317\275?\005\377=#6[\276\273\206w>{;\262>\223x\313>\331 \373\276\277\323===\267\354>>\223h\276}\340j\276.\252\247\276\016\226\020\275\210\323\020>dt)>TR\202>c,\367\274\262dt\274\t\227\'\275\362\227\227>\006\225[>,\376\303>w\264\263\275\377!G\275\030K\320>\374\004:>)\206\343\276\r\273\277>^@A\277\373_#\276m\351\300\276\230s\256>\324\342\271\275\021\276\\>\234^\001\276M\177\365\275:}\r\276z\214*\276\220\\\242>/\257U>\3162\211\276\'\354\t\277\204\333z\2768,7=\031@w\274\370\332\201>it\023\276X\224\001\277\323\010\221\274\234F\025\274e\024\247=\372!\345\276\326\330\"?\023_8>\ns\267\276\326\3462\275\2205\372=\237\336\010\277\360(\243\276\244\333e>\333\317\347\2756w\002\277I\302\220>e#\007\277\255Kw>^\327\251>\202\204\021;\210w7\276e\027\347>@P\201\275\3670D>\313p\"\030\347S=]\026\341\275I\010\023\276\25766\2761\327\206>\307\t@>P\000X\276\246B\300\275D\000\346>@5\256\2743b\255>\003\033\277\275\022\230\247\274\345\355\007\277\357\37209\260\343\200\272\352\032\330>\000\312\216\276\273s\204\274\210\313l>\322=\262\276W\3252?9\2139\276!\214\202>\274\240\245\275\001h\370=\276\016(\274\303\321\263\276\021\324[\275t\267\232>+2\227\275\025\263\226\275)\217\334>zQr\275\340L\224\275\256\020\341=\372\nP?L\356\002\276\300\001\246\276\346\262T\276\240R\304>[\271\202<\3624\367>\320A\341\274\250\020U\274\333I\036=\332\216\001\277\210\240m\276\360\335&=\034\353\347\276\225\356;>\345\252\252\275I\352\014\274\245\237\016\276&\352\213\275\202\032\030>\374\032`\276\263\206D\276\206\327\363\276\036{T>\253\014\266\276Vsk>\'\254\005\276*u\351>\232+\362\2741x\332=\006\235\310>\033\017q\276.\371\272>\206\177\002>\352f\005\27608\354\275\035RE\276\3609\236\274K-/\276Kk\270>g\340 \276\007:\307=\252\345\237>\220\021\002\275@\340\025\2769\034t\276&\240\305\275b\234\005\276H\203\250>\030\374\275>\020\227\215<]\217S\276(&\021>%,l=9\334@\276Zg@=/\017\371\2742\361\335\274\271ae\273\202\260\201=#\3357>\274\303L>!J\221\276\350\250\n\277\357\023\232>\264\256\244>\343\035B\275\344\252\344=\004\323\034\273\006\000\333\276\316\030\002\277\351\345\270\276C\343\227\275\224\232i\276l\341\017\275\320{\274\274\232\330\002>\243\310\326\275\253\261\250\275Z\254\236=\325\3107=\023>\255\276\205O\336>\203\350#\276\265T\344\275\260]\r\276\267X\337>\323\250\356\275\302F\336\276s\217\353>p!\030><\306\014>\320~4>\3345\305\276\301aO\276Gqr\276\003D\224>S\256\275\276\263 \312\276\237\340\265>\032\003\007?9\023\373<\365\024\316>b\351\373\274\177\311\230>V\356b=\306b\223>3\251l>?;\253>M\3227>z\2474\276\212CL=\274\320\256=\250=\356\276\334\024\006>\220\344\222\276;\260\320>\341\327v\2769\335\002>\337\352\324>\314\\=\276\241\003\370\275\300\301\026\277\234f\243=T\207T\276\000\323\334=\014\222\337=Q\252\263\275\225\340\002\277O\321\260\275\222\273\"=\262\300\202>SI\204=B\377\310\275+\325\251>X\222\216\276\3036\034\277\"g\205>\367\030\033\277\327\343X\275\276\"\003=\37023?\036\016\247\275\374\343\303\275m \277\275\320\304\235\2758\335\266=\204G\'>\225\314\305\276+b\360\276\356\210O>\321\323\212=!\221n>C\341\245>\232\002\221>f\302\355>\321\362\004\276=\301 =r\372\200\276\214\225S>\257\n\344=\001t\302=\271\320\340\276\200 \316=\244\256,>\020\t\205\275\355\340\346\276\274\3647\276F\332\341\275\010\314\267>\266C\215>\255Q\213\276\370\034\\\276\340\336\223>x\237\342;_\332]?-QB\2762\376\333\274\306\214\242>I\016\253\276\027\336\250\276\220\016\252>\272\227\204\276\216\341)<\235_\017?#\0232\276R\270\272>]\353\027?\036R\311\276k\260\211\275\302\304)>a\343\"\276|\010\263\275\267)\362=.\302\206=\304\270_>\341\225\263=\353\263\207>\037\231\330>\311~g>bv\001\276M\020\231>\216@\377\276\270\311\006>i_\027>\275Y\324>oX\025\276\'\206\224>\230@\272\276\260\004:=a\261\037>Q\377\005\276~}\336;u\201\201>xp\250>A>\t\275\002\313G=\026t\001>\025S\255=n\2176\276\2665,\276\035\242\013>\355\005p>\255\022\214>@|\366=\225\353\000\276\004X\203\276\003\257\213>X\337\355\275n\225V\276\345\377\265>\370\323\242>cV\217\276A1\t\276j\371\217\276\224\217J=\2171\344>o]\240<\035D\243=\035tD?\351\267\310\274\317%\342\275;\030\003?\267`\320\275\0371Q>\315\341\217>N\333%=\353\211\225=[\356q\276\005\005\343\275\321\345\227>\372Bq\276I\227V>\352\334\200>\035\334)\277yr\026\276\203\247\353\276\275\"\235\276\222\300\266\274]\231\256>y\253a>l5\031\t\356n\276\220\234\263\276\3773c>S\332K\276\245\222p=RL\213\275H\333\361>\313[\263>\235,y>nf\357\274\261\356T\276V\313\263>\346\372B\277\3275\001>q\3038<\367\254g?\225q\266\276\3606u\276\212\235\254>\273\005t\276\322\223\203\275\333\205\346\275\211H\312=I\031\000\277\014\342\215\276\017(\234>\035\020\204\274O\361\\>\224\347\307\273\27239>\0207\374>\207\323\003?]mX?\201\276\257=^d\230\276\232\210\361=[bW>6Et>M\240p>\232.\226>\022\034+\276\252\362\242\275\215#\304>\274\354\215\27608\213\276\314\372f=[\257\206<\205D\250>\204\302\334\276\362W\267=0C7=\250`\304\276\262!\236>\345a\035?\273\343R>\247\240\350\275\257\324\272\273_\235i\276&\360\255>\036p\300>.\021\312\276\035F\230\275\334\216\013\277b\300\202\276\272\335H=\006\364\353\276V\343\234\276\263\300\010?\026^\264=\022\303\020\276[\274k\276\377V\000\275\321\250~\276,dC\275\301e\256>\301\267s\276;}\243\276\177\356\314\276\267\305$\276\357\202\253\276\2302}\276\031\351X\276\216b\035?g\243\001\274\354\304\214\276\357\372{\274\367\'\'>f\341\200<\310\252\014\276\332A\033\276{\224\024>N7\304\276h\013\245\276(r\213>E\rS\276\214&8>\207\230\316=\351\326\265\273J\364{\276\343g\222\275\212\362\261>\206\006\026\277\361\007\202\276\206\254\265\275\215\247\022>rl\224=\350\200\336\276\\k\302<\026\366t\276\2744\260\274\310V\211>o\312\236\276\370\272O\276\025\340\032\276\027\226\006\021\240\352>e\306a>\373\244o>\273h:\276\210m\255\276[5\242>\310X\230>\236]\276\275\304\244\202\2761\231\000>\366\'M\276\017\303\023>2-\251\276\300~Q\276\217\277\022\276V\221u\275\321\325\033\276 \362X>\376v\020\275<\335Y>$\237\262\276[h\022\276M\336\343> ^f>\313\017\023=]h\266\275@s\204\276\237\360\212\276\021\356R\275\003:\275\275\270Ok=\316\355\375\275\316\205\024\276\341\252\222=IL\022\276\307\025I\276|Pl=vu1>\r\270v\275N\315\227>\032\341\305>\317\033)\276\230\363O\275\357\314\036>\033Q\025\277Y\326\213>2\242\003\276\215\247`>\343\221\310=\001\270\033>\024r\023\277\363\343\234>\250\261\250\275\217\351\032\276(\320\216\275Oq\030>\201\367\335=\375\311[\275a\364\007=eh\036\276z\330S>\230\332\346=\037\231\315\275o\001\031=\346\302\267>\262\006-\276%\347Z>\231s!\275m\033\346=y2\370\274\204\320o\275k\354\266\275]\221\020>2i\310\274\206\211x>\262,\361=t\373\005\275+\3440>\261e\332=%\333\305\275ux\247\276\310\311\236\275 \2063;=\345\230>\032yL\276\323\327\205\276t\335\031=R\232\224>\003\300\355>\250M\003\277D\325\223>\023\253X?\"\327j\275\206s\245\2751\037$\276\033\277/\276\351>Y\275\230+\035\277\311\201\200>\021d\357\274\010\177\275<,\334\213\276\234|\235\276\240q{=\021\263\320\274V[\367=g\211\223>\373t\250>VO\250=\217\021\347>\006o\231>\350\034n>\314r\352\275\306\300\305=i\204<\276o:\375>\264J\004\275\260\203\200\276\370b{>\270\376\333=\2113\257>\223\3364?\245\352\367=\005m\354\274\235\276\002\276\001\217\214\275Q(\253>%\026\265\2755\362\356\276$s\343>\0251g>\310S)<\261\255\260\275\225\306\325\274Z\265\333\275\031)|\276\231\305\253\276\273b\227<\310\354\004>\376\336\257:U<\005?\341\2047\277\3334c\277\233/\355\275\317\277\331=\200q6\274\005\357\304\276Np\223\276,W\r>x\373\016>\317Z9>tk|>\330\245~>\366\261\240>_#?\276\356\334\201>;b\023\2777+\220\276\273$\210\276\336\260\343>\241z)?\221\032\306\275\347\365\020<^\251K=D\207\301\276\377\352\231\276\253\350\n\013h\215\276t\242\261>4YY>\332V\203\275\351\222\217>O\344\365=\014\035\232\274\266\n|\275\360\261\360\275\n\014\263>\222\016\374=\360\364\277\275I\265\356\275z\032?>\014\210\342\275\226\032\340=\356\276\361>\306\001\n?J\3263>\240\345\274\276\266\304g\275\t\314\267\276\222\021\032\276\203-\366\276\202\242\034>\315#\032=G\311\324=\347-\245>\001c\307>\227s\317>\377\351\033\275S\201\236>\201\207\230\273Q1\305\2755\305\014>\264D\236\276l\025.>\303\020k>\343\224\257=\372I\313\275\343\332c<\212]\245=\256*\027\2763w\'\275|\311\321\275WD\230\276N\272\004\276\305=c>\037\204\355>\222\374\317=\266\350\242\275P\331\244\267\227\013n=\223i\267=\'B\341=\0270\304=\013O\334=&fs=5\253}\276\244k\\=kQ\246=i\2663=\261\267%\275\307s!\276\220\306C\276\311\252\205\276\272}(=C6;\276\317\260\030\277u\273\373>V\257E\276$\304\021>\356\312\246>\322\331\231\276\233t\002\275BL\033=\325@3?M\200\276>b\272\002\275\nc-\276~\311!=s\301\262\275m\242\221\2754\340\315\275\034\036-?\274E\324=c\363\207\275\203^m\276d\364\207=\333\240\341>\306\261\334>v\247\254>)R\236>\207\361\345>\240l\225\275gY\004>\030\324\215\276\270\254\304\274\226\332\325\276\"8\033\276o\334\220>\335nq\277\327j\267>\037\320\204>*\277\354\2766UN=#b\021>\203\265@\274\213/\251\275\032Mr\275\252;x>r\311\350=\344\312\345\276<\020\n\276\237C\300<\r\327.\2763w\216>\032W(?\344K\"=?\310=\276\363\217\326>j\306\010\275\3275\214\276\265\256\030?7%J?\002x\227=c\263\365=o\335\271\276xy\241\276\020i\'\276t\355;<[\327_=y\344\003\273\350B\222\341P\236\2762a$\277\373\274\260=\004\236\237\275b\324E\276[4\207<0\330\300<\3301\\\2751+\316>\210\344M\276`\303\227\276\204pQ\276e!?\2772c\255=1k}>\321=\354=\335\006E\275~\250_\274\t)v=\366\226\327>J\200\256<\031t\'=\212\355\016\276$\t\377\276)\305\365>\304\352\376\275\314b\246>6\273\340>\217\214\261=\217\206\034\276D\356\226\275\236\267\030?\304\234\001\276P\265\367=\"\351\300>\355z\307=\240\331\256=\323B\270\276\tV\356>\2460z\275\324\374\215\274H\304?\276`s\317>Z\203s\274,\201\023\276y\351\303=`G\265\276,\007\330\276\201\035\"\274\272\366m\276\020\225\345\276J\027\241>?1\001\276\203\000c>\310\340\277\276>\2516U\321\023=\215\263\207>\214\037\232\276\r\275$\276\305\302\333\274\004x[\276\347s%\277\024@\214>\037\376\232<{\206\267\276e2\340\275V\216\263<\215l\230>\367\010\230<\311\023\232\276\217B#\276~.\226>\352!W<\370 \220=d*\023\276\267\2737=]\233W>\234bG;H\363\356>\020\202\033>\324\215\006\277\3418\253>]2\223>{\2633?2\225\270>\366\334\323\275sz\251=\3465,>&\207\310>W\345\033>5$\003\276\250\265 \277P\177\347=\262#1\276c\374\315=\205#\005\277_\376\252>\350\330\246\275\010\367[\276\235R\002>G\325P=i\255\212\276\276*\303\276\257\\t>\374\340M?\007\357\036?\357M\354\275`\265\247\276\364\354Y>\025U\341\275\232>l=ta;\275\363\004!\276\340_\267\276k\032\207>\022\225\330\275-\025\262>HI7?\305\010\030\275\323\237\024\276=\337\004\277y\353\302>\340.\241\276\372\302v=.\335\030\274P=\214\276sw\315=\270d\031>~\237\261\276\361!M>\031N\231>\016\266\301>A\273\250>\344W\210>\242\233k>\354{\022=\375\237\333\275\\\337I=\377\317r=\243KQ>\363\024\370\275d\203\004=\365\352\017=\276}\274>\023\310\227=\267\350\314>\343\303\035>\235$\221\276\304{\001\277n\341l\274N\246;>.\0144\2770\003\211\276(\202\376=\250\t\">\271_\333>\376\340*>\343\265\200>2\251&\273+p\203>%\335Y\0208\030\277\305W\333=U\304\345\274\374Yv\275\225>\223\276\343TD>\360\344\346>4\277\300\276\301H\354\275C\322\017\277\217\213\205>\235\236\317\275\220\225\027>\231}\365\275\243\\u\2769\205\013\275J\317y=\010C\300>W\365*\276\013\252\257\276&\003M>|\244\240\275\235\245\314\275\221\276\332>\326\026\027\276X\203i=]e\351\276\342P)\276\225-\025\274M~\263\276\223&(\276\n5\225\276\227wJ>5\237\212>s\332\212>\312\354 >\330\322\206<\024\361B=5\232\240\276\017\230\371\275\251I\230>\021F\217\276\304eN\276\355Ra=\342s\005>\245\274\337\275\335\272\352>E\'\236\276E\312\240\275\235\030\315>S\t\214\2764\327%\277p\245\252=\210\261\365\274\r\234\325\276\336\271\252\276\211F\032\277\201\'\200> p\370=L`Z\276L\261\200\275\216tf\275\370\362\337\274*5\220\276\364\304\215\276\300\251\024\275\022\377v>\275\252\362\276\210\244\342\276\376\262\031>\304R\221>\351\256j\276\007\t\010\276J\344/\276\336\253\037>-\214\217=\033\222(\275 \246j>v\231\021?\353\205\021\277\335,\374\2760\223\265>V\375\004\277\216\204&>\2253)\275\034Y\232>/\220\006>\023L\315>\236\257I>\013C\021\276\332\002z>\372>\222\275\370\032\342\275/S\026\276>\363\207>G\276\246\276\313)\314>\214\235\026\275\000\321\232\275\241<\266>\346,\002?\324\263 >\033\2555>\252\350\010>\032\270\031>b\314\313\274\031\346\n\275\'\372\317\276E\\c>\364\226\000\276mR.\276Bx\277>\010\336 \2761Zz\274\3641\323\274\3238\026=\310o\333>\215\260\032?\375{K>=\323\221>\341,\002>6\013)\276E\362\241\276Tu\214>O\204\330\276\353\023\027>\365@\317\276W\365d\276\360\351\251=\245\317\277\276\201\275e=rV\223>HBG>+\213\027?\205:\332=\254\315\306>\005M\355=hD\266=\374\315J\275\311\372\375>m+\204>oYe\276pLZ\276>\000k>a3\020\275\333a\211\276\321\214\215\276\201i9<\323\372\303>\245o\277\276\365\006\320\274\201 \356\274\276G\375\275^~\026\274&\201\244\275\311\200L\276\276\264(\277qw\311>\355{8>\006\026\227\275\007\201\205>z\336\020\276\330\000\\>\302%\317>\201K\242=K\267\277\275\226S\220>\252q\274>\033\242s\274X\227\343>\350!\204\276\303 s>\004\361\263\275!U%\275\352&\367\276\201k\256\276\030 N\275~\364l\274\263\212D=\013\367\230>z\254k>\373\0206>\\\016/>\214\245\372=\270\021A?\006\007\330>\311N#>\3260\335\275\342s\371<\2749\254\276\374,\035>k\232\305>\010\325\263>t\t\356>\237\317y>\3654\260=\204\2606\277\315\370\007\276\214\366\214\276\022\252?\276\2366\312\276\344\362\003\276\333\254R\275\r\324\220<\374\246\215\275~\021\246\276GQ\270\276^\010\356=\260\306r=\375\310o>\270Yu\276\271t&\277h\243\364\275\212\217\251>$\225\302\200\321\313>\304*D\377\321\305=\324\337\202=J\215\233?\017\005\035?\306f\237\274s\024\001\275yE\214\275\263\310\035\276\354 h\276$\210 >^d\025\276DMe\276\246=\241=\222\215}>Qi\r>K\303\322<\345\250.?\005Z\031\277\233\305K\276Hs$\276\314\274\306>6\307\036\274Y\306\210\276\250.\373=>\216$\277\377\227\037>2\361\350\275;\320\'\276\323i`\276J\210\361=&\210\016=o;d\275\224\354\257\276R\217g\276V\314\215\276\261J\347>\t\215\\\276o\014\221>\251\r\215>|i\306\275\325S\265\276$\\V>\022u\375\275\324Q\220=\2632M>\267\016\261\275%F\216=\277x\212=\307\'\272>=z\t\277\312%\257=7\035{\276\0177\255>\206\332\302\276\254\241\267\276\231\031y\277E\022\326<\007\032R\276\267\211\274=\3556\354\274\224\215\030\276F\206\373\274\277}\370\275\036\307\230\275^\007#>\342\353\235=u\306\262\276\316\345\340=\033\366\000>\307i^>b\200\332>L\033\342\276M\243m\276$\371y=>\300,\275\257\220\242\276\022\250o=\005\231\315\276\2176{\276}\017\211=8\372_\276\2259\004?\022\220K>0Bg\276\375\002<\276\265\000\261\272\253\240\014\276I\373`>q\271\363\275\3430;\276\246w@\2774\3332>\364\226\201\276\255}\201>\240\203Y\276\360\244\005?\242\035w\275\317\004\235>\031\302\360>\363\226\"=\2517\253\275e\225r>~|\261>\306\203\004\274\2433\246\275\236\355L=\341\225,>\362i\036\277\343\1777\275\244\352f>\326\215\320\275\343bx\276\365\002\266>\224g\t\276\022w\302<\2255K=\366\247/\276x#\006=\325\010d\276\332i\367\2752\270\206\275h\301\013=\221\2741\276\014\206\201\275\220\225\255>\261\362[\273\263K%\276\266\021\263\275\346{\031\277\0260\200\276y\276\232\276\221\361\203\276+\266\225>\363\022x\276\331x\232>:Z\207>\021-\215\275U\\\014>\271\315\355>\273\243\271>~8\315\276\200\212H>\201\272\017?66\235=\213p>>c*\020>|\210\305>|\3011\277\225\r\007\276T\367\003\277\017\034%\275\242j2\277M\220\350\276\r\215x>\r}}\2765]\026\276\373p\327== A>\273\351\326\275*j\350=\215q1>\353rY>\357\331\376\272V\261U\276\3365\306>\205\277\035=7R\352=\336Uk=\020\024\014\276`*\022>8\236\356\275\025!4<\216\346\222\276rQ\033\277\205@\365>\231G\177\276\217\260\203=l/\266\276X\213\306<3\253\247>\021\304\217<\3637\232>\226\013\237=\312pC>m\321\201>\260X[\275\321\333\307=\222\177\227\275\255r\253\275?@\321>\372\372\333\276\177\205\342\276U\203\224>/S\207>m\252Z\276\235\372\005?\320\177\317=e\326\212=Oi|\276\210lJ\276\251\350R>\361V\263\276(\315\232>\250\007\376<1\256\222\276:\261\320\276\203m\254\276\2060->\302\025\025\276>r\364\276\304W\317\275%3\215\275\337\253\'\276\334\222\306>\253\223\213\276U\201\213\276\243\352\014>\211\353\374\275)G!\276\226\243[\276-\212\320\276\357\356?\276\215\251\264=%G\340=\222\326\242\276\227\005\310>\301C\263=/t\234\276\237\375 <\211?g\276\232\262\241\276\323\262a\275\312\374\342\276\005\367P\276\242\025\216>\2634\037>\320P\247\276\302\353\357\275\n\214\017?\276\204\231\276\027\307\362=\311\213\225=K\016\210\276(\2524\276\277\322\310=y\241:;X\274t\276\247\313\345>\370\013\020=\343\216\307=z\023\266\350\276\\>\340\211\270\276\325\366\314=\354\357\224=\306\326\211>vl\034>\010Gq\277\214\204\360\275z>l>}\214\242\276|DN\277\263\231\315\275j\373\r\277\022j\256>\311B\016>\212\212\347<\327\363:>\310P\006\276\006\244\326\275\n\326~=8\335\024\276\364\323\214\276v\331\272>R\376\323\275\000V\214\275\037\327Y>\373n\210>\266l\000>\222R\020\275n\234\235=\202d\0245\235\271\276\314\023\010=Q\221\215>\"\367\205>\017\253\373\276L\242\260>\235\265\236>\233\277\264>D\2434\276\032P\262\275\2643t\276\036e\365\276!\322\002=r\035\027>\323\006y>\250F\262\275s\375]\2765%\'>T\200\250\2763\202\230\275\t+\023\273x\005&?}\222\321>\236N\313\274\254W\206>\365\215\016=\004i\217\276.\254J\276Fa\264;\355\r\377<\006c$>w\314\204\275s\003N>\350\356\005>\222\232\021>\274\\\025\276\305%\304>\340\000\000\276\021;\362\2760\310\020>G\307\315=\031\255\310\276\221l\204>&\361\350\276\234\372*=\210\260\276>\252\010\253>\023\264k=\326\371\220\275\220!\232\274$Z\310\276\347g8=\0016\n?\254\036\003\276\205\372\350>\016\001\200>\222\365\220<\336\'\304=\327\346\230\276\t<3?\302\356\221\276g\334\033?\016S\272>\310\317=>F\322\224\276\221\201\010\276\206\233J\276\216\336\"\276Sz\207\276\347\261M\277;x\315>\243\225i=_|\031>J\320e\274\205~/>\261\263T=P\325K\276\245\252\323\275\257\020\345\275\255\313\261\275S\337\241\276$\240\024\276\237\250\205\276\327\241\353>.!\017\277\023T\240\276\372\330I=1\200\262\276\036+\n>\370\315\361=\004\223U@H\225:z\314\371=\"T\243>\030a\352\274\223\237!>\214w\327\276\032\032;>b\233\227<\362\306e>5W\263>\306\\\236\276mc\266\275n\210-\2749\216\024\276\021\033\255\276\306\366\216>>f\017\277\262K\266\276\352IX>Q\276\315\275\201\250\316\273\002\276>>_\"t>\006\277\231\276\017\034\200=\275S\207\276\245\336\252=\302q\307>5\217\310>oF(=q\031(\274\247*k>\252y9\276|?\242\276\247\330R\274\223\n7=\000\356\206\275\221\270\201\276l\005\256>\210\020>>\275\236\333;\276\267)\277\300\033\364=\0321m?\006\313G>\000\301\354<\023\005\277>M\210\256=\000\311\001\277\271H\013\276Zi\035>\257\233\217>x\2425\2779\374#?\030 \353\274\317\327y\276\265\"\321\275(wJ\275\275\207\266=\222\340*>\3263\370\273s\2713=\036\227\345\276JB =\342\203\017\277[-\307>{Q[>\"\r\226\275\333\004\005\275\224\2633=\333\235\223\276\2116\307\276K\357\256\275P\361\007\276\214\354\330=N7B=\032\312\340\274\321\007r>\204r\350>9\n\270>\204\034\305=\323\241\030\277\031D}>\370\300\006?9~\275\274\275K\362\276&C\207>\343\023\224\275FA\215\275\302\253\212\275NO\306<\010\320\351\275\304\236\307>\314N(>\010\034\016\276\274D\251\275\363\227m\276\273\335\350\276\332\352\332\275\026\367\267>\260lK\276\334\324\357\275\311N\234>\201P%?~v\247<(\"\000\276\177\021R\277G\354\336=\371u\240\276\2719\007>}\027\016>J/\274\275\333}\301>\267\237\364=\317\275\254\275H\365\t=\356\231l\276\336\216\253\274\354ob>f\335\013\277\271\331j\276\016@\214>\345\371I\276\"\200\004\276[\332\003=\317\0319\277\260\224}\276o\322\324\275{7g>\365+Q>2V\006\2779G\313>,a\237;\240\262\316\275\206P\310>\340\253\341=y\237\010\277leK\276\352)\020\275L\216\227>Fk\331>\270\244\264\276\026Lx>\026\236\251=\346+\315\275\004\303\210;\273]\202=%\203\322\276\0336\222\276np->\327\315\370\275\0079/?R4\304\276*\210\306=U\355\346\276O\020#>\236\357\007\276\314:Z>\235\231k\275i\242\232\275\327\032p\276\332\351\330\276\026\300X\276\206\345->\021h\004>-F\365\275\031\377#=\207Z\336\276o\347_\276\206|\220>??j==\030\001\276\032\273d>\tNv\276\247m\205>J\0033\275\354c5\277-z\274\275\267\2063=k\311\245\276\262F\327=w\331\253>\307e\222\276\320:\355<_\247\336>~+5\277\034P\003>\275%\333=\326c\\>b\202J\275qM#>j\336+\276\376\211\333>\273\301\214\276\325\376@\276\020!a>\276\225\325>\310\347*\274\260\014\215\275r\232\243\275\023C\255<\242\014@>\340\377\345\276\"\254\023\275\373\312\224\275%\001,>\314\360\t\275T\324\260\276\220\255\305\276\000\007\340\276^\221\007\276\270_\007?\tL\346<\035\364\247>a\261\371\275\336\327\335<\207\327\202\274\245*\273\276\252\360\341\276s0\343\217|s>r\376l\276\211\027\312\276=\027\005>\031\366r=\257\222\275\275J\001i>?\366\236>\262f\032=\364\245*>\0356\206\276|\213\031>\315\023-\277\237p0>XP\034\275\356\305\355\276\335/\302>\'\307(\276\360\325\001\276\325\330\220\276I\344r=\364_\013\274\031\326\217\276\201\246\250<\234\203i\276\323\215\227>\314\224\022>\271#\317\275\237\345\263\276\221:\327\235HU9[\213\327\276[\342\366>\036x\223>V\024\323>2\315\322\274\272\\\020\277nUL=9\373\322>\023\373\357>\016\005\216\274\374=\307\276\033$\345\276\310\t\033\276\254k\210\275\232=\034\277\022\006\304=\032)\276\275,\346\244=\3070\006?\321\204g\2760\035\320;`\223\235>U\301{\276@\312<>\020\331\207>\201\323\355>\237?\273\276w\310\202>\375\361\032\276\241\364\212\276\316\317g\276\337\255\212>g\354\003<*\252\001\276\3102r=t\031\315\276\'m/>\004-\265\275\235\332\253>\256q\233\276\325\024\\\275\014\321\226\276H\003\242<;*\306=No\033\276\206\251j<\030\200\014\276fF=\276<\033.\276\214F&<\2204\017\276\233\021\257\276\361\301A>\2028f>v\030c<\n\006\271\2754KZ\273\334jI=\t\254\332\276\363\241\301=\371\302\247=o\263\225\275KcD\276\271F\306>a\200\201=\350\356\314\276Z\275\220>\267\306\323+\313\270>2\225)>h\307\010:}\302\010\277\254\231[\2736\327w>\332\335\366\2745\226G>v\013\334\2768\000\346\276[a\004?3\370\236\276\2051\240>-\223\021\030\017!>\252u\034\272\203\221\014>K\266\221\2755v\240\276>\\\304\276\244ee<~\344\206>\253\022\357\2757\020B>Q\013\206>\245\322\206=\361\223\240=\371\210\240>\246\251u\275\347\330Q>\035\230z\276\010\274f\276\352+\240>\301#\215\275\270\245e>O\322\332>\246\320{\275\342\017B\276#\343\272<\220\313\213>~\356\222\276\231\324\235<\215\253\234\274m\307!\276^\204\343=\307Me\275t(\346\275\361\352\020\276\211\nc<\337H%\273\007u\003?H\021h\276\\B\272=\366\215\021\275\331\3309>\250\335\250=H\001\207>\211f\211\276\035)j>\361\016f\276\251P?>\032G\216\276N\351\230\276\270\'\334\275\371[\211=\216\304h\276BZ\257>\177z%\276TC\021>\025B\246\276T\274k\275\026m\271\274J\023\303\276\341\274\222=\214\221\'\276$\226\005?\307Au\275A\253\312\276\335\331\032\277K\027\340=\007\333\323=C)x\276\317\364x\275V\314\266;\304\220\016\276W\216\000\277\312\370\226\276./\213>\263\022\330\276\307\034\200\276\272\005\366\276I\3554>\353\226\001\276\313\347\220=\213\214\005>\t{\354\276^\312\202\276\277\214\004\275\337pd\276d\226\331=f\270i\277\321W\277>\356/0\277\201\3153\273\024\2739>p\314\247\276\362S\373\274|\214\231>+\323\220>9f\301\276\241\336\267\276\202\237\003\276\266,\231>\313c%>qp\026\276M\352\366\276\034\276\007;xp\226\276\321\373\321\275\266\345\214\275\347_\217>\225\025\232\2754\202(>K\347\250>\2639\036\275\373\366\014>\377\210d=\274\201\366=\024\"\366>\034f\215\275\2214\217\276_+\232=m \231\274VA\304\276L\r]?\233\302\023\276X\345\266\274\251\201=<,\005\212>\224\240Y>c{\032\276y\355\r\276\225\245\205\276\232\255\232\275S!\347\276hA\273\275;\253\253>m\r\230<\371<\250\276q\354\177>\323y\010\275#\034\274\275\005\0148\276\226b\263\2731\322\302\276\\)\207\276\217\253\343=\361\002\017\276\333\226\206\276V5\022\275?O\032>\t3\033\277\t\330\365\330c\255\276Z\211\343\275v$\202\276\325\036q\276\344\000\001\275l\236\240>\303\0061\277\276\256\346>\322\346\034\275\377\'\266\276VX\356=\316\317\265\274R\324\364\276\260$c\277rA\321\276r\344>>u\232\346\271\354\351/\276\213\214\375\275\356\343\315\274\003\376\220\276\003\226\010?\336\346\272=\335\337\216>\000XG>\242\370\245\275\333\250\363=\30322\276<\311\230\276\010\334K=\273\325\363\275\206z\230>\234\213\220\276\346\026\262>;1\020\276\276\032\240=z\307>\276\315\013\345<&\3710\276\316\263\033?\343\210\207\276HG[=\030j\274;\013p\313>\260u\212>@\335\031>;\\H\276\365\244\\\276\356\231\340>Ybn=\270\016;\276\006\034\010\275\212\304\312\2761Yb\276\303\345\t?\235>\035\276\366\202p\275v\353\231\276\3161\244\276\2543s>\250\016->\254G\016\275\214\037\203\276\334\311\243>\230z\217=Vd\034?\213r\014?\236\252:\276\310z\323\276S\213\260\276\254\357\273\276\235\036$>A\023\000\276\003\266{=\"\361\215\276]`\230=w|,>={z>\353h\302>\006\343=>(\367\013\276\tW3\276\214\200\022\275S\342Z\275v@K<\275\325+\276W5)\276%\317\217\274\270\256\206\273O6D>t[\201=\353V[\276\020\322\364\276\374\005\022\274\371o\206>PEl\276t\031 \2769\023\007?$\371\024>\325\374\220\276\304\221s=\213\004\213\276K[\263\275C\326\026>\366\016\263>m\206]<{\254$\277\270Jr=\210\226\232\276*\024\234\276\317\270\345\276\233\tt\275Q\322k>\177l0>*\225\"\276\266$\276=\216\251\013?\016\345O\276\003;\'\277\273\237\222>\247V\037>\033\257_>\256\233\303>Pe\225\276\252h\352=\330\300\032>\027:\234=b\026\351=+\316q\276Se\337\276\t&\372>\313\372\251\276Qd\232\275\201\301\251\276\227\377z;\205\327S\276D#\200\276@\216\031>\314\200\376>\303J\302\276\ni\021\276\004\304\364>\357\273\301\276L\324v\276R\017\331\276q\"\037\276\262\265|\276\266\261\030>\250\262\036>KF\207=!n(\276O\362\272>\311[\261>\031\013\252\275\320\352\332<\353\275\027\275a\326)=\214\340\204\276\024h\253>\316\037\017\276\333(\210\275\225\365I>\232\3725\276\361kk\276\234\230\243=\342\017->\202\347\313>\324a\312>\017\370\333>\275\256 >\222\372\036\276\r\211\377\275s\303\237\276v~\213\275\232\217)\274G\226\355\275/\026\207>\312\311+\276qj\014\276:\217\274=O\314\004\276\351\237\364>\003\310\233\275\267\010\255\276\344\001\324\276`Q\242\276A\355\367>\352\321\301>\325^ \277\002\254\036\276\252_\025>\365>\205=\232-?>\377\367\032?\310\270\264=s\272\372\273\330\231\204\276\314#\351\273\3205\240>c,\311\272l&\354\275@E\331\274\274\313\010?sy\203\2764A\376\274\nm\267>H\360\362>\263\323\031>\224\302M>oC\354`B\201<\213P\003=_\200\363\275\213\3200=\350b\275>\332d\014>\202\302\036\277\317\022\t=\370\034W\275\221\263d>5\341\t\277,\224\014?\030\207\244>\301\311\214>sV\334\276BD\025>*\224{\276xR\001?Z\031w>\355\312\245=8\343\251=\325f<\276\343\341T\275/r\n=\306]\263\276\377\274\204>\n\262\r>\257-J>\355\320\315\275\266\207+?\211\n\345\276\357\211\233\276\335p\\\277\000b\374\276\274\354;>\303\'\232\276\336\337D?\357\0022\276\317\020\257>\263\3775\276\177\245}\276\027,H\276\263\027\365>!\251\271=\002\367(\277\203;\341>\363\3106>)\t%\275X*`\275\3046|\276\224\3668>6\270\241>*O\245\276\205a@>ooD>\221sJ>\330\372\214>Q\255V>\377=\324\274Q~\272\276\"\263W\276Xt\323>\242 \343=\204\244\r\277\232\366\222\276C\014\253>/\277\007>\254\260\371=q\376\304=2\231=\276O\017\220\276\356\020\346>\022#\210\275\013\217M\275\236\0273\276\271I\365=0\220\200>C.!=\034T\211>\317\307a=5\275\316\274\225q\246>H\323\336\276\235\273v\276\233\324\202\276H\370C\276m\275\202\274{\242\301\276\201\0374>\313\202\274=\333{\312\276d\3305\276\177D#?\230\363\271>m\372\215>\325\004!\276R\301\204\275\247\021`?\223\371\342>\031>\254=Q\203\255\275\274\301\252\2764D\035>\225\004\241\276\320\324\343\276\032_\"\276M\351\221\275\2127c\276\263\367\372\275\356\305\035\277\377@\371\273\301\271c>\035\013\345\274\345\027\010\276o\026,\310\303\000\276\233\373?\276n]2\276e\000\253l\363\032>4\326\275=\274\222\221\276,\024\013?\023h \276\300.\"?#_\223\276! .\276\366\354\251<\311o\272\275[\240w\275\265\270\252=\326\355k=95\211>\365\332\231>\320\344K>\333\217\260\275\363l\263\002\344;>(A\324;\271\177\363\276]j\270>\3347\336\276\325\270(\275\232\347%?\250\2130=c4\331>\372\267\203>\255\014\341\2732\020J< \361\222>c\246\020\276\264\360\256<\346\220\261;C\220\240=\343.e=\252\032\352>\361\236[\276F\240\230>\0020d>G\365m\275\th\202\276\264-\233\274\223\241\213>\211m\232\276\245\265\354\276\002\366B\275\302\247z>`T\276\275b(\001\275\r\255\267>}\250g\277o[\377\275\216\207H=g\253(?|\036\n>D\350\254a\235\301>\2262a>\351\3147\276\271\217\327>\2570%?uw\204>\222Y\260=\244\333E\276\367(\003=\243\"\r>\327\360@?X\272\247>@99>\3226\302\276\261U\000>\205h\353\275X\n\346\275\r\312w>\350\241m>2\227\205>j>\t\276\341\202\003\275+\363\027\277rz\363\276BQw\275&\361\327\276\"yE>\314\327p\2755\321?>}\031->J6\256>}\266\213\276K `>\204\260\373\275\016\315\250>`N\322>\252~Y\277{-\274>\346\r\211\274\030-\022\276o\253S\276F\247\233\276\300\241\315>\302\333[\276\220U\224\275\253\310\236>\200\233\250\2760\037\032\27629@>rg\210>m;\007?\217\265u\276\374\330\211=\342\306\211=y\250G=\237h\361>Nh\034>Y\236\330\275\330mx>I\222\325\274\255[B=\305\2273>\3662\326\276\027\371\000?\347r\226\275\314[E>\037\213-=\032=\032?\321z\221\276\214AK\272b\014+>\351_\000\276\357\334(=\204\022\225\276$\215E\276\004\270\260>\312\2600\274\017U\237\273\341Y&\276\372sX\276\225\313\215\276\343\177`\275x\220\227=\016\273\306>h\025\006>:\232\317\276Pu\246\275\345H\010\277\232\311\206\276+\325\342=%\220\342=A\2714\276\325\224\277:\277\320\270=\016B\232=\253n_\276\273\312]\276*\341\034>\222;\212\276\035\316\241=w@\222>\014\347\317\272\3108s>\\\261\374\274\370\007\013>\246&\301\275\351l\257\276M\004\330\275\014}\355\276F\327\250\274*\366X\276H+X>p\004\234\275\361\204\251>4\235\023\276\216\262\261=s\300\364\276\r\304\201>\374;F>\370\231W\276\354a\202>\3058\"\276\336\033F?\251\370\007>v\222\005?J\2406\275$\343\271=Oh\214>\002Z\033\276T}\320\275CZ\270\275\215\352L\276\016\210\342\276\352\375\207>?M\n\277\276\\(\276\2214]>\007\361&\277\001\240L>\026k\031\276}E\244=S\272|>\223\354\330<\274\355\t?\337h/\276\225\024\315>\3038\251\276\217\273!=Md\226\275\343L\026\276\023\366&\277F\314U>`\333\210>\037\202\316\274\37490\277?\030#\276\001q}\2765\371\370<\210\376\201\275!\322\006?\3635\274\275\331\006\200=?\311\017\276f9\330>\t\365\204>\306\2627>_\371z\276)\377\214\276e\265\304;\357\262\r\277\262n\236\276\221\234y>\335\006\211:\371\006\007\277c\370\304>\322E\225>g\310\351\275cP\265>\251\177\014\277Hk\307\2742\242\217=\315\032\004?\331\333\231\276\340\035\274<\347#\216=\260\376V=\014\227\031>B\177l>\315c\252>\277\232w\276\311\221\344\273\357\262\027>\235\340\230\276@\362\013>\016\214\216\276o\216\010>\356g\034\276;wu\276\232\244$\277\341\353-\276\337J\230\275\223\2515\273\3341|\276\'\365\273>Z*.\276\227\373\014\276\321\177V>\351\251\262\276\220@S>\321\251\202\275\030\226=>=\367\206=\222\233->\202|\264\255{\013=.&\017>U\371=\277\"\243\222>\307=[\275\2723O\275s\301\274>\366\031\233>)\335E\274`\3641>s\253&>\272\321\207>`\033\254\273\234\326\266\275\271.\237\276\351\221<\275\222\310\225>\327_\204>\322\266\253\276vB\236\276\323W\037>o\272\032\276\025`\267<\245\344\304=rZo>\002\2053\275\201(%\276\033\221\017?YML>4+\206>\033NT;\335]\354>g\005\r=\"#\335\276\356\2150?R\016\345=H#\311\276\256\245\021>\307\003\222>\273\226\225<\373\377\201>X\213\331\276\203\353]\276\223\302\230\274\374\273=\276\360\001\267\275\030Pu\276\\<\322\276J\375\335{O\027?\205Lm<<6l\276\247q\277=\357?d\276\351\265\242\276\347\365\300\276\265\270A>y\017\010?\337\032\205\277\217\255\231<\3279\376\274\302\r?>l\232><\376\316\211>\252\261^>P\336$\276\270\302\311\275A\354\273=\215\320\204\277\232\001\231\276\374\340\366=pE\210=\0324\340\276\245\007\007>\345\234\215>\021\225\237:\245\204<>\210\217m\276-\274\245\276+\256\034>)\370T\276\353\255\t?Of\327=K$\255\276&W|>\360\306-\275\022\032\267\276\t\376\006>-\324\270\276\354\311\024=\264\330\327>\'\367\254\276&\326\214\276b.\213>\376b\001>\253#\004?b\201\253\276d\217\314\276Gu4\276\367\013\245\275\331\202\252>\"c\310\2766\341\230\276\264\353\256>A\207\213;s\032\216\276%\242\n\276u\311\335{.Z\276\300\307\255>$\246\344;\250G\227:\206n\251\2756\310\310\276M\210N>\234\223\260\275\342\013\353\276\211\201\033>V\240o>\252RW>\252f\035>s\227\241>\322\201\253\276\001\206Y=qj{\276\365\240v\276\026\\\304:\365Ul>\333\027\252\276\207\025\201>gn\340<\255\374V\277\210\217\233>\\\351\002>w\001\204\276\006Cx\276F*\225>d\037E\277\003;\310>Px.\276aA\275>\312og\275\020#G=c\232\r>\374\253\254\276(x\262=\215\312Q\276\371\007\314>@\023\354\275\033\310C\276\263\037\027=\207Z\221>\021[\214\275\035s\327\2765cS>\027~0>\032\314\267\273\233\352\212>}\021O?\274\274\260>\341\347\236\275A\3719>\227\375\317>\244\253\031\277aR\036=\037q\225>\031g\354=\026/\220\2756\355F?\356\207\024\275#{\246\276\237\r\266\2764\307\025>\376Y\333>\017\024K>\325\345\206=dd%\276k\227\311> \331\374>\276\320\250=\020\271\277>\313,&\277\201\243\343\275\340\367\214>\357\266\255=\022\036]\276\334Q\255>c\371\273\276`\2007\275\024\362\003\276\207\367K>\036>g>da\'?\257\036\220\276\345R\343=g\3404\275*\367\330=Y\204\342\275\n\245\016\277\010\306<\277\372\317\027\276\303\310o\275\275a}=\230\246\252>\263S\360=\237D6?\371\241G>2\231\207\276U\357\003>\023\310\036?\306\237~=\335V\352\274\265*\215>\021\373n>\373\360\023>\267\001\010?\177\247\230>)\233g\276\341V\330\275\022i\203\276\3440=?R\3229>\316h\217=\005(Y>S8\332>D\264\332>\211\242\330\274C\204\256\274T!G\275\324\240\274\275\250!\217>>)\242\275\267=B\275\214\361\222<\336y\014>!m\327\275\033<\244\274\3270f\276\334J\272=\207\246\246\276)#\262>>\332\030\277\354**\275\345\357\r>\014!o=\263?}\2769\351K\276[\254\315>\216/\031\277\305\361z>\031\270Y>\224\031\231>r\3359\276\005K\362\276k\330\341\276p\036l\274\005\377\211\276Z\213/>\372&\371=*\016\260\275\256\013\n>\237\357\334>\372n\037?\373\377\364>zT\322>*\234\243>#\316_>\214d\214\276hh\277\276\265\235Q?x\000\346\274#\326\354\274\315{\221(\014W=\r\3325=\227_\257\276K\210\001\276\367\303c>\336)\n>3\023\346\275\313\005\267\275\016z\213<\301)\241=qY\256>sG\303\275~\316\204>\243{\035>Ox\372\276\2058\246\274\3206A\276\245\357\000\277S\316(=\270\315\242>\331\016{\275N\366\273\276\010>\374>P\377\020\277\252[\375\275&X\263\27580\310\2751\340q\274\241\224\020\276\322\361P\276=\016\001\276\343b\357\276\233\346\271\276,\037Q=\316$\331=\304l>\276\334\214\033\276\373\375\262>Ot\312>q\324\010>\274\231\027>\313\351\n\275\267`\342>l~{\276I\343\000\274\342\306w\276\226\314\202>\340\036\016\274\274o\203>\375t\211=\235\334\312\275\221\033\003?\332\014\340\276\337\277\204=\314\321\005?\275!\252>`\254\224\276\350\005:>v\213\242\276.\253\273<\355U\270=F\206O>\324d\033>*0\266\275\2640\203>\3674n?\202\331C>\3000\204=J:\313>\232\025\201\275\376\321\350\276\n\313\025>\302]\334=\204\014\220\276p~8\276\252\222X\276\332, >\271#\026>\354\027\311<\262i\016?\004\234\346\275\373\222\320\274\366\261i\276\352\222\303=\227\343D>\013\251\035\277~\356:\276}\022\325=\020\312\325\276\367s\274<\314Q\277\276\315\321\257>\250\032{\276}\005\214>\240\325J\276>\3170?\321\030\026>\373\305\241>\254\326\356\275\337\312\323\276\036\345(\277J\225\003?\272#\n\275\313^\315\275m\333^>{\034\210\276;\322\342\273\307\0221\277\234\265\030=\356\030\330\2738dR\274b\3146\274:5I\277c\017y=\355\340\243>u\311\027\276\265\355e\275\302\247\342\276\307\310\277>F\232\201>\222>\251;\363\035\037\2765\003\231\276\375\327.>\201\323\306\275\216\264:>\330JK\276\240\351\335>\315MQ\275?\272\340>\272?2\276\214\3516\276\377\272+\277\316\341/>\262\376\267\274g:\223=dX\000\275[\230\347>\344\307@>I\231\254\276*\023\230>ZN\n\277\027\326_>\215qL>\267\002\310>\036\237S>mo\230>\307\325\212\275\020t-\277d\251\242=\355\3657?>P\204>\257\256\032?\007S\216\276\301\177L>OD\004?m\372\023\276\226v#\277\371\261\217>\361\351.\275\265\266\305>7D\252>\273\010\202\2742\336i>{\302y=\241\036\264\276\261\004\271:\003\236\214=\210\310\221>g\216\246\276\276]\027?\256Rr>i`\213\276K\304\207\276\267o\313>Ymo\276\237`I\275\034\213\370\206\276\367\030T\276\020q\003\276\003\313@\275K\345\021>T\325\232\276\325\243T>\236d\270=F\330\305>\303&\252>\270\276\212\276o\342\353\274f\001\233>(x\224\276 \226K=\312\036\274=9\270\307>\3151d\275(C\006\276\355\013(>\327\317\235>/\035\324<2\276v\276\202\312\251\276\0064s>ZVf\276\210<\263\276\361V\022\276$|%=\337\037\017>g\364A\275\205\264\311=\333\247\010\276!\004\272>\201\002\r?\336\2274\277\273$\361\274\315b\026\276\010p\321>f`\313\276\\\322\211\274\326\373\374=\\I?\277c\275\241=\252\270X>\031\201\t?\212a\253<\320\243\340\2761Fq=\2552\257>j\373\214\275\321+\311>N\033K>\325!\350=\273\"\007\277\310\234(?0\233\213\276\370\303\235>\271\273\r\274l?\007>X\344:=\230+\325\275\362\213\334>\031lA>\322c]=\370\202\207>f\323\305>\262K2\277h\240\205=\026\253\214\276\024\200\304>\376\221~>\346G\236<\201\022\203\275\377\364|=\004\214\303=\220t\035\277\000,\222\276\224\222\323>\267J2>\335\331f\275hi\372=\304\265\240\276\216]M>\000s\303>j=\016\277\216\314Y=^\251\214>b\355K=\267\315]>^\223\037=\325\223\347\276\365=E\2759\256\220\276\037C|\273aOM=k\300\023>R\372\360\276\032\232=\275GBW\276\\\244\321\275\007}\334<\344\334\013\276\025\304\234>YdO\277Y.\232=\007\352\245\275\300\016\315<\244*/\2748-\223\273\277\0231\276e-a=>k\204\276\271m\263\276\363s\023>(\323\001?\006\333\177=T3\273>3v\023?\237\207;\276\333\236\225\274\200;\202>\rd\020>\271\344\257>\300\324\261>\334n\000>dV\214\273K\005\364=\201%\236\276\232\034\326\275\366~\342\276oc\263\275\206\311j>\000\255\240>\350\225\367\275\244\253f\275*)\201=J%y\275\203\022s\275O\\\211\276\n \355\276\234\345\372=\025\327\210>\350\377\217<\345\222a>\325\325h\276\3630\241\275/\275\036\277\342\210\264;W[\334\276\330\261\276:\003\263\265\276\366 \305\276\215\332\301\276\230\235\016\274\300\215\023\276a\256\222=_:\217>\2233D\275>\3521\276JH\233\276\304\373\206>\235\310\252\276\2276u?\245w}>B,\010\276\331\201\220\276V\017\203\275kmS>\014\220\t>\311\265.\277\227\020t\276*C\304\276[M\264>\301-\t?UR}>\304\373\323>c^\002\276\2476\376=IS\306\274h>\"\276\005\031h>\005\324\375\361\323\333\276\023\336X>\035\323\324\275\216D\223\276K\374\333\276\2456\310\275\263\237\232>\034\251B\277\213=d>\372\201\221=\177\305\031>0z\030\277\247y\"?\222\022\\\276\263\356\220\276\316\315\230\276T\0245\276\316n\327\275\260\245r;V\016\010\276\222z\037>\355\302\317>*\035J\276\342\350\223>Y\250\362=i\351\363>\252w&\275\022\214$\275?\212\230\275\354\216D\275\300\341\235>2\016y\276\t\021\t\276\005\371\257\276yX\242>\276\232\305>\201l/\275=\244\024\27676\315\275+D\\\276\n\014\001=\260\367m>\334\256\315\276r\317\333\276e\010q\275\261\376\r>8\0301\274\324Y\225>\323\316\213=\003\332\"?\366\235\225>\010\014\235<7\243t>R\270\251\276\370\233\000\276\013\365\316>\334Gb>\337\305\274<\356w\007>\376\314\326>$\rT?/.\242>1\203E>-\363\226\276\234\026\231\275#\211\'?\2400\316=p\240\375=-\231P\276\333;\021\276f\370O\276\273\206\"\276\355\241\205>\242\036\246\276o\317\311\275\243\201\336>?\256\222>F\332W\276\311\247+\272\024m\031>\272\367R=\250#9\274\346V\361\276\022/\"\276\366\006\004?4\235\227\276M>\201<^\247]=o6\306\274!}\010\275w\230\266>\242\372I?\354\364Z>\001#\211\276#\317\006\276\331\220\260\274j_\276=\333\357\014\276\221,\025\2764\366\270=\360|\277\301\001x\276*\205\345=\231\304e\275\305X\234>@\310\351=\3058\037=\223$R>E\345\213>\272\222\023\277\215\352\321\276\252Jj>y0-\274\245q\n\277\325;@>\202e\274\275u\010\220>\"<\310\274\237\0320\276\nud>\326\030\234\276\237L\007?\004#M\274\262J5<\322s\343=pL\341=\013\300\213>\271y\330>\263\265\274\276>\216\">p\330\003\276\212\326\326\276#\"\356>\r\010m>\314\354\244\275\254\036\345=q\375\003?\325\217\006>|Xk>M\t@?cB\317>;\217\026\276\222\243\006?h/\220\276\255\253\311\276I\231\232\276J\243\265\276\252\333\223\276\026$\254>\375\030\016\275k\242\026=.\373*\276\3001r\276\214\013\263\276\232Y\234\276\253h\177\276\222$\017>\340\021\274=)\006\353>?\013O>h!\276\276\217\026\322>\302#!\275Ta}>W\351\201>v\215\033?\360\242\036\2767w:<\211\207)\275s\210\332>\006\274\245\276D\355\202=N\274\014\276\177#\013>8_\210\275\276\034\372;S\361\217=;Q\225=%$\310>N\204\353\276j\241\343>\037X\354=\204@\006>\304g(>\335\203\317>\227W\303>\026\232\241\276\271\323\004\277\274\345\007>yZ\327=\202,|<\232|\017>\257\354\266>hT\204\276\233r\231>\241/6\276\344\342\217=\243 \177>\021_]=\241\344\227\2761b\021>Q}\252\276!m\372=q7\014\276\364\013\201\276\256\307\007>\221\312\210>\026\351\245=\020\234\360>\275\301\224\276k\352\264=\245\367\020\277w=)=\304\270\'>\370\313\r>\001\341\200\276\243X\274>%\333\301\275\200\363\252\276o\315\n\275\206cn=\261`O\276Pa\223=\3730\354\276If\034=/(\001\277\021\261\r\276\017\244\310\275\247\220\030\275X\216\177=!\206\302>\273)\317\275\354X{>\331h\002?\231iX\276\222\016}>q\010i>\333\375\203>\220k\325<\014\020w=\014\350x\276\205\0130<\300\271\247\275}\230\204>\013\377c\276\013\313]\276\347`\247>\342\017`\276\355-\372\273\303yR\276\262\217B\2743\036\034>\034\255\236\276\'\313\003>\005m\247\276R\213\352\275\253\331\326\275\303\004\310\275\370\037\322\274\005\375G\276\224\376\231\276|\342\375\276u\344\224>\260c\212>\230(\213\276\276N0\276\357y\275\276*\'`<\027\325\033\276D\356]>/\344\333=\033\351\027?O\334\002\275W\326\264<`\"\221\276\0344\304\276u\375n>\216\226\272>\342^\216\275\n\312\217\276\240\207H\276\316Ux>\037M1\275\337\354\361\276\237>\254\275\017\336;?]|k>\345~\330\276\203\236;\276\227\200\026\276\242\022\272\276\030\003v=\363\200\205\274\207\014\314\275\321\351)\275\371[\224\276F0\375\276\014T\276<\332\212\305\276\001\277W=\032\236\324=i\206\212>\373HY\276n\260\200=Hs\003\277\322\030,?\350\021k>z\344\r\276sd\006\276\270@\273\275\331\265j\276\317P\r\277\210\233\004\277\363\336\360\276~\311\221>\311\263;\276\020\3612>\356\031W>1\201\203\276.\"\024?\277(\300\276z\372\300\276M\342\273>\376C\016?\352\0278>\234\321E>\216\020\353=}H\242>\2119\003>D+\021\276\316\216\244\274g\325\354>\002\277\367>`\264\306=\203\204\246\275\236e\255\276+(\243>8\243\305\275\200\335\267\276\3320 \276\034i\202\276\344\222\326\275z\211\001\275\200+\036\277\215\305\000\275$\311\330\273{\327\033\276\317\372p\276\016\n\242>Rwl>\001\345\301>hYS\276H\220\307\276}2A\274\226\270\014\277i\312\332=\230\005\245\276\276l\016?\232\263J;\017\001A\276u\r^>\2561\226\2758\206\000\277\323\026\033\276\217%\226\276\351\005\277\276>b\010\276w\240\370=}\266\230>=\266C>\346\314\330>\250[\270>@\005\370\275\216d\316>\234\321\235\276{\231\377\275\003\030m\275\315\016u>\"\252w=\252\032\315=7\256\301<\020\252G>\027\376\372>\300\350\036=\214\027[>\006\0315\276{W(?,\354\n>\006\255\250\276\317\325\365=\267\204\202\276\254\347\027\277)5\246z\231\252\276l\360\213\276V\t\r>u3\342=\254KS>\210y\345\276\304>\262\276Oy\022?\215=\271\276\210\337\205\276\217l\'>\306\0324\276\340\365y>\222l\251<\257\253\373=\231%\253=\312\315\002\274|\265\030\275x\0326\275l\334\231>\262l\301> \213H\276p\036\022?g\025\000?\\\254\327=\362\363\004?BB\003\275\354Pr\276\364\262\364>$\341\367\275\025V\017>ym\037\276(\223\204\276\2549\215\276\213a\005\277\222\021\\\276X\314\304=\273R4?go]>`\273L=L_C\276\003\356W=v\001\022\277\027\263\234>\360\347\267\276\340_M=\267L\016>J\036\">\263\344\t\277g@\271\276\375\330\255\276\207\351\024>\255w\237>t\371\306\275R>\356=\201#\277=\242]h>1W\257>~o\016>\003\0142\277J\031\337\275z\252)\276y\235\242>\260\n\214>\342\016\007?\334`8\276\270\242u\276{\027\365\274\327x\214\276K\325\376\275\3443\272\276\242\346\335>\334+\365>[\272\235\276\271t(>\005\001\311\274\333\021e>Ct\336\276\221\226\232>\3415\226\276|\354O?\375\323z\276\3533\t\276?\314\224>c\213*\276\251\317\325\276Q/\000?\2533v>\'\322f\276^{\250>\022\251\347\276\317j\217>\215\335\210\276\304\004^>\251T\261>h\342\352\276\221)@>>\303\323\276y\tz>\"E\212\275\266\310\314>\305\262\243\276xw\272\276\326\362\330\274\345D\311>4\226\236=,\257\232\276\006\330X\275\033\020\372<\001\010\346\276\233B\232>)\205\025\277<\202\354=\323\237\027\275\025\214\241\276\215\227\201>h\351\216\276F\247T>\300\346Z?\027ut\276\234\347\346\275\355\324\332>p0)=\013+\023=Y\365I>:\365 \275\337\330\225\276.\232\357\317\300\332\275\260\223\333>\304X\002\276\215~\025=\360\031B\276W\316i\275\177e\013\277\231\222\251\275G\307\246>\275vc\354j\221\276\225\251*\276\2435\223\276b\343\333\276\224vB>\344/\345\275t\032\231\275\345\314^>S\021\002<\320Q\335=\253\364\036>\211_\030>M\rT\276Z\271\3749\2518M\276\225\266\267\275\322\330A\275\246\220\246>[\246%\276\267&;\276\304\345\033\276W\214\353>c\263\371>1Q\001\277\373\321)=P\261\024?.\343\202=[g)=a\300\203\276\371\034\271\2753\031:\275\0241\364\273\300\242\266=\031\203\376=\365\252\206>\324\007\341\276*\001\313>\341u\274\2766\241\217\275a\323\360\276\262\354\347\275\014\315@\275=JX>\231\255\006\277\243\271\341\275\210\237\003?Y;q>~\205t=\3728)>\324Aq\2767g\016?\033*\254\276\364\232\244>\314t\206>`\022\237=\266\265=\276`\301L>\032\332\006=\245Ez\276\354?\320:HU:\276\212\004M\276\272\202F\275\317\275\222\276\021\216\247\276W\\\203>m\227j\276\217 \343>\223)\"?\276\007\344>\216b7?\331\027\220\276\361\356\326\276\246h\335>\353e\265<\320T\351>\222\214=>@\231\232=\313\237\256\275h\031\327\275\365\212\204>\034D6=\271\364\356\276\310Q\033>\025u\217>\267\253\005=\253\337\203=Q(\254\2766\3661>\340\376\274>\037i\315\276\000\254\020?\374\004\230\2755\220\217>H\023\330=\035\302\261\275\nj[=\210N\352>D\352\367\274\316\246\256=\365\352T>\226\222[<;\373\225><\262\216\276\257 \033\276\007\031V>\363\227.>\362\001\213<\361\201\327>\226\022\363=\021\336F>\305\333\200>W\356\212\275\211\217h\275\324o\225>B7\206\274\262\277\200\276\364\r\025\277\200\034\367\275O\004L\276!\212A\275:V\221\276\337\024\322\274\300\310\317>\034\374i=\344\347?>\361b\311\276\374\303\254\275\356\355\375\2751\264\033=e\261\021>\027\274\343\275\352)\207\274\241\005\266>;\361.>-}\232\275\031B\260=\030\315]\276\334\031c>\02135>\243\247q\276\274\nE>\271\344Y>\013\371\244\276\260H\215>=0\262\276\317\330\223=\247\217:?\002\231\262\276\247\030\301\276\035Q\302>%\360\245>\266\211z\276\022rFN\357\017?\253\334\016>I\375\001>\344\376\001\276b>\227\276|\306\303\275HGc>\200%\017\276\322\343,>\306\206\311\276=\344\035\277\241\251V\276\006]\'?=\340\242=]\201\363=Z{)>\355\217~>\353\354\037>:\261\362\275\302\373\325\276m\326\231\276\235\365\322\276\347\336\355=-r\032\275*\2576=r5@>\314p\330\276QB\303\274qzD=\275\200p>;}|>\345\312??\200\031\233\276\220\336S\275\"\361\035\277?P\333=\216|\005\277Y\230C\277\020\234\243\276&\252\023\275Z9\320\276`\001<\276\202\263\020>V8\337<\262\262C>\335\267\223\276\212[\237\275Iz\345\275R\203l\276C\333\271\276\300\272\376\275\321\237#>\217\367\225:\024\266\310\276W\241\320>\232\317b>I\262,?\250\020\355\276,\200\245\274\306iE\276\034\027e?\022\215\254\273\261\203\232>j\336D>\332\205\263\275&)\367\275%\310F=a$\375\275\304A\271\276\025\212J\276b|5\276\312\365\321>r\375\257\276B\204\217\275\250\247\330\276\020\022\226\276\337\342\323\275*\221\203\274\352\360\030\275%Q>=\017;\346\275\330\252\022>\240\223\214\275\210\010\241=k\300<\276u\361\346=\370\025&\276z\002\226\276\231\326r\276`\013\022\277\313\010\025> y4>p\002\t?[\276\207\276\373\203O\274\335[\311=\376\243\306\276RM.>\234Bf\276\277\237\n>\013l\331=\204\367\245>\333\326\274\276(8\251>\234\177\216\276\016\302H\275\"\355\177\272\261\366\004>\240\0001>\352\322\341\274\035\211\263\276+8\220>\300\231\n>\356\236\365>\321YC\276.\301\325;\330U\002=\265\220.>\314#\242=i)\353\276M\255P>A\221\244\275\204\257\237>\022\000m\275\017\272\302>\356\030\244>]\353\277>t\"\332\276\022\\/\275\304\225\306=\255\352(\276\354\224\237=\252F\207>\352\351/=WU\277\276\254\034\000\276p\234l>\020\335\355\275g\023)\276>\255\271\276\304\301\t\277X\250f>\216\n\343>\3217\316>}\320\006\276h1*<\022\351\024\275b\236B\276\024\314\333\2767\205\032\276Z\177#\276\337T\232<\031\221\267\276P\331\257\2753t<\277j\323\325;\314\236\266\276:\240S>\305#t=H8\216\275,\265\004\276k2\263>\r6\333=?1z\276\2275\355=\222_v\276\307`\201=\330\217\225>\021\201\220=\325\271\357=\270\202B\276\242\007\013=\367J5?\356\342yKu\307<\361\036f=6X\361>U2\027>7\245\243\275\227\233\247\274\002:P\276i\334{\275\341S\241\275)2\r\276_2k\276m\022\244=\271\340\357\276\240\225H\276e\016\221\275-\226\346\275\005a\006?\375\213x>h$\022>\202H\354\276\222\231\306>^\270\276\267\223\275\352\270\336\276[l\010?\344\3050\276;\357\252>\264\3771>\342S\306\2761=\023\276\374\213>\276\303\3746\275\246\010\'=:\271\256\276v\227\014\276\2008)\276\203\240\356>\306\272#?@\375\302\275\377\306\372>\001\247\016\276do\372>\335=\316>\026\340\006>j\341\261\276\322\323\203\271f\200\035>2\333\004\277t\330\341>9\241\242\276\326\257\267\274\221<\274=\274\377f\276\331G\326\274\266\203\002\277\237\247Z\275<\210j\276\010\253?\276@\374s;\242\331A=\020\3236\274\004\216\255<\335\342I>\373C\274=\275\201\202>I\320`\276Z\204=\276\357\256e<\351\255^\275\344e\372\276\242H\326\275\036R\361<\317\322\201\324\261\202>uwg>s.\"\271\304C?\276d\337\377\276\303(\277\276\323 {\275\241z->!\226\302>\n\273D>\353\003\253\276\325D\344=\335\336\376>\004\357u\275g\002\254=\301\'\247\276\242\242U>\314>\314\276\363\032\342\275\376\225\032=2\324\210\275\033$\341>|\220\363\275\332\351\212>\230X\370=7!J\276\322\222u\276]*g\275.@F>\027\374\204>\344\203\013>Er\020>&\365\024?\023\352W\2760R\345>\332\215\317\275m\214\341\276\211\270V\276H\321\274\276d\361\320\276\363l\355= \210)=:\n\267\275w\267\253\276\257W*\277 \265\242=\203\204P\275U\340\210>\203\271)\276\0354_\276#s\237\275Qw=\275\276p\312>\345\006I\276(\037\263\276\371\364\035\276V\213\004\276\261\305\351\276o?;?\246\313\230\276\331\354\337\275\016\344\273\2757\226r>N\357\242>\356\241\007\276!\375,>\271\374l>\264\204\371\275j4\203\276.\0211>\301u\277\273\367\021\360>R\376\010>\023\314\270\276_EJ\276l\310\370=\005\236\335>\231\005\262>\324i\277\276\251\366\270\275\352Hc>\000\240\363\276M\302\334\275_\030\032\276.\024\205\276$Z2>\005i\262>ry\244=z\204\243\2769\2069>\335\212\274>\030I\270>6+\252>\222/\327=\031\326\023e\000W>\233\303\021\277x#\251> L\237\275^\257\010\276\216\345\311>\025nA\276\217,\366<\265\034\014\276\357\321\325\274X\366\013>$\n\264\276zo\276\27508\007>\361\020\203\276\022\204R=\350\214\3628\374q\r\276.\303n\275/\325\307\275&\245\222=\007\272\330\275\277\237x>:d)\275\206\357\206>\342\265\\\2756\375\317>\340\326\260\276N\304\006?&\353\031\276\345\273\026\276\007{\256\276?\245\244>$\222\331\276\250oK\275a\305\322\276\242~\232\275\304\023\025\276\200W\225\276\345\032\260>$8\013\275]T`>\364\006\215\276\310;]>\365\'\244>\013ON>2g@\2752\347\321\276\243?\244\276\270%,\2761\0354>\303\003\220\276\375Y\200>\322\241/?}\310\226=\366\310\255>\'\374\n?P\347\220\276\237i\350<\004\216\'\276\264\222H\276k\243\2209\\\365O\275\350\177\274\275?\311\255>\263\372~>;\215y>\216\276\213\275\025\310\355>\355\004\035>f^\004\276\261T\203>Y\346\214\276\312V/?f}\327<[\340\300=\262U\001\276\227\000\032?\304#q\276\222HM\277]\367V\277\346n\300\275;\213\272\276\361\233\364\276b@\333=Y\220\t?Qv\213=\370y|>(\340/\275\036\201\217>OJ\250\276b\256\226=\344\347\031\276\263v\201\276\300\"\276=Z\303\334=\226GO>\270<\362:\376\317\t>\252\363G\207\245\256>\204\007X>E\333\013\276$\345\257=\266\265X>\005\201I>\253\215\227>D\273\221\276\001>\256\275\233\270\365\272=\nz=\306\304\037\273+P\350\275^\244.\276L\r\374=\252|3\276\031\240\265\276uh\204\273I\300\\=\335i!>j\035\242=\374\017\271>\376\226\225>\360l\000=\360\322\262\276\322I->\027\030\337>\254\361*\276IEM>0\344g\2761\240%\275e)\273=\305R\256\276\r\"^>\222\243 \276\274\303:>\'\031<>\017@\201>\241PD>\246*\334\276(!Q>A\306\213\275\265\325\322=\317\374p>z\376*\276\2307\275\274!fR\277\321\325\226=\014\200\026=\022>\301\275\212\331\027=L\331n>\342\322u\276\304\263\037>*\203\241\275\024!\276=\017Q\\\276R\200\343=\021\311\323>.\t\024>\034D;\275\232!K>\222[\276\275\t\275\361\275$2r>\020\2551\275\202\004\371>\375\376\207<\370\260\323\276\240 \n\277[\256\010\277T\303\375>l\t\376\276?t\250\276\034[\240\2769\321I=.\206\357>1l\341\273{\307\034\276\263\3548\276o9\351=\311Yt>\\\273(?\034\253\036\274\347\324N\276\375u.?\016\002\013\277\035\276\216\276\3159\022\276\244%\\\2767\223\002\276\336\346\261>Wf\231=>\3559>13K>l\365#:DD\021>\230!\212=\"2\324\276\342\346I\276+\300\241>\327\264\345=\353\367\n>c\270\374>*5\204>5\016\351\274\321|\031>\024z\244=\250\321=>g\016l>\300\310r\275\364WB>T\230\341=v\317K\277\322\266Q>\017\226\273>S\363\257>\250\223+>;\371\376\275\317\001?>$/\277\276\365\236\356\275\325K\307\276\232\276&=\273\237Y\276\230\t\005\276\031vj\276\246V\224>L\025z>p\035\322<\210\234\217>J\003\002>\273\020\301>]\214\264\276~fp\2771\373\366\275\337~h>\rfY\275\017|\232=4\362\013\307\372\303\275\307\256\363\275\0350\355=\214Y\241\2762\343\016\275\275L\217=fA\211>\336\036u>Qf\261\276\353\251\234=Z\212a<\'x\030\276\375=\200<\031\310\216\276\257\222S\2773N\302>\245$\022\277\267\214\247>G#\017>\031\365\234;\032,\340\275(\025\036>/\321q\274\214#\354=F\265k\276\nA\333>\365 e\275b\016\034>\372\251\343\276\034\000\261\276AtR\276,X\304\276\030\317\245\275\303l\022=7\2311>\307\003\266>\377\023g>\252\363\017\276\330\316I\276N3\205=B\023G\276\215\3646?:L\220>\017\207\002=\211\340\204\275\276\000\356\276\313\235\372=\231\257g=\230\337\200\276\246\306\\\276\356.\226>\364/\227\276\355m\252\276\277*\201\276\262\0346=#\232\344\274\347\276\314\275\234\336\331\276d|\007\276\251\223^>\302y\363\275\302\372G\276Yv\225\276\313I\332>\345*f>\272\356\024\276\023\330\363>\273m\243\276s\316\n>\351\301\277\276\3735F=\032h\340>\236\221#\277\361P:?\371f\177>\352\017\003\276\016=\217\276I#|=X*\213\275\2410\004\276\025\221<\276\250\352\346\275\347<+\277=V\273>\276\025\302>1i\331\275\017\244\240\276st\212\273K3\333>\017x0\276\330F\220\275\021|T\276]\317\220\276s\304\201\275\244\305\331\275\001\2743\275\004\276\240\276W\241\214=X\023\357\275\244\305\202>,\334\306>\305g\025\275\t\354\351\274\243\303\242>\353$\005?\336\246\364\276\324\340\322>\305\310\016\277#\243\353\276\347\307\340>)+!>\000\314L>\221\250>>\022(\257\276Bi^\276\267\310\321>\025\347-\276\276\017_=\302\341\023\277\322tu\276\rf\025>\374\326\361>\220y\'>\323g\344\276b\310\241>\t\263\031>\271)w>0@I\276\270\303\366\274A.\006?:\311\005>:)\210>\\\232K=\014\233E\373W\010?p%\350=x\306Y\276\200\036\261\275\261\366\020\274\244\364K>x\2337=\265\333X>v\020f\276\300K;\275\214\365S\274\332u\245>&\236\206>\260l.\274w\307\036\276\301\343\346\272u\340Q>\3208\271\276\362}K\273;)\026?\232*{\276\033\336\037\276i\301:>t\225m\275Q]\271;X\026\214\274\206\221\022\274\'\225\t>\302\245\200>\320~\035\276\353\257\031\276\273B\030\276[\204M>E\026\355=B\203\257\276\306\001\264>`\314\n\275:\2400\274\221~\365>g\206\300>\031\0012>\255}\206\276\340\210J>\341?\246\276X\305\223>\017Vg>D\r2\277\261\020C>o\354~>\364A\373\275\272_\241>\025\306\235\275\313\200_\275\325\233a\2779i\374<\262\221)\2771\321b=\024\017,\276\233\270\177>Z[\207\276\257\305\245\276`\t\022<\222\203%=VAk\276\024\226\033\2768os\275\216\265\301\276\221\300\\>x\307\225>b\236\022=\245R*<\376l?>\220\376\325\275\322\334\251\276a\326\005=\325A\206\275v_\037\277*p\226<\202\323\300>(\3101\276\212\226\203>\032\320#\276\027)\005?\210T$>>\307_\273\341\315\301\276b\336\323>\3314\031;\353\236}=5\337\220>R\370\266>>7h\276\2257\245>d\254\001=:#b?\247(\267=\221\202\247\276\304A\340\275\225[6\276\255\261D=\225]\221>=\033\314\276l\r\255\276.\030\201>\2548\302<\310\036\215\275=\271\230>d\2359?\271\233\017>\246\322\021>\0272D\277\0166t\276>\237-\276 .\227\315=E\027f\276?wY=\236\301\303\275\357j(>}1C\275\032|\272=e\265\001>\030\000|=\302\352\004?\"\"\017\275\013\030A<\206-L\276\325\020\241\276i\203\300;h\277\361\275\252dg>\241\177\263=\205\335\267>\006\026s>\013\037\374=\237W\237\276u\331Q\276~)2\276\025\314 \276i\257\203>v(\312=\323\211\326\276\020\000[\276{U\206\276\371\377)>\237\272\014\277\t\263\232>i\265\215\276\215\245\262>\005\204,\277\324U]\275\235\233\320\0175\013\276\220GW;l\376\231<\036\357\274\275~\026\321<\0020\360\275x\251\253\275\372\266\261=\253| \276\014\005\220\276\207E\321>\257\225\\\276\236\3779\276v\216\366\t!\316\273\017\373\300>\315\337;>\021.+\276\377V\323=,E\204=\351\023#=\267\030s\276\254^\271=\030\305m=\017\'M\274\332\250\t\276\264L\030\276\004\032\370\276\373\266\353>K\213\223\273\346\253\371\275\363\242j\272\351\330D>4{\322\274\261\016c\276\2716\275\276o\224R\276SR\002>6{\306\275\365\364\234\275\346X\205\276\316\024\312\276\304\3277\277\013[\025\276z{W\275Gn\271\276x\356\336>X\331=>\220E\200\276Y\370/\276(\333\023\277\256\177\314>\370\304\262>E\317@\276\346\310\226\276\242\237\360>\317\254*>\024\350\031\275lK\341\2751\232x>\261A\t>\262K^\2760\202\017\275\231\351\364\276k\235\212\276t\312\271>\325),>\032\023\276>\342C\337\276\n*\014>\350\215#>\210+\017\276h\366\377<\245ro>\002\260\000\277\274\303\266\273L\233\224\275\302Q\214<7\362\250>Q\355\234\274\210S<\275\177`\221>\272$\367>\352\333>\276\340\345\325<\210\367\226\275q!\023>.9\340\276[\025\313=\037R\234\276\367q\373\276U\001\023\276+$\010\275L\270+\276]A!>st\004>W\333\254>\360\030/=\030\3022\276\037\363Q>\204L\027>$l\214=\377\252\217\276\252yi<6\324\223\276\373+n>\271\371\213\276\375g\260\276e\030\000=\334\271\212\276<\274\320\276\031\271\224\276\022\t{\276\240Y\006\277\2477\023>^\340\365> \023\317\274{4\207>?-\300=\347\302\250\276c\203L\276T\204\010>\264\246o>\304\243\305>\2340~\277\334JC\270\204P(\275;\346\032\276hU\347\274\211P.>\024\037\'>\225\t`=\244\242\">\"pM\275\321\302\222\274-lu>\373\361\003>v\300 >W\344\017?\017\256\200>\262\233\212\274O\234\\\276\353$\003\275\252&\336=\032\206^>\326\316v\276O\342*\276t\354\212\276d\001\334\274\314c\236>I!w=w|\267<\357p\026\275\247X\320\276\206\343\263\275/[\237>\353s\255\276\371\342\017\276\367oe\276\032[\377=[\312\350=\024\000\276\275X59\276\205\201.\275\010\352\252>)\0359\277~\315\212>\311\341;?\340\362\003>\0007\364\275\022a\275\275#\340F\276\367\r\013>\211\0311>\030\3616\276\002l\271>\276R\257\275z\217\003\277\340P\277;$\247\000?\376An\2769\260!\276\324\355v\276j\330G\276\002\225\270\275B\234\n>\247\262\026\275\342\306\033>\004\325\240=\nf\r?\212d\347=?\363e>+\322\201\276\363\2211>P\r?\275k\357\014=\352\222P=\276\033j>\216\244\212\276\226R\356>\275(\311>/\340@>p\003\025?\337\026.\276\302B\031?\035\356\201\275\333B\004\276*RN>\323\334\360\276M\003K\276\336\240\005\274\216\372\346>({\005?~Y\335\276d\302\244>\250\306\315\276\231<\363=\374\030\004>\223\265\262\276\225A\216\276T\352n>4)=\276Q\352\337=\221\300\036\276\353a\371>\0245W>\344\306\326>d\372\252=k\373a\274\253\n/\276S\021\321>\201w\014\277\025`\366>[8\202\276\244\327\010\277\202\353:\276\363\033B\275#\275\355\276\000%\256\276\213\212\026=h\255H\276\320\224\002>`\264v\276\216\356\023?\320\n8\275V\256\243\275\273T\274;\254U\302=g\233\225\276P\256\324\275\304\204(?\267\343\272\276C\243\250\275{x\021?\000\365\236>\301z\201>\3233h\276\001g\251=\222\3256\276\330\356\033>\343\027\245>`\335\n\277\272/\213\276$\241\036\276\345\202@=\025\006V;-\377\004>\325\014\343\276\2448\272\276-\332\302\276\177\236e>\363;h\276\311-y\276{D\035\275s\212J>\027\3202?c/\010\276\0201\215\276f$\376\276\236\016\252<{J\257>\336\356\251\274\312\320\223>I\253\026\277\314\345\211>z\310\307\275!}c\276n\217\037>Y\021\335\275\373\246\250>\207\222\361\276\225d\246<0^5\275\214\n\372\276\263\3562\277l\313\276\327\236i>\377\347\313>\3746\360=w\354]\274ZY\321>\312y=\277\240\324R>\006K=\276\357\2266=\267=\t\276\236\247\345;\233\236\220\276\261d\005\276\345\357}\274$)#?\020\216\322\276\231\324\313=\236\n\253=\261\360\226\275\314\0005\276\322\'\305\274l\207\"\277[4(>\'\252\207\275C\271G\276\351\027\206>\332\024\217\276;=\216\275l\\->\231\250e>1\003\276=\2476#\276\205\2367>\361@\232\276\357\\4\276\276\014\316\275\271 \000?\364vq\276\207\233\026\276d\213(>\320\236T=\362p\275\274+E\325\274\253|7\276\220\377\3729\377O>[8\035\276/q\212<\035\211\342>S\026\216>Z\374\241=\021=\217>\0062|>\233\350\346>j&\224\276\002\231\003\275F\276!\277:\360\031>\007\363\210>\362\320&?\220S\345\276\330\361\200\276\307[\231\276us\025<\276U\342\275\210R\235\276{V\030>\227\025\324=\2717a?;\006\271\276H;*\276^T\023=\332\352k>$a7>YJr>\226\035\226\276Y\201\201\276\377\330/>h\n#\277\341,\250\276v\272\023=0h\370\275\255X\301<\367/\277=M\206p>\005\374\354>p\321\371\275\344q\333\274\264T\026>\226\336\266>\005,\023\276\0139&\275W\031\036\276`[\016>Q\375{\276\327\220\"\276\253L\037>\016N\251\276\254\232\255>f\235\231>\000T\205>\335\262\276\276\277\327\024>\311\271_\275bP\335>R\221D=\227\223F\276\\\357a>#5B\276\355\035\226\2757\030\252\276X%A\276\266\233K>\257J\022\276\267\350}=}\273\007\274\316v\'>\224*\322>C\226<>8\376\231>\210\264\\>\330\263\027?B@\263\276\016\225\355<\013\257\236\276\322$\315>\014ZE>\37524\276\347\253\361\276 \235\311\276\2429\235>}\020\224\275\241\000\203>\242j\031\277K\025\332\276\027#\013>q\360\250\276\331\376\212\276 I~\276\221Ix=\022\032\002>r\320\322\276&\240\346<\024\335\225\276\026\374\244=f\3071\275\265d\307\275X\213\344>\\ m=\206Ri>\022 \017>\271>[>M\367\000=\3651\343\276~Z\302\274\307\265\276>\002\240\275\276\177\030\360\275\010X[>\007\340\252=\334\322\246=mM\017>i{\274\276\0028V\276\272y<\276\006\367~\276\225\027\002>\326\373\320=\017\352\262>C\270@=\232\302\241\2763+\234>6J\311;|z\215>/\026 \276F\335\221>Z\372\211Hy\206>\346_\303>\332e\351\275\360P\256>Km\207>\3718n\276\361\020\375=\332\307\263=!v}=\334\005!\276_\370\275=\253\332\320\275\310\314\331\274\233\024\354\276b\005\352=\360\2157\276\211H\326\275Wn\347=\301\223\206\276q\212[>\347\0015\276R\316\263\275\221D0=\001mJ\2761\265\014\277\r\235\343\275\331\273\252<\234\274w>qW\265\273\353c\374\275\352PJ>G\261\201>\222z\230\275\241\372V>J\343n<\336\000$\276\026eE\275\361\336Z\276\177\307i\275\326\'-\276\235;\214\2757g\255>2\233\206\276\214\270\363\275\241\025\225;\t\214,\276\360\270\202\276\306Vyi9\313\275\343\321l=\250\276?\273\200\034\364\274\352#\266\275\231\321\034?\304\350\255>k<\222\275\333\357&>\322\n7>\331\264r\276\020\211\211>\311pf>8$\026>|n\"\276\205\243E\276\200\336\356\2763\377\315>\316v\302\276\2160\252>\347C\352=6\227\002>\034.=\276\360\207:>n\337g=S\372\212>\342\215\365\276\236\004\340>\211\351T\276\036\302m>\0061\265\276 \n\260>St\232=\273c\r>\246\000\255\276w\270\245\276$=C>\363\310Z\276\026\261\253>\\k$>O\234\036>PDF<\305\336\003>\303r\221=\353\"\236\276\225\331A\276\377\207\253\276h\232W>\351\335Z\273\013&9>(g\340>\325~\226\276\332\367\000=\224 \004>\362\257N\276B&\333\276\303\375\275>\273\243e>\335B\304\275\303\335~>\"\333#?\324\014\202\276\034\220\201>\032\035\\\276\347\014\274\276\030G\r?\333n\020?~\271\\\275z\321W>\tu\204\276\256\036y\276\356\0213\276P8\201\275N1y\276\254\260\201>*\326\241=\220y\'=\000\234\000?\334z\361\275\274\326\307>o\257\255>j\353\270=*\223M>\013\214:=\226\377|\276/\245y\276\345\241\'\276\007\247\220>6\371\247\276_\371\324>\371m\364\276\276W\354\276h\262Q>^M2>&\033m\276*\266\303>4W\002>\034\300\304\276\233\335X\276\303i\223\276\322\331\224>]\340?\276\254\206\200=\245\304k\276y\324G>\231\272\254=O\307\243=E\001\314>\265\316\017?\025\214\210>8\276C\276\240s4=\375\203\307>\325\327\207=\016\327\304\275\317\003\234\275r\366%\273m\276\314>i \267\276lB\352\276\310\211\014?K*&>\200W\n\2777\360\325\276^\305\016\277\245U\234>\023<\316\275\211p\332\276\036/\272\276-,\244\276\362I\034>\330|C=\227\031\036>\213\221\230\274=uj>\302\307\255>\010M\302\275\221\352\036\277\357\206\337>;\302N\276\377n\321\275e\245K=\315h\305=e\306i>2\201r>\002\221u>d\200y\276\373\320\035\275\314\010\223\276\315\324\320\274d\253C\2760\177%\275 RF>\315\'\230=\r\250\336=-\354z=\3320\n\276\272+=\276j\247\340\276\230K\336>G\237q=\037\021q\276\2746\023\277\270\267F\276\241\353\020>\377\027\364\275\206\332h>~\266\325>\317\257\233>\023\213`=\2164v>\200\316Y>\300\250\210>\031e\321>\222\273Q>\340\303m\276\361\327R=\230\014\333\275[cf\276\257S\"\276\032%\267\275\330_[\275\370\366\204\275\267\272\225\276\353S\247\274E\002\227\021#\311>\307\222&\275\300K\306\276\365*@=cB\320=\200_\032\274\340p\260\275\223D(\276&\340F\276\347\265\274\276\203\312w\276\250v\251=\255\316\242\274R\225\376\276\313\344\302>\246\2641>y\300y>\313BA\273;\024p\276\231\337\363\275\032\373\366\274\377l\006\277<\224\210>}D\247>Z\243\350=`\tt>\346+j=\304\022\035?\375\305\251>\000\203\257\276\\h\327>\372\247\003>\265\357R\276\224\237\325<\211\245m=\320in\2767\002M\274\021d\353>\233\227Z\276\215\233\270\276y\361\245\276\333\367(\276\250 5\276\026\003^:\330\317x>\244\215\244>\211\343;\277\026\260\350\276\326\275\373=\322]\216\274\334rd>\272YG=\365\226\270>\027\232-\276\251#\314>\323\375\212>6\213\274\276{>&\276\337\177\017?`\343\005?Z\3464\276!\001\370=\337xY\275\264-\004\277\276\273\210>`\341\001?8B\273\276\344\203\034>\253\250\230>&\277\230\276\205\024\323=\203Y7\276Z\242\256=\270s\n?@\025\005\277\370\010&>YL\332\274\200s\273\2768\026\303\275|\250/>\204\241\343\275\257\276\001\277\273mx>G\227\263\275\177\016\020<\336M\242\276\014\350R\276,\266\312\276s\373\242>a\014\205\276\257\243\303>xJ$>\276\206\027\277\211\265#\277\322;)\275#e\217>\212\305k>\001X\234>\020Q\324=K\231\000?\224\tc=}o\361\276(\'\020\276*\346\250>\260\004;>\026T\214=q\242\325>\0311R=z\273\374\275\252\360\257\275Hb\263\276i.8>\361\335x<\325\003\016?\271\003\032\276\005\250o>(\017\376>\014S\037\276N\324\202\276\275\277\211>5r\372>\340A\222\276\350h\377=Q\343R\276\250.\212= \214\313<\316,\'=\255l\200\276\254\212z\276\215\350\247\275q+\216\276]\346A>C\020O=\370\265\326\276/\241\270=M\310\314\276\211\210d>\234\230\"\274R\257}\276\347\223#\276r\330*\276fC\272>\373P4>;=\037=@\037\332\276Exc>\201X\007?@\270\035?\376\234H?l+\342=H\210\352\276\'*\223>:\231\345\275\304\227\371\27321\001\276t\220\'>\302\304\364=\2566\234\275\303+\210>RC\005>\227f1\275H0\326=\265Ib>2\270\227=\3678x>\323\343r\276V\313\242\276\314\000\n\276[\306`>\332\301p>\233\035\307=\263\233\264>\251\363\310=\377\005~\276\305y\035\276Ji\276\274c\344\037\276\206\022J\276\332\271>\275\306\247\270\274\355\203h=\360e!\276w\244\016>+Q\360=\340\336z\276\277\335\245=!\022\016\277\213\312\251\276r \036>\205\371\213\276e\243\372\275X\323H\274l\362\250>\245\215\023>t5\213\275\207\240\303=aU\242\275\361:\252\276\002\235\226\276\375.\010>/\353\276\275\367\367k>[\353\036>K\303\227\276p7\272\275\\$\203\276\035\004\t=\312\017`\276\260\212\335=\211S\275=\217\351\303\276\307\262\271\273c\276\343\276\0344\227\276\007\301\252\276\326\253(\277\231\250\255=\226\243k\275\013m\225\273\002\203v\275\t\3162>\212\307\013\276\t\346q\275\\;\037=\302Y\177=V\267\237>\257\276\201>\203v\217\276\037\037\305\276\304\n\003=iU\312=\232\267[>}\007(\275~>\025=\r\347\016\276\270I\200\276\224Oq>\320\305\360\275p\343F\2775\021&>\340\030\221\275_)\263>[-\341=L\013\347\275;\227\271\275\335Q\251\276\026\202\211\276\024}\3542\276{J\250=\234\344@>\205\"\242\275*o\363\276TJ\016\276\301\326\360=5\256\222\275\261A\306\2767F\371\276\273F\304=C\032\307\2760*\255\276l\257X>\02216\275\2619V=\021%J=\206\025C\273\263K\377=\302\233.<\342\335\t\277T#_=x\036\330\276\034\342\204>l9\206>\314\253\243=r\342\221>\324:*\276\003W\213\275T\244\244\273\353\223:\276#\307a>\324\016\235=a\245\253\275\357U\234\276\307`\216=\021\256A=Q\\4\276\013^M>\002\353\267<\2365`>\367\"\304\276\362ta\276\023\000\">]\345\351=\\\367\364<\3067\246\273\016\335\321\276\n\255\000\275V\035\252=\324\315\007\275\327\252\302>o\217\213\275JP5\277\261\243\273\276<\233\253>\023v\363>@\022\361\276\3253\200>\022+\245=\031\241\272=\270\271\222>\304\033\233>\216\344\222\276F.\242=\306@I\276:#0\276\324Ji\275\2312<\274S+\221\276Us\016\276K\332\205>\205]\035>W>z\275F6\303\276\321\037\243>\351\311\326\274\321F\355\276\250\257\361\275\225i\224>v\275\224\276 y\312>kZ\366\275\t^z>\267;\231\276\005s\">[T\216\276\271\242B\275\273\034\006?\004e\016\276D\017&>\242\023\250>9\323\206>E\215\321<\343\252\024?\026T\376=\301\013\205=yXk\275IC\016\276g\317\256\276*E\212\276\216:h=\240\361\027>0U\332<\236\243M\275>\372\321\275\227W\r\277\361\t(>\223\375s\276p\342\214\272?\226\233\2755\211\177>\267<\370=D}\272=\nZ,>\222\203\215>\013\202\303\276\212s\307=\234\227\250>\370\2068\276\332\365\300=)\016\346\276\344b<>\313\220\215\276u{~=B\250]\2767\371\356\274=\203\002>E\275\313>\020\0011>o*j\274\001\217\223\274\010\022_\275-\240\211\276\367\345\314=\363-\314=\206\333#\276\3113n\275\334\000\254\276c\376\311\275\311\330\233\272\016\307r>A\274\"\276\226\2678\276\\/\'\276^\000\343\274s\026\310\275\332\032\335\276\016\237B>\240$\256>\265D\206\276\233\201\230\276w \027?\205\230,>\354\262\230>\373_\350=A\276~\273\332\343p\275\332\277\204>\272\3147\276,\033\321=\247\232\004\277\205\272\376>\374e[=\347\251\270=3\2313\276^S\270>a2\\>\345M\005>\260=z\276\347\300t>\262\032-=Q\024\275\276G\204\013\275\332\223H\276<\177\205>J\347d\276\333\337P=!5\307>>\220Z\276\205T\300=|\"\204>\222\2250>\371\214\263\276c^>>\201\344=>;%V\274\"\325\014>\345\214\356\276\235\2710\277\243X#\276\324\372x\276\243\260`=K\232\216\275\245+\327\2761)\222\276\375\277p=dbx>mr@?3W:>5SP\276\345\273w\275\325\035\035\276\026I:\276n5\352\276\353;\"\276\236\367#=\322U\244\276\337Df\275\211a\237=\376B\256\254.\307\276\271\006\322=;L\221\276\225B\023?}=\265=\304\242!\275\363?@?:\227\243>\211[O>x\310\371=\263\251}\273\311\307\025\276\306\250%>V+!\276\275\311\233\274x4\n\276\202|p<\303\250\213:\337\307??\373=5>\307\376\033\277\'\006l\276\221\333$\2774l9\276\366\255\337\276+_\260>aB\303=\177\345\354\275\307\322\023=\307\366 \277\376\003\306\275\247\370s\276J\370\245\276\224\213\272\272\345\251\240>`\347%>\201\257\300>\276Q}>\310e{>J\237\t?B\334\234\276V\312\253>\310\037A>?\366w\275.\216\n>\216\303\227\276\260\250\205\275\002\376\310>X\244H\276\326\350\024>j>\376>A\345\352\275\322M\216\276\260\373|>\014\242\352>3&O\276d\372\001=\013c@\277\234\030\364;qi\037>w\336%\276\256\205\250>\036\340\300=\026\366n>(\345\352\276!\313\225\276\037\313\014\276\260\026\245\274\033\311\"\276L\334\324\276\210\026\030\277\212\222G>\330\3065\274\226\212b>\240\202\t\276]\016i\275\357\020\027<\020&\367=\270\n,\276\210\034\002>1\025,\275\324\212\314>/2\352=\323\027\330>\241\240\010\277a\331\204\276\273\240!?\rm\265\276\002_\307>4\244\225>j\373\264\276\261\024\237\275{\212\273=\315\341\017?K\224\372>\270HH\276\213\030|\276\221\031\345\276\315\364\251\276\223`F\275\241\235&\275\346\251\020\275\362\370\327\275\262_1>\367\232\264\276y\267\016\276\250H5\276\365\246\352>\374SO\2766\001\371=6\013\250\276\266\313\235==\265\244<3\303G>A\305.\277\371\247\211>\324\276\341\276\321\320\206\276\241\306\204\272!\244:>RL4>\321(\264>m\324\271\276\215\370\213=\305\337\212>\377\364\272>\016h\326\276%iy\277xM\351<\274\271\327\275\234\033\356\276K4\247\275\373\231\005>\222;\032\277\0035\254>\273\224N\276\r\332\003?\242f\002\276\341\206\353\276\317D\360<\0007A\276\344\365;9\261\376$=x\355\321\275)\203\304\276z\2770\2774\r\323\276-\016_\275OD?\276e\331\266>E\223\371=C\254\003=\262\347l\274\'\371\253>\234\320\303=\r+\267>~v\002>o\001}\276:\307\344>\212\213\261>\262Q:\276c\314\350\274i)\342=\307*\277\276\255.*\276E\035^\274\210\001\265=\350^\311\276\231\177T\275\332!i\274\232\362)\276\345u\214<5o\037>\005\337Q\276\246J\315\275\2035\226\276>]\004\276I\253(\276\rEK=:w\314=+m\265>2\303\227\276\324\346d\276\271\223\212>gT\362=\347.\374\274\243\231\366\275\030\351/?\332\363\245>\021i\243\276\221I\221\276\334\370->\213\276\270\275)\305C=\004;\314=\234\221V\350\3001\276\240\023y=N\\\r>^6/=\334\367\211\276\016\0002\276\004\207Y\275\017\203\212\276\014\347\247=F5\347=g\206\310>\226\355\300\274\267C(>;n\205<\302\236\215=\023c\322\276d\230\032\276\032\365\352\276\332<\260=\036\344\347\271]\253\027?\351\312\021\276\320\004\303<\307\212\000>\241,\035\275n\013L>\244do\276\367\232\324>\n\334H=\321c\332=6%\025\276\305\246\202\273oG\217=\332c\247>\305\310\001\277\270\261\347>\365\207\304>\343\370\336\275\346\253\204\276\225\205\331\276L\201\027\275GG@>\260\236\240<\323L\030>\360e!?\014\211n=F\367\314>\320LA\276\267h#\274>\024\244\274-M\033>\030a\003>\313[\005\277/\232\213>\323\226P\275\230\362\207\276\346af>\3310(\276\312&\202>\264\274\024>|\335\312\276W\031;=oWc=S\246\004\277\310}.\276\177\346}>\2771\255\276Jq\262=\203\025\233\276,\263\246\275\325\021\022\276\264\201\037\2761+\350\276Y+\241\276l\203\252=Kd\343>42\233>\353y\033>\037\233\234\276\315\301\222>\337\346\230\275\345\211\021?\214\376_=\002\3275\276\000\336X\276\212#Y>h\013\374\276\\1s>Nh9=\254\364\224=\n\304\302>\0107\221\275\324\353\210=\354\203\002>\033\031\n\276\021K\355>\360\367x\276\337P\204\276\252\275\t\276\034KQ?f\027)=\343\017\376\2762~\206\276\272\213`\276\017\276\374\276;*?>\023\254\223>c\363\022\277\215ij\276\014W\010\277,\032\275\274\201\356}>4\261{=&S\272\276\303\203Y\273o\\\006\276\034\366\336\276!\024@\276\265\021\317\275e\303\022\276\025\300\300>#\225\310\275\243S\033\276\321T\267\276\311\321\222>\203\264\037\276\302\242\000?C\325\212\276\216(\355>z\026%>\254=+?\336\300\367\305\303_>\311\2602\276\317|\237\276\177\240\265\275\321\346\215\276\005Fy\276\017\016\367\274\363]t\276\246\243I>4\234\216\274=\353w>\277\370\245\276\322\351(\276\256\010\237\276\247\344\004>HS\001>\305\022\214>\333\221\206\276\350\202\314>\244.\262\275\323\262\310\275$\216\376>\220RS\276w:&\276\231\324E>T\310\362\276\220\327\006>\314\037\354\275\357+V>\263\275\212\276\341\273\275=O\356\334\275\212\235\t>\227{R>\231\177\350\274u\221\035\276\353\210%\276D\264\220\2756\213\345>\262*\202?^\2115>4\266\201\276\342\013+\277\320\220\336;\344\204b\276h\006\361\276\241\014[\276\246\033\253>\366\217\374=\217\270o> ;\025<\252dp\276PD\313\276\351h\253=;\206\376=`\300\257>G\253\207\276Z\203\336>\331\3755\277W\033\276\275\270\r\257\2766c\235\275]b\352>@\005\210>\257a\340>\341\262\332>\240\025\320>\215K1>\231\310\007=\320d\252\274cV\345\274U\242\032?\371\0356\276\210\260\354=\320t`\275\2642\225\276\347\260\036\277\364*\367>\316N\024>\005!\237\276\223tz>\032\261\250\276\356~\031\276\036p`<\271*\353\275&\303\307=\361\302\225>\205T\227\276j\002\272>\265\375\n\336\253\027=\266\327\">\337O(>\247l?\276TVf\275\3444\243\275\317\372a\275k\257w\275g\261\366\273{<\315\274\r\216\241\274\310\034\\\276\370)\313=\321:\224\273\254\307\367>\024Sc\276\275LA\276\r\323\304\276\373\200\357\275g\333 >\302D*\276\272{\320\276\326\317O>(OU\275\2726\234>g\371\201=c\371\343>\017\243O\276\337\341\271=\361\3229\276\276\247\306=\304;\365\275AF\225>\224\014\212>\243\245\376>\300o\212=\342\333\271\274\025\362\256\276\030\362\211<*\370\270>\377\300\325\275\207\263\310\275\363\273\256>\231<\216>^\207\356\275\026\372\001\277\2627\361>\232\326\367=\350\023\020\276|\313D>Q\257\000?\314YS>A\230\206<\3450\014\275\350\273\241\276|\217\t\275\037\265\275>f0\006\276\345\341\037=\310\211\322\275\367\374\245>\006S\354>\354b\376\275\201\253-?\331\353\025\276\027p\251\276\217*\231>2\337\003\277\302<\361\276hr\226\276\323\244\'\276\271\271\350\275\346R\320>t\005\353\275-\337\277\275{\r\330>\016U\363\275\373\032\203\275\256\327\207>\343\215\033\275<\374N>\351_c=\230\210\311\275>\206\r\276k\243\236>\0319\330=\335\001\013>\203\r\200>y\332\316\275\312\363\331>\331\346\274>\273u\226>\032y\300>7\234\016=.\330\027=\014\313\003\274\256\036\274X\253\364=}T\323=OVf\276\031\037C\277n>9\275cV\313\275b\265\331>\222t\232>\301l\316>M\t\342\275\237\261G=\212\241\026>r\2343=\273cq=;\360\250\276\177:\272\276\220U\243\276{\237\n>\017\230\004\274\"A\213>l\007x\275\001\216=>\335:\'>D\274H\273\001\"\263=\357F\220\250!\371\274-\302w\276:z\203==7\266\276\354`\312>\343\251\255>>i\254>\332\243=>\222\246\310\276\356\\\222\276\372\347v\2768\035\177\276\2137(\276E\211r=\341\356\034\276X>\004>$\230\345\276\327R\203\275\3666\274>$\307Z=)\000\244>C\317\273>g\230\t\275\305.\331=Zz\211>\"\363W\276$#\023?\235\317g>j\013\003>\354i\r?cw,\277\n\243\266\275n\377\212>\340\216\241\276\"~\371=\262Bs=\351^\222>ys@\276\243Q\">\271S\212\275X\267\206\276`\000\003=\363\034D=SCn\274\330\035P?\347Y\016\276\255\014\034\2762\010\325\276\206\263\220>K\201_\275\004\330\306>\034\363\347\274\321#p\275x$m>a\002\205\276\265\3302\276\347\r\312\276\260\335\265\276=\350M\275\316p\217\276kX\215>1\262\345=3\315\323\275\335\304\312\273|\236T\276\232\223\025\275\224\257\335\275m\266\033>v\246\311\276r\017+?{\002}>A\317\273\276\2406\301>j\2325\277\372\325\n>\017\244\326\275h\023v>7\242U\275\336\213:\2765\256\235\276n\345\251=[*T>\236,\224>\312\240\333>\244\257\212=!\215\254\276\233\220\232\275!\322\255\276l\020F?\023\323/=8\014S=\247\024l\276\343\360\302\276\2508i>\311\350\241=C\350\271>\\\366\303;\010\236\200\276ep\337\275\227\347\021\276\275\245\373\276F\3271>\206g\212\276N~\254\2762|\026>\002\013>c;\361\276\257=/\277\306\366\344\274\304\375\341\275\361r\021>8\033\371\274\346b9>\367\340\316>W\353\251\275\366M\322\276\035\246$>~\217|\276I\246\342=\016\022\273\276\220Ro>\204Ma>\236\214\336\276\006\nt>:A\213>\203P\001>/\220\031\276\340*\214=b\343\036\276\261\245)\276\033\214d\276|7\232>?\265\253\276;$\367=\241\221\330\276 ~n\276\204\247\257\276\234cg\276\2150\247\275\257\254^\2762-%?t.D>K#\236>]\033\017\277\023f\021>\001\016}\276s\230K?z\371\270=\204\007\244\276\025k\034?T\t\022\275\221\2720\276\302\241\212\275l\024\027>\261\303\274\276#\023#\275 \356L?0\350\256\276@\2279\2769\335@=\355\205\027\277Z\n\007?\263o\210\2765pi<\325\026\032\276@E[\273\341\310\333\275\361\363D\276\312@\353>v\242\020\276\316\016\314=\202\370\252=\004\311K\275\376\233\207\276A\261\217?\3365\007\276\3242\307\275*\251\022?\336\271&?\372n\350>C\237\025>\031\277\201\276G\306\267\276\324\313\377=\367}7\276Cu\213<\356Q\355>\327\005c>Lx\001\277\304\224>\275\364\262\260>\224Z\020?C\351\255\276\334\260\370=\335\365\245\276\216\213\356=<0f\276\261\374N?\306\215!=\212\320\367\274\317l=\275\2236\253=`\260\006\274\216\346\235=[Z\001\276\375\200U>\210\004 =s\364K>,\r\216=m\251B\275r\035j\274\3356\336>\210\"7>\020\361\243\275\356\330O\276\201\013\367\276d\247^>!4,>\246\202\037\275Oi{\276r\361`=$b}\275\273K\327\276\352\2428>\200\260\\>\n\243O>\306\371o\276M\272U\276~Y\342\276\003\272\204>w\360\335\275\203\340\013\276\235Y\260\275\252\345\207>\362\375\212>\220=\032\277\023=\316=\343\377\001\277|ov\221\202\247\276\203\231\326\275\205\363\327\276\246v\001\276d9\276\276\376\235\006\276\014\320\"\276B\026\312=\307\344-\275\365\306\246<\323k\\\2760\016\310=xd\352\276\375\361\351\276\364r/\276f\267K=\321\262\037\276\313\246\363\275\307\014p>\002\3302\277\002\351V\276\313\361\226>\033q*\276\0253q\275m\307\334\275\035\217\251=\263\304?=T\305#\276W\213\362=\003\250i\276\337l\205=\243\377z\2765\tk=\0363\004\277\257\014\353\275\357h\027\277\343Y\274=\200\304\205=\357\036\372\274\252\0208>\272/\r>\345\343\221>\344\362\257\275\002\010\243\276\331\027\017\276Q\201\177\276\256\362\000?\032^\330>_Q\372\275\325\316\355\275\302\351\216=\001\305`\276FA\377>b\241{\276\210\324\252\276\226g\332\275\236\353\315=\372b\317\275\255e\t?\004\274\313\275 \003{>\024l\351\276\026y<>d\3024?\204\272\277>\006z\307>\033\260)\276\357X\362>c\327\256\274\006\276\233>3c\364\276La\254>\r\302\263\276\035\313\220\275\370\223\021\275\020b7=\355\254\004>\311{n\276\373}t\276\274\2677>\251/\001?\340\212\223>\262\277\273>\020v=?\311\350\016?T\271\203>F\237\222>\302I*>\235e4\276\334b\240>0\334T>\313\3559\274\023\340M>&\340\r=\322\252\026\2760\317\211\276\233v\r\276\002\251\300\275\220\177\312;\270!\360\255D\321\276\332\377\003\277\343\336\360>%xU>\301O\t?4>-\277\270|\322>\314Z\265\276\360V\002\276\031\335\273\276\361\371P>\363c\206=\274.\263;\302\311\032?\214\243w\275y\200]\275\362\215\317=\363D\030=bHt>\372\270/\276\005b\225=@\3728>\326\265\303\276\006\360\324\276r\321\247\275$\226\216\275\251\335\203>\206\207:>\233\216\357=R\007\n\277\374_\263\276\271\n\004\276\2020\221\276\177\233\267>\362\205\t\277}\317\216>\346\255\365=e\227\203\276\224%\332\276\300\266\203>\256\3057\276n\232\316\275\003\375\274\276o4\252=\033\322\310\276\006\307;?\241lX\277L\234\321>x\227\320\275\021\020>\276\251\002\270\276\364t\320\274)Md<\342\222\350=od\317=qZ\325\276\341\242\202=\006\312\215\275\311V\013>\016m\023>\232\220\003>z,\021>\265\206\375>i(\237=\2219\007>\374\033\340\274\354W\265>Q\333,>\330U\264\276A\220\310\364\205\234\272#\243\t>\3209`\274jSm=\364\222\036\275\247\236\200\275L\376\267>\316\354\020>\261ZB>w\374V=\224\253\261\274r!\307\276+\030\371\273tK\226\276^\311\"\276\"\276\371\276\246\270\256\275jpO>\245\232\213\276\027:\373>\204\356q>6\204\303>/cL\276HwP\276w\220v\274\354\304\000=*L4\276u\355C>\250\033Z>\'\247\372\276E\365\226=Qq$>\277s\207>\237\234\226=:\234\023\276\004\305>=\211\215\245>\024\266\374;\307Ej=U?K>\260\307\240\275\362\325\276\275\376\376-\276\017p\">\323}<\276+\220s\276r\216\370=\200\036\367=^\013\014>\340`\322\276\334\323\274\275\300{g\276\254W\346\275\214O(>\372\304\261\276\313j\r=N\326\221>\034\005\271;\\]R>\323B\345>\3061!\277\216\313+\276\322^6>O\303x\2764\330^=\250\tx\275\201f\252\275\317\220\"=K@;>\310;.\276\334\254\373>D\322F\277\251uW\276\366\032@\276\300\177}\276bSw\276\006\303p=\233\315\030=\014\366\302\275\tX\022\277\240\246\223=\363\377\366>\025\342\030=.a5\2768)\244\275\023\326\257\276\035\r\350\276>i\273\275\213)\255<\256q\020\276=[l\275\275\2275=4W\276>^\205\216\276\024\324\214>\273\234\013\276N\020$\276tO\355<\354\303>\276\025\315\031\275$4\234\276\244\n\010?\276dh\277\000\001$?\257O\016>\222a&\276\323R\004\276\344Uc?\255\237\213=\355\376z>p\027C\275f#/\276\304C\023\276\306\0253?65i\276\236\005\341\275t%A\276\2511\343>\271_\231\276\023\213\316\276B\353S=\254\367\234>\232\336\024\274(=O>\340M\300>\217\364\364=\333\"\312>\267L\037>\215-\320\275TDL> C\002\035\213==\021`\211>\035\363U\275[\222\341=W\371\317\276W\276\334<\275\273`>.)\247\276o\030?>\314\273\203>\240\014\227> \326\262=(\307\335>\245f\013\274\025\362\273\274>\204\305>f\2709=f\365\306\275\274\311\013>\273\307\225=\302[}>f&\'\276\216\3505;\3733\336\276\314\016\014>c\355\233\276-q\256>\206\023F=\304y\314\276\300\010\247>1\221\217>\306\301n>\200q\301\276)D\227\276Rk\253\275\277\014\244>\301\020y>\320\332\343>\206\325\240\276\207\230\371\276\277p\217\276\360\214\022\276gc\227>>0{>0\301!>\250\305G\277\033g\226\275/BV\275^\360\204>@;\341>\213\004\371>\276fU>\310\306@\276\312\270\356\276\325R\\>\025\366[=F\275\247\276 \324+?\277M\346\274\037\365\226>\216rB>A\023\266\276/\'M\277\360\323\221\273\233\\\335\275\347]\030>\376%\253\276\037H\303\276\261\261\320>\363j\272>F\240\001?\035N\017\276\355\347X\276\035\262\273\276\253\360\326\276\253n\016?3v\036\277.H\322\276F\203\264>l>Z\276\366\372\323=\333\035C\276l\237\355=a\265\014=\027\271\245=\361\275\307\276\213\026<>2\033C>Z\255\375\276\356s\354=\257k_\276%\230_\275M\323c\276\226=t\276\315\253\271=\025(\244\276\005\376\330\276\231!\256>bjA\275\256\224[\275\372d\253>x\"\014\276<\370\346<\313\2047\277\277\245g\276]\2009<\327\270\301=\250v\024\275i\301\230\275<\352\307\276R?\032=\220,\251>\231\346\275\276N\341s\275\341\005\r>V?f\276}\002\221>\266\321C\275j7\213=\345\252\303\276\037\267u>\353cj\275\213\323\332>Z\033\202=\217U\372>\241\260S=\361\0227\275\226|\304\276\366\207\330\276\222\272L>L\252)\276\327j\371>9\213\207\2759o2\276\314\002\234=\255\240&=G\006\005>\031\312\331\275\326\312\201=/P\305>{F\210>\")\347\276k&g\275\350\036\346>\365\304\222\275\317\302\221>\365\353\027\275\347\214y\276\241\216%\277a\312\205\275\n\014\253>Wz\221\276\267,\232\2765\201\233\275wG\002>F\220\236>\0246p>\177\331R>\013\321\276>tQ\247>DA\\>\273}\203<5\3507\276\316\023 \277\376\'\032\276\365{\014?\024\000\324>m]\327\275\026\376\376>\013M\214>0\3279<\277,\266\272\"\241n\2763-\365\275c/\246>\370\227b\276\231r(?ZT\022\2777>0\275\256\202\362>zW\033>[\022r=R;\330\274N/\236>_g\342\276\344\373\212\276s\255\254\2236\333=5y\317=si\002=\242\205U> \033Q\276^7]>&7\233>C[\372=\224\006\223>/\320\030<\334\331\205=\334\210w\276%\t\307\275&\363\227=\300\035S>\212^\246\276\025\300\206>\327\260\201>\352,\241>n\261\267>h\312G\276\246\253\230=\007\300\241\276\2569\002>\240\342\023\276\351\367\213\276\204\253 \274\234\233\256\276\216k\264\275\237G\232=C#$?\\y\366\276\"\372\010\275 Xp\276+\220\222\276\037Q\235\273\207\033\274%\000\033\277Y\204\225\276\357\3774\276l\030]\276\240\264\005\275k\252\377\275\037c\200\276\306\332\203>\217i\010>\200\374\210=s\\\214\276v\003\342>\236h\206\275\376\037\301>:\303~>6W\213\276\262\031\273\276\230U\006=Z\376c>\'2\207\276R\241\302\276\010cS\276\223\314\203\275g\0270\275\224S\341\275;\027/\276\261A\014<\346 K>J\325\007\275\313\r\320\276-\322\005\276\006\336\263\27564|\276]uK\275\275\'O>V}\032\273Cje\276\030\006\316\273\315\337v>?J\200=\342\331Y>\240\276\236>\200T\265;\000\027\270>\364\337\010;-e\232\275l\240(\276I\004Y\275\371\250\203\276\031\0263\275S\200\312\275\247\205\220\276T\276\217\276VS\\\275\3134\031\275\207{\266\275~Sv\275\006\337\316\275\302\336\210\273\344%\026\277v\323\306\275\277Mo>\351Q\3473\276DX\223\275hJ\005\277p\t\330>\003z\022\276\331@\221\275\247N\032\276\302\037\362\276|G\350=\027h}=\327\014\010=\3222Y\275\233\275\274>\'\263\021>\207oQ\276\343\260~>\367\341\360\276-\220\311>\232q\265>\326k\363\276\316\002\270\275\265w\030>\247\262\232>\236s\333=5G\363\274\362\257\274\276\2601\250>\312%Z>2\t\211\276\026%\355\275=\245\206=\013\206\334>\343\201A\276M\330\204>^\004D\276\363z\311\275\355\366\212\275n\n1\275\251\267I\277\251\253P>\360\244\360\274?\333O>R\004e>\354\346\331=\277\217\333=\214\227i=sr\036\275\373\256\205\276\234Hx\275\265*\267\276T\307r>\311\226\324\275\233\002\212>\374w\326>~\241\251\275;\354\232\276\240\365\324\205\032I>\242&N>\347\251\265\276\\\262\227\276O\245\224>\000\035F>\252\215\260\275u\003`>\231\301\016\275:\270$\277R\353\340>\"\203\261>S*\341\275\270%\225>\032\037\272=zu\320\274`qC\276i\252\211\274\242*\346\274\032li\276\327\301\035\275\n\300)=DU\310>\2733\326>\300\3647\274\022n\363\2754\273\277=\315\252B>\306.B>Z\022\203>\006&a=\223\307\006<\312b\317\275\030V\241\275\322\305\224>S\227\211>\335\031\022\277$0\205=\204\377\274>\205EF\273\305\\\312\275JLp\277\344\201\002?\370\215\215\275\372\356\311\276\242*\355<\270\307\302\276\363\314\213\275\242\223\330\276\273:\250<\364\002*\277J\2243>(p~>\020\247b\276\315\201\375>\246V+\276Y\316\324\275X\271\210\276~\335w= \341=\277q\261\364\276\260\030k>H\025]?X\260\307\275WC\212>\037\235\246>r\367\266\276\337\261\376=z\266\363\276r\314\320\276\331\253\323\275\223\306\316>\336\207\316<\'\037\244<\324J\r\276\267\351\n\2747\314\230\276\275\201\320=p\271\275=\373X\316=xG\224\275\201\257\\\275\001\201O>\312\301c=\357\317-=\255\204\000\275\317\245v<\'A\337;\303\n\216=\200v\302\276\341m\311=\221\244\212>\272oA\276\256\252\247;\374\355\036\276\373x\330\273laG>\265\352Q\276\323 S\275K\\A\276@F\002<\224\014\332>A@\212\276\274\241i>ZL\233>\237\312\035>\376\017\025>C\\h>FL\347\276\036\365%>\300l\251\274\270j\221>\357\313\246\276O`\222>\005\367\200=0\210\223=\316\340\240=\224\261r>j.\204\275\363ZW>p\035\313>T?L\276\324\2321>\327\206&>{\302\263\276RM\014\005k\036\276A\216\304;\234\322~\276\276GV\276A\035\"\276\307\020\'\276\325\216\002>\235\221\201\276\236n\212>\2375\275=\177M\240\276M\354e\274c\370n=\327\227r\275\277\243\212\275H\3112\274}\222\327=\253St\2761\023\226\276%\342\302\274\025\251T==i,\274m\312\222\275\234\314\332\276\332#\277\2751\330\021\276\357\247\203=\232\n\224>\313\366\010\276X8\252=J\204\026\2763\274\377\276\264W\363>\"\006\350=\315\027\272;\332k\275>\310i2>%N|\276o\307\223\276\255\240w=\212\033=>i\360\316>\270R\010\276\364r%\277\031\255n\276\030\024\356=|\302\202\274\344p\'\277\004\033\200\275\357\377\005\276\r\221 \275\"k\253=/\356\020=\363\232\037>\300\273\301\276\273\366\032>GV\025?\210\203\216\276\300\267\331\275\313\370\2079R\003\241\2757\0339\276\276\021\235\275D\3014\276\365\355\276\276$\3051\276,\023\213>\223\3538\275\213C/>/\264\256>\370\260\322>\305\275\200>\000t\035\276\001xC\276\035*\236>\021\030J\275\361\264\034\276A\026\361>\271e\010\274\302\361\270\275#G\000>\267\263\253\276\331T\217\275\002\344\006\275\337\233\213\276W\240\247\276\273dP>\374\272\020\276\313\003a>N\035\014\276\330\331\226\275\352S6?,|\227>kV\233>H\216(=^\2118\275\271\352D?\370%\205\276\367J\377=\020&\305=\375\342&>Z\360\376>G\243!?v\372@>\221?\024\276\017\312\231\276\033\254b>p\324\036?\275\257h>X85=+F\231\276\361\227\365>a\201\340=\nY\302>={w\276\\\276\014>\233\254\025?\350\213|\273\250\331(?\256\201\033\277\333\203k>\210\250\016>\255\257o<\366I_\371\r\240\275k@\n>\300\215z\2766\311\003\276\371O\260\276\257\240\\>\253\n\252\276X_y=\324\341\257>0P\252=MS\312\275\215R\034\277\243\010\034\275\260\r\013\276\234\247\016\273d\224H\275\247*\255>\267~\300\377\021\266\276&K\010\276:8\233>G\306v<\313\273\200\274\231\357\312\276x\276\312>Y\255\230\273t\237\346\275 \371\234=AI\253>K q\275\010\034\003?_\331\253\275\214\361\361\276\346<\220\276\230\366j\276Gw\251=UG\264>r\255H;\020\020B\276B%\341\275]R\005>S`|\276\300\353\346=\367\260\215>\016\356s>\244\332\212\272\001b\236>\006/,?\342zg\276\322\033\275\275\347Y\213>\265\216-?\312(\305>\331\264\351=\372\377\372>\302~\365<\027\312\307>\240\211S>\277\344&\276Q\210\033\277{\307\214=\320\252&>cR\206=\017BX\276h%\204\276\272YJ\2757\264\016?\263\224\361\275\352\340.=\226\365\203=\263\244\262>g/\305=Ue`\276\364$\221\276lq\215>\305r\353\275\266\010\327\276{\243\032\276\372\365\312=\260\211j>\3658\035;\207\206\276\276r\205\002>\335\340l>\314\234\010\277\311]\005\276\021\317\024?\340\374\201\275\210\372$>\211\303\r\275/\222\231\276+\323\306=W\356P;\376\375\266\2757\215\221>\006\212/>\007\352\200>$\236c\276kv\035=A\024\365=\nC?>Z\004\236=\263:{\276\033\350b=[\215S>Y\247-=\360.F\276\273T\021=\035\313(\277\267\200\246>\006h\222\276o15\277Y3{\276\362\215\230\276\321\342\323=n\035\255>Ds\272\276X#\006\276\314Y\220=\312L\225\274\004\251\334\275F\364\200>N\244}\275{Pa=i\363\304\276\251\031K\275B\244\034\276\205\217\244\275\324a\267>\275\204\202\276F\2269>\312G\335\275\346@\213>a\357\n\277{q\260\274\274\323m=\235[\246=\326\236\326\275\236$\'=\335\005\023\277\225b\317\276\013\256\357\273}\220\005\276\177\231\252>/}\264\276\224\006z=\206X\251\276\270\005\234>\036\276\212>3\n\006?\177:\214><9\230>\333G\347=\033]\356\276}\211\351==?\333=XL\206>F\005\300;u}\316>/\303\315>\233\000Y:\301\006r\276z\3635\276\r\345B?\\1\026\276\326\306\242=o\360\240\275\203\301\307=\220\362\244\274@\315`\277\245\371\353=T\245\n>\244\027\215\276\202\230}\276\372Io>)\214J\276\276\336\215\276\225\262\261=\325b\310\276\356w\354;{+\261\274\301\000\310>\322\206\350=hy\213\275J\346\267=#dK\276\303\331\035\277P\273\224\275\356\354\313\274\032m\212>\365t\201\275x\303\267\275\243\316O\276K\2271\276\200\212\'>\242\203\332\276\350<\031\27685g\275\320C\004>O\r2\277\"\037\013>\220K\232=\345\360\217\276\035\314%\277yf\006>\r\240\207>\370\207\225\276`\347J\276\026L\321>+\031\036\276\275\365\305\275x\237\336\275^\262\\\276\317\241\004\277nI\031\273\260\245\014\277\035y)\276\266\014\025>2\235R\276\351\356\006\275\025\310\024>\245bL\2767#\201\276r\200\277\276\244\017\203>\214\353\212\275\235|\037>\332\340\355\275\261Dy\276\322z\330>\234\321\250>\316\202\234=\374.S\276m6\216=\300l\330=8\277\366\275\3042b\276\014\342h\276\314\320\302=I\237\274=\245!\021\276J\t\271=\340\2773\274\200,\243\257\331\221=\244\004\254>\0034\252>2\323\010\277!\207\364>\276\343\325\275\233\031\002>ZJ\025\274d\300\316<\022\254\032\274\357\261j=7\213\250\275&S\214\273\336#\252\276\277<\211=!\323I>\352\334\005\276\366\202,\276]\336A=oO\330>\275h\312\275\271o6>\277\240\003\276\312Y.\276\207\274\361\275X\211\356\276.\231\014\2772P\025\276\304\014\206\276\036\355\350\274\354Ak>Z\001T\276\203m\232>\371\341S<\021\312P>CK\342\274ZK\010\277\002V\244\276\252d\220\275\317\027\261\276%7\331\275\225\350>>1<\327=:\365;\274*\213,\275c\237\226\275P\034\024\277\274\362\221>X\353@>^\023\035>\227N\232=t\315\031\277\"\205[\277\223`(\277\373`B\276_\246\234=b\r\251\276Ra\255\275+\252\272>\310\277\016?9\000\325\276\021,\003\277+]\335\275\301\027M?\341\357\276=;f\200\276\202@\202>\364\274\002\275\210;\272=T\370\332=\317\030\241>\344#\031\277\312\262\233>9\260\013?.fC\275\220\302\006\277j\027I>\335\366\251>_\177\351\276\275$u\276\307\271R\276\271\317\300\275\252\033\205\276\201\364\036?]\034W\275\200g\207\275\000\362\347\276\035\303\224>\264\347\006\276i\243\222>\307\241\001\277\347\275\264>\367m\257\276\'W\363>\202\260\220<\033\366F>XGO=\216\343O=4j\230>X\313M\275\221\364\202\276\013#\205>3l\306<\371;\021>\315B\354\275\240\'`=Q\226\033\276\007\206~>\321\265\260>\004\342_>\323\367<>\363 \007?\343cM\276nY)\277\216\315x\275\\\225\214\276\230\317|>\247\370\327>8B\365\273\013\220.?\255%\201\276\036\3712\276uHs>+^\027\277#+\224<\366\317\262=\252\r\247>\323C\200>\316I <\301t\202\276A\352\207>\341\357\220=\231a\334=\235\272\357\275\032\'\252\275m\332l\276\002^\277<\310/_\275>N\254>\356\276\020>\273\236\306={\222\n>\264\007\275:\205\352\304\276\351\344\026\275\ts!\276K\020\300=y\000n\275\251\310t>4\375\363\275\265%\223=\00082\276 \313\002\277\337\320\217>\355\375\177>\253V\t?\026\201J\276\317\336r\275\223?\222\276\340\234~>O#\342=\331/\026\275\200 \222>\372\001\206\275\231u\213\275T%\301\273\337\033== \017\016\277\241\034\212=\215c\214\276P\304D\276C@\324<\254\020o\276k\331\343>r\371\346\276]\2278\277\244t\271\276\020Z\242\276\2345\362<\334=\300;a\305\230>GEJ\275\035\242\033>S\347\312\276\240\330\252\276\234\202\252>\373E\363\275\350\227H>\3137\347\275\211\245X=\2247L=\246\254a\2763@!\277f[\016\276\335ej=a\330\303>\224\035\365\275,{4=ib\332\2749`\006\276\025\355\231\274N\024\226=\326\002\344\275V3!>\n^+\277\204({>[?\212o4\351\276\262\272\211>8\246\225>)\216\332\276\260\002\263=\344=7={\tn>\007\022\014?\340n0?\335U\001>\332\216\027?\206\217\265\276s\353\t=NO\265\274\324\315\257>=QL>\357\367A>\217\372\242=I\004\n>\014\034\002?\365\241\364\276|\rk\275\365\206\026>\205\020\r\276\'t\344\276\262R\271\276\370\260\n\277\227h\241\275\224\371\260>\'&\235\276:z\235>\203\271<\275J\022\200=\210\246\034\276\326\013\003?\364\327\312\275\024\331-\276$\374\371<\037a\270>\007\270Y>\247\303\030=\201{\230\276b\216\314>K\005\261>\343\313\004\2769\026 \275\377\215\201>k9\275:J\331\001\275\024\033\232>\272\342P\276x<\254\276\365\256\031\276\300\027\001>7\277\206=\234\270^>\277\024\003\277\245\300\030>`\267B=\272zM\276\330\006\207=\376\317\304\275\205\273$>S\213\n>\217\307\232\276\235\024i\275\326]\013?\233i\005=\023D\223<\254\320T>\310\276\335>\003\352\225=\210\364Y>\207\204\223>\322\226\357=\234\r\346\272\225\223\240\276\345\305V=%\253)\276\032S\201>h\220\327>w\276f\276\242\013\334=RR\251>\327\022\317H{9>\310~\035\277\234=\352\276\366ry#\347\216>\000\345)\276\017j~\276\250h+>=\022\000\277\017\321d>\\\017\020\276Z\276\364=N\355\232=\204\331A\276\'H\301=\231\005\023\276\372\346\204\277\207\224\200>\202\213\306\276\226s\211\253\017\014>T\350[\275\331\263\205=\014\310\210\275 }\201\2760m\242\2754\231\240=\360GX>\266\336\257=\266B\004?U\3508=U\302z=\315H\035\275\325\275&?H@\215>j\236\252>5\327\037\277+_\372=\257g\372\275\3237\340>\241\244B>\004\347*>\034\342\311>\340\343\255\275D\306\016\277\212q\"\276\236V\264>\202\225*\276\217.\005>\314\205)?\232\025\273\276\250L\002?\310h~?=t\273>0\267I\276\364\337\261\276\300\025@>\310\250M\276\022\341\254>e.\331\276-\241\350>\2207\360>\241\252\213\276\375\260c>\203\311\306>]A\263>\232\266\215>\023g\026\277M\332\257>\243\372x\276?\270\362\275\337\032*>\332\342\211\276\365\373\241\276O&\366\276o\214\033<\222\240\005\276\340@\203=Iwt\2745o\203\274ky\241\276\271Pb\277\303<\n?o\345\252>\227s\304=\267<\315>\033\377\243>\361\020\225>\341!\333>\204}\206\276\224N\261>\366\347\343\275\024\315\230=\377\373\206>xrO\276\021\002\311\276x\251\331\276\023\237\314>|\242\033?\221\252\020\275\204\325\035>\316a\254>\307j2\276\321\007+\276\205\313o\276\245\317\376\276\246\360/\275\021\317F>A\201o>= \345=\243\367~\276\272\033\007\276{\261\342\276\260\233\274\276\t1\206=\334\323\200>4\177\224\275`^\224\274.\347\036\2779\037\273=m\314\202>.\361\200>\261S\225\276q\300\231\273\206\225\034\277\310\204K>6\005\217\276\353\276g>\346r\275\275?\035R>y\375\276\275\301]\264\274Yd\266>\266r\000\277\027)m\275\255\252:=m\007m>\200\343\002>\251\306\014?u\320\014>e;\255\276\337(k\276\023\310\321=,\317/\276\245\364\010?\213L\310>\304\035\003??\341\017>\031<\206\276\332\262\364\276\211/\022?[\212->I\242G\276\217\222\004>\024\264\307=\241q\353=\320\234\317<\341\206l\276\326\271q\277\241R\005\276\321\3541>\346\326\024>\241\024\034\277d!\004?\231\325\332\276\230b\257>\327.,\276!y\227>&\356\237=[ \217>}T\204\275\036\224\210>\220\303\347\274\264\236*>c\211\004>p\356\204>\217 \235=,k\254>\r2\203\276\017\371,\276\320c\036\276\245\347\317\276\322\264\316\275\253\216\031>~\332\r?\233_z>T,\235>o\265\270\275\232\212\346>\215\001\330\275&D\231\275\244\252^\275\002Q\023>2\264\030>\000+\351=\177\242\214\276?V\213=\251\223q=\355\253\342>\301\030\036\276QW\270\2766\013z\276\030\200\202=\315\376\355\276\201\006\227\275~\361\001\276\357=p\276P\202t>\270\206B\276\317Y >\3515?=\304\267@>\373\306\005?\002V\n\276V\366V\276@\270\251\276\026V{>\202`W>\200\365\350\261A:?\220\256\016:\334\232\221\276\245\020\212>\240Pu\276\007gm\276s^q>-\002\336=\370w\347\275\256H\203>4\266m>\203\207\236=\205\352\020\276w~ \276,-i>y-\364\276F\205\314\276\371^\275=(\270A\277\023g\312>J\001\307\253\000\005\277\211\t\245>\026T\352>\360}+=\3603O>\265\207\275>4N\t\276H\271\025\276\254\004\205>\177\324\324\275\270\355\024?\322\206\006\277\367C\306>\216BW>\252;u\2746\340b\276.\314!\274*f\"?\027V\373\276\367\300\220=\326\006\363=\200\335\023=\376\0029\276V\001\320>\371;-\276\306\352=>J\355!>t\376H>\303x\020\276m\377\273=\234\n\300>\227\324b\274F\242s\276q@b\275L\nl>\313} <\205\247\017\277\307R9\276\017\306)\276!\214\313>\211PC>\031GK>\327?\005> \302 >\221\257\014=)2\302\275\255\262\317\276y\227\034>>\310\032?\013\210\323=\213p\240>\373zs\276]W\271\276\350I@\275^\330\265\275\324\354\214\276\316\301A\275q\332\265\276E\263,\276#\276}\276\222@\241\276&(\330=&\240\316\275W>\315\275]M\216=t\214\022\277\004a\022\276\301\221\020\277lYk>d\020\221\276\321\274\242\275\341(\t\276\263\310\031\276\260\256\322>U\352\210\275\374\013^\276\322\246->\007\256$\276\243\375W>C-z>o\316\302=o\310J\276\263W,>p+\010?\023\016\306\276\030\257\366\273\215\330\271\276\257\n\231\276\354\216\023\275\2652\315>\223\274\n=\2073\027>R\356\273\276&\022\302>\264b\262\274\327:\347\275\303c\026>\2322\233>~QD>\007\277\206>|9\203>\356\2415>\334P\347\275\212\036\213>\314\014\265>\275 \357<\0011\330<\3759\327>\r\365\002>\262\306\243\276\341#\313<\021\177\267>\215\240D>L\266\312<\330C\t>\260\333i\275qd0\275\317$\270=\236\207\271>1\205\237\337\014\023?\030\362\360\276U\212\031\276|X\027\2774\361\013\277:c\361\275\360\254_>\214e\335=\374G\221>\261\030\260>\211\202\316\276\247\224\233\276O\272U\276D\311\245\276g\237\227>N\022\271=Dtr?\251&\022>\362\244<\274\205\022g\275x\375\324>\376\313\317\276\363\205B?}\310\264\276\272\367\371>^\020\005>NP\024>\224)\342>\001\271\255\276\204\312\361>*/\201>\335\005r\276K\024\205\276\312f\014?\275\373F>F\270?>\255-y\275\216\324{\276\320\rt\276\326m\010\277~\321P\277W\\\224\276\377\215&>r\001\n?n\030\201\276\322\007Z=\016\267\355\276\370\204n\276TeQ<\315\010S\276{\350|>\277\016\021?\347A\330>\024\347\257\276\257\2364\276\350\276\266\276\005\200\223>%\377\350>m\325\352>\021u\364\276\221sY\276d\'\014>\356\260\263>uk\016\277\235\367\250=\023\313\377n\r\r?\214\356\\>m\013\214=\365#l>\375\032G\274\312;\013=\030x\216>Q2\207\275\263\0232\275\340O>>\027\374h=eH\025>\261\340\273>\\\022\t=\017\344\222\276\212\366\327\276D\263w>\251 8\2777l\310\276\232\205\353>\000\3111?r\315\307\276O#\302\276x\226r>\330H\350\2761[3=.\306\243\276L\277\215>\324\374>=\244l\344<\030\251\334;_\273\201\2743\023\020\275\270\311\364\275\324\305R=\310\276\354\274\247D\271\274-W~\276\222\310\355\275X\340\234\276\312\213\367=\364\016=\276\355{\312>\306\244Y>8cZ\276\256\256\243>\251\027>\276\251U\005>I\273\345\276\332b\247>\275\206\030\275\211\203\231\275x\260\232=Z\224\237<\240\3055?#\363\263>C\321\213\276\347\342\276\275\023\333;>\327\351\306=Qg\023\276\310K\236\2754\236)?_gg\276\302\250\211\275\332\215\215\276\257\037\t\276\\d\214\276\312z\211\276Kx\223>\367\365\271>\362!\271\274\327\276\222>\307\246!>\250Mi>\373\312\252\275\335\362\352>\271\022\252\276\367\010\001?\241-\021\276\243.\240\274}\264\226\276\334\254\253<~\364\306>\255\370e=6\303T?]\246\224>\330\324\326\276\351fa>EU]\276\311\252\271\275\205\263\367\275\355\304\367<\2728\332\275/-\204=\225\253\234\276\277e\265>\224\002R>\343\370\330\275A\300\177\276ej&?\334\307\212\274c\342S\2763\261\033\277\235\317\274\2761l!>\r\250\000\277m\2713>S\357+>\277K\337=\021\235\320=\265ft\276T\347\342>\261d\264=\362\306V>\306\356\000\276\202&\252=\031\210\030?AV\227\276\nv^>6~\037>\310\377\204>\201\345n>U\360h>\236]4>\315L\314\276\332\345V>\354\353,\276\000\363\201\275\277\254\235>\224\351B\276\356,\037>0\244\357\275\276\222T=\3031P\276\367\314\221>0\331\265\276FH\022>=\235\226\276\356\010\332>\370p}>\376\323\257>\331O\217>\\{2\275wf\355\275\347aI\277@\360\333\276\354a\231\274y\242l\275=\337\226\276+\357%\276\3646!\274\022J\324\276\203Y#\277\327\'\031\275\361\330N\276L\010\215>E=K?ezF\275^i\024>\022\372\373=*l\227>\320w\323=\255\345\253\275F\030/?\337\234\234>\266*\347\276\036Ek\276\365\323\240\276\004\365\013?\372\013j\275\'\331^\275fy\273\276\222\031}>\362dQ\276\026.F>\350i >R\331\222\273\377\244y>BhA\276|\230\246\2759XA>\306\214j>\024\330/\275K\2772\244o\251\276\003\021\371\275\230u\315>\277\006O\276>\372\301>\217\361\303\276HR\220\276\333\260\025\276\364=d\276\345 \031\277G\210\321>\326\257\017>\004C\254=]\314\304>\010n\323\276&\223\n?\202\304\354=\342\352\213\276\004\027\300\274\251\304\375=~P\216\276\337e\262>\223\310o\276\335?G\276\024\271m\276\274z\300\276\375\210\017\276\266\036\224\276C\353\245=\317VO=\035\202\350\276V\036\207=p\264\373\276B|E\277\264d\326>\034\347\301\275\247\317\021?V\'\320\276hS6\277\243\010>>6M\313>\340\020-\275\345\255\373=4z\220\275\241\337\210\276\322\356\371\275\257h\305\276 \375k\275\377\026\303>\321\214\204\276\013\210\277\2762\027H\2766\250\316>l\'\210\276\325\346\263\276?Z\021>m\255\261\207/y\276!\007\362\275I\020\232\276\255d\213>\030\275?=\336\031c>\312R\335\276\251\317\332>f\265\244>\227N\221\276\350I\265\276\221Z->dY\020\277\227\223n>v\031\006\276\006\320\321>\212\rv\275\220sN\276\264^]>\314\230X>\330\207\252\276E\255\324\276b\322\212>`\304\006?f,\234>]\253\203\276\357\303~\274\305\223\252>N\312\026\276\210|Z=\361\373\272\275\374\242\304\276\313\302<\275\324\320\235=+\252\201\273=\374\203\276=\255\006=\364=$\275O\021#>:q\227=9b#=]9\335>T;+\275B0m\275x\235\030?\216\321\255=\206\312\304>\261\216\324\275w\225j>\207\262\214\276\2227)>\263+\215>\032\250\002??G#>-a\n\277M<\014\276\342\003\273\276\236q\300\275P\210C>:\232`\276\216/\224>\241\343\301>^&\"\275\352\373\'\276\354\004/\276\311Np\275\331\344\236\276\363N\246=O\316\242\2746t\214>\246S\301\275%\037}>Z?6\277\314\361\347>\364\256.=\314:\373\275\351U\340=p\214*=\005\354\265=\243\037z>o\203\277\276a\325\244:\203Th>nx \275\307\n\265=P#\306<4X\331>m[\016>\365q\375\276\221\024\327\276%\262@=\211\306\260\276\325\314T>\265\354\224=\2447D\274\256\031\t?\347K\224\276L\266\316<\333\260\244>\317\261\223=iZa=\225Mp=B\r\261>F\201\200\275H\316\030?\305&\022\276b 4\276\214\317\340>o\024\002\275u\241\315\276\002\245\321\275\027\007\355=FK\256=\241\372\035>\003?^>\325\350w\276\236|-\276\335\326X\276\220\010y?)\026\316\275Uz\327>*\212\272\274\tSW\275\365\205\372\275\352J\205>2\036\233>\351\323\316\276\222\217^\275\307\'\224\276\311\3243\275%\375\002\277\313X\211\275\020\251\230\275\361\375\377=\376\340\306>\032\372\201\276\025\355 ?\270\264\252\276\020\037\263\276\354\221R\275&\312\224\274\327\n\237>(\311\254>4\014\261=\247\241\201<\210\217\177>t\200\346\275\032\232\331\276\271\231w\2764Y\030>\372b\004?\0205\\>\027\217\345\275%5\224=4\253\374>\220;\312\275\271\020\234\275\244L\315=\224\310\200\276R\324\312\276\335\344\260\276\255\355\367\275N5\245=\"\342\360\276\330\036\021\276\332\013\316=\335\026\037\276\222\354J\274\307<\214>\003\262\222\276P\314\325=a\030,=\232\034\234>\030}\236\275W\036\353\274\t\315\214\275.\"\260\276\320\030\270\275\0369\220=\374\247\343>\305-\330>\177v\217=Y\342\000\275\007\261\t\276\3410\343\276\275\266\310=ek\276>\010\274\367\276\325>\211\275\014\225[\276 \003\336\274\367\355\261=\377\236\330\274\220u\"\274\002\341C?\221\342\235\276\247\370`>\206\236O\276\243JI=\205(\034\277\352\002\037\276K>\236=\223\273\"\277p\244\n>\304\345\n>3\233\270\276.\306\243\275j\261\256>\242p\373\276jn\367=\215\271\036;\035 \232\275a\330\325=]\260\350\275\203k\330>\256\272\262>\330*\236=\355\323\031\277\353\325\242=\373\306\t>\346\363\250>&z\261>\224F\"\276\220`\321\276\220O\363\276\203(\004\276\314\336t\276\367\004\026\277\332,\303>[\346n\276D\315\215>,\271\217\276\302\224\335;\235\'\201>O\236\271\276\312\035E\276\265\033\'\276R\217m\276\037q\016\277K\230\024>\305\243\001\276\243\037\313\276^\373V=o\236\215=*\362\346\276Ob\027=^Z\336\275\024\365\'\276\324\263\037>\013\346\335\276\234\357\210\275V\30119\3438\313\276\267\001F?\265i\260>\263\277\311>\214QB\276\333\365I>\002N\335=g*\314>\245\215/\276\321\254\034>S\366x=I\'\010?\204\267\242>R&\267=\234I\240>\363\325\247\276\236\276\244>h^\343\276\027\027\326=\237\237\">\223\252B\276S\032\364=\234\024\013\276\272\265\212\276V!E\2767\267\271>96\037?.\227t\276\232\016\242>\007\016\272>\317X\342\276J\001\r?I\370\361>\010\364\036?,U\n>\254\365\315>\243\"\316\275\276\217w\274\240\\\233\277\253&\003?k\204\314=\226$\316=?\337\264\276\355y\252;\341^\'\276\021\320\t\276d\233\311>\014\022 =\320\344\234\276!Z\206\276\310\321\350=Y\336\237>\340\001F\276,\2267>+?\240>\375Q.\273\363\302\361=\025\327\344>Vp\214\276\315\324\024\277`\206\317\276\007\215\021?}\214\n\275\356\030=\277\204\362H=\\\241/>\224\372(\277\314\205\323>\275\233\362\276=D\347\275\375\211\350\276A5\232>\325\202g\277\264\037\355>M\037\010\277$b\007?x\310\365\276\370\225\025>}c)\276\005\205\311\275\315\373\331\276~^\010\276\013\353D?\315%\301>\306r\227<&G\304\276Y\217\255>\365\027\273>N\356j\277\336\014\277=\3507\212\275\366\203\250\274\037\023&\276_j\213>\354\264\031\276\334\241\036\276\020\013\221=\032X\001?C\002:\276;y!\276\321\026\274>\202y)>\255;\240<\251\037\245\275\212@&>\367\275\316>\343W\242>u\321\201=2\320?\277\001\351\236\276\367\305\007\277\241\242\031\276\202\362\370\276\351H\242\001}5>(x>>\306F\237=oV\231\276\353\230\202\276\332\266\374\274r\226\t>\022bk\276\004?\206>\200.\n\276VX1\276C\216\323\276\034\264\245>N)\273\276\257\305\227=\004\373\364=\275\350\002>\274\207 \274R10\276\342\020g\276\325\004\375\276\265\2462\276Y0B\276Q\000\034\275\307\234\260>=\314i\276\206@\204>q\023f>)\302\353>\244\262[\276\357\220c>i\204\033=\010\036\020\276{\333\213\273\336,\323\276\227p\277>\027\354\245>\241\356\\\2763+\036\273p\233\000\276\314[\203=\321+*>\034\235\255>O\375\223>W\271w>\273\037\"\276\223\363\036>1\331\216>\311\035\026\276\240a\215\276\035.\335\275Y\356\341\276\321\273$\276\272\242\241\276\024\305!\276\002\320\006?\367\200\214>\217\0234\276H\344,\276\250M\350=\0305\243\275\342w\244\276\336\036\035\276A\265\215>\03506\277\027\247\270>$\3743>\037Q\241\276\342+m\276\027\031\313\276\333n*\276\357\036\350=M>\005>\354\203\026>\263\016\204\275\370\252\336\274~\352\270\276\2666\222>S@\256=\275\360,\276\002p:<\353;\336=Fu\233>@\024\326\276\233\343\177\274\035\256\031\276k\271c?\276\247\016=J\205%\277t\327\n?\322\363H?\331\307^\276\005gu=\017+\335>\320\207r=,?d>|-^=\232\303\356\275ZU\242\275\212n\300=\037\265\300\276\257j7?\002:$\277\250\315\317\276w:5\276?\345\256>m\2109\276Ib\360=o\002M\273\370-2\276z\223\375\276\306\t\355\275\375\006\314=\254\003\217>\226\343\262\276>E\227=A)\272\276\000\366\267=\236\363\250=\241\300\325=Jr\363=\364g\006>l:\227\276\242\357}>L\216\222\276\323\362\354\276\207\242\365\275\"\254\200\276\203\034\376\275k\222_\276\233q\316>Z\177\202\276f-uh\372\207\275k\030V\274\310\374V\275\300*\201\276 \244|\276k\226\200=\322]\232\276\022O\265=*\252\205>(\304\302=\240\225q\275AW\013\274\272L\241\276\260si;{J\035=*\216\230\276\365=\r\276!X\233>7\004\200>\246\222\025>\204\032\367\276\'\211\217>\0201i\276#\337A\276D\236\217=\370\210q\275\024%\277\276\005\300p\275\023w\224=[L\372>\260\375C=\354r\266>\213\0029\276\003\016\261<\325\236\356\275\220\026\310\275\023\305\243\276\301e7\277\'\377W>\303\013\334\276\206\347\212>\321zO>WV\266\276rP\003\277-\354\365\275\026\215\210\276\"\213\314\275pb;\276\032\316\346=\035\242\211<>kf\276&\342Y>\243\r\">\'-\177\277\250\365/\277\r\263\334\275s\356\221=\211T\001?Y}\003\277\263;]\276\212\276\224\275\271q\264\275\266\364\013?\240\004\373=\204Pw>\275A\276\275::\r=\320\307\256>.\367`\276\273Zf\276#\260N\276\334\323\366\275\222\207\026?\263\223\350>\274.\201=W\226\221=\203C\333>>Y\036?S\270G\276\230\357\022?\255\246\233=\005\367\356=Z[M>\002\265\375>\2610\256\276\t\025|<\246\013 \276?9\374=3\031\215\276\177\356\245>\373P4>\220\210\221\276l5\r\276\\\215\'>H\213!\276\316\233X\276T\240@\276n\246\205\276\362m\233\275\025\326\237=\265\370[\276\377,\201\277RC2\2764\354\234=\367\003v>\205B\030>\233\r\007\276]&\346=\'\345!?\265mh>xz\026\277\346\002\245\275w\027\201>\025\022b\276\227A\230>\244%9>-Ti=\215\370\244>\312\030\313\273K\315\276\276_\300\326\276\2029R\276\3221\206\276\203\353\005=q\0270\276\025P\034\276\332@\r\276\036\307\022?\327\313\306;cdz\276\217\320\201\276\277\370\342=\031\361\021=D\202\241\273S\347\227<(L\034\276\252\016\252=>f\207\275\202\360\212>H\261%\276\030\324\324\276\330\235\362>y\335\024\275\242\030\300\276e\020\267\275\267\307\357\273\212\000\221\2762\232.\276\r\366\242\276x\220\346\275\356y\310\276\276\264%\276\246\346\314=\035e7?\204t \276\325z\313=\223\263(\276~\036\0244\224\306\276\201&\360\276q\223E\276K\036\243>=O;\275\262M\213\274\0268$?\266\003\355\276\300@\016;\277\347\335\275\032\312\217=\323\225\017?0L\244>]\235\264=R\200.\276\345\251\374>\252\027!>\300^\231\275\224\312\313\2766\326\242\276\214*}\276\276\342\000<\330\005\323>\351\246\027\276oC\004?\023\335|\275\034\376\335=\231{\335>\'\346B=C-Q\277I\3254>\032{R\273M\323V\275w\250g>\240\365\320\275Vp\247\276\335\355\321\276nh\353>\313\215\371\276\221\304\261\275w)\257=\207o\346>\202\346\203>+G\014>\271\376\353>4\211b?k\366\003\2769\352\261\276\014o\311>\025Y\201\275\350@\177\2769\304\203>\025me?\260\321V>\370N\274=\355H\005\277\2379$?\252`S\276\017\006\325\276C\272\213>\024\301\233\275\305J,\275i\370\254>\247\021@>\377ER\276\267\3134\275\r0\024\277\rY\222\275\230\257\223\276\005\030\251\276\270\277\323=\241jP>\274\320\003>\232\2658\276o3\017?\\TD\276\370\003D\276\377\243\363\276\217\222\216=\020\227\372=\20604>\266\305\203\277\301\225\232=fW\273\275}\236\202\276}C\203=b\320\335=\206\027>\277\240M\035\275\307\r\017>\374\002\021\275\262\2071>\316\303{=\202\213\010?@\2245\275\001\262\023?\305l\352\276\227\302\251>\311e\247>\225\240\373f\202\314>\276;\025>zKg\276\253\'8\276\204$\037>\243XC\2762\202?>[\332a\275\016y\310>\003\016\034>\266\231,\277\212\317\217\2760\326\335\276bT\240\272kN!>\"\014\355\276\271\343\330\276\204>+?>\267\360\275hl\205\274\241==>\223s\350=D\302\254\275\220d;\276\374\203\006>G\261\232\275?uS=D\310\001\277R\002\204\276O\220]>\034h\234=\2464s>b\357\245>\237n\325=\332\367\301=PH\207>\211\333\217>\244\305\217>%\035+>\010\355\260\274\312\215\237>P\255\316\275}\361\264\274!\342\203\276\262\373\025>.\rp\276\212\313L\276\205U\333>\030\177z=\355(\272<\344`\n?\241\332S>\024\274\263\t\312\241>\267\234\210>\231\024\002>\203\220\224\276:\274->u\351O\275\346\367\357=&\"m\2769\022\357\275JF\007?\232\267\331=CuL\276\017e\035\276\245A\'>|\001\230\276c\'\377=\307\347\031>X\257\214\276\322k\215\276=\340\242\276\203\277\300\276\253v\n\274,I?>G\323J>$\\I;N\314\017\276\026:M>\313$\301>\274|H>\300\324\340\276\303|\232>\004\374\242\276\337\013\232\276\177\'7>\020\226^\275g`\010\276 \213\206\274\275\010\243=l1\205\276\230\253(\276\375\340y\276\214\205\207\275\205C\304\2751\213\260\276%\346\006?\226`a\276\257q$>\010\000H\275\360\035\336\276\005?q>\333\320\227\276\214\370\316\275\260 `>l\027l>\376\r\223<<\223\220\275\257o\235>\244\352\210=\232\235I\276G\026/\277\003\216;=\213\014\333>\2470\267\275\264;\034\277r\323A=\032\337/>K\330\376=\303\374*>\345\321w=tVX>\016\374A=m\246\021>W\354k\276+(\244\275j\356\223=\340\000\317\276Y\233\342\273\255\362\205\276\304f\223>5\304\304>v=\355\276%>\301\275Z\205\036>\200\025\262\276\231\200\324=\260?i\276\343Fl\276\016\230\240=\3314\307>\350\242\240\270\266\270\217>\007\252\251=k2\273\275\354\377\227\275\225\257\265>(\323\021\277\2266A\276L\037\215\275J\263?>\005\271 ?\373s\342>:(\275>\014\030N\276\200\347w\276\376\361\202>\300\036\300=\223\241\204>\224t8>h+\233\276\235R\333>\000\246(\276\005\"\001>\013]\354\275\0027Q\276\331l0\275\037\235\271>\242\032\r\277\363\361\261>:\'\037>\022\232\353\272\033\341\275SjN\276\026\252^>q\273\257\275V\344\333=\330\374\315=\276\355\242\276Q\336\223\274\351\365\312=\347\252\316>:v-=h\356\237\276\037g\303=\021\304\013\275\242:\016\275J$i\276H\206\325\276\243\\\207>\362\036\211\276\223\356\366\275\342\025\214\275\221NN=\212\321\211Z\221\210\276\251_\224\2760\243e>\3327\325>|\240\212\276\350M\214\276\2645i\275\375V!\276\013\006\346\276\237 \021\275\365\367\230>\351\037\306\276A\206\007\276\225\225\365\275\265Y\216>\314\244\313\276\373\024w=\314\031A\277\245\036f=9d\305\276\350\220Y>\213\274\370\274\352\271\227\275\317\360\016>\202]\252>F\226t>\214+l>\315\231\234>\244\315\237\276\013\225 ?\322M\024?\323Z\253\275\361\220{>\006\004^>\307\356\277=\203\210A>\365 \304\276I\257\245\275\220{\024\276=T\201>S\277\277\275\355\205\314>(\317+?\373\217\327\276d*\241>\215\217\261\274\325\032\214>=\343!\277\215\226\017\276\250\246\235\276\003J\200\276\235\206d\272\311o\375=K\226j>j\003\243\276\243\327\215>,(;>\221\031O>I\005\252\274\346\323\243\275\316\257\263\274\340t\256>y\212\255=\202|\274=\337\031\373>\'f\306=aq\327\274s\005\303=_\202=\276\033\016\037?\306\\\367\275~P\004\277@\226\324\276\366\017\r>\032\330h\276\n_[>qc\231\274\345Q\342b\271\243=\3373\305\276\005z$?\225\235\333=A\373\355=\355\205\363\276\237\016\203>/\325\030?\004\023\312\275\357r\'\2765\201\330=.\276L>\266\2762<\037\021H\276\217~\025\276\275w\r\276O\215\0358\257\033>nAg=\033\336\215\277\274\311\240>iRK<-\343\030\277DAZ>\3228\253\275\207Y\367>iLv>XN\376=\224\002\341=\361\367j\276\371%\303>\276\221\335=\312\027F\276\027\026\245\276dl\340>\306\204\025>\347\037\031=B)6>\235\245T=<\204\216\273\362a\217\276\331\337S\275\275g\231>\177U\234\276\224V\255>]\013\277>\363\224\365=\325\005\017\277\210\324#>A`\245\276\277=\344\275\036\341\022\265D4>\372:\241\275I\202\260=\263 \360\272\301Z\310\276kl\"=\250\317\371\275e\0319\276X=\000>\311\251u\275\325\220\027\276\3200\240=5\210\010\276\354#\005>\333C\253\2763\237\\>\270\037\261\275\217\022o\276(3\014\2764\027\032?8\005$? \332\226>\327\311\027>KgX\2756w\002\277\240\3668\276\026\376\004\273G\264>>l\356\323\276\301\331\274\275Vr\204\276\204t\267\276\264)\272>\245]\024> \224\311(\032\201>3i\220\276\3044\327;\224|\034>>\203\343>\036\\\014\276ns\304=\232\026\226\276\\\332~\276*\264\200\276\276\240\224>\35478>S4\204\276\317 \373\275\327\310J\276h\030\n\274K\002\002?\210SN?A\215\363\276\344*\365\276\207\311\022=\016\236\326\276\240\322\263>\343\031!?bc\200\276:@\007?\315#\217\276\\\263b\276\240\370\020\276(AC?\304f[\276x\335~>=\260\037>o\344\204>\256\036C>\031\326Y\276\177!\217\276\255\336\304<$p\034\276\264%\201\276\315\206u=\352\360\225\276\262\3029\276\r\037\317\276\306TG\276\010\302\231<\376\217\360\276\'\375\250>^\376\231>n$T?\2458\211=\257\266`>\216j\332>\n`3?\274\3709>\016U\356\272cZv\276{o\321>l\353?>\307\234\210\275\357\245\202>\026+Q\277\3171\013\276\374\332\032\276\247=I\2768\0062=\336\030h=\205\232\342=\311\341\252>sf\030\276\"\237o>\32487\276L\326K\275\210\376\036=\317T\007\276>\n\375\274\250\207x>\355[\214>\333a\325>pM\361\275o3=>*\'\220\275\372\321z>\006=~\275\264\nG>\232o]\276\362\366\240=\200e\241>c*\342=\007\212O>\302\230\022?y\227)?\234\253\215=E\362\031\276R&`>\331\302m\275^l7\276\r\351\341\275z<\005>\251\346F>\350&\276>\014\263\360<\355?$\276\245\227Y>\t\326\027\277\254WA\276Do\027\276\376g\350>\272\264 =\032\311\252\275\034\202\004\275\363e\276\275\021\274l\273\265>6>\'k\243\276\035T]\311\360\035\277im\203>\2617Y\276J\266\244\276w\210\257>mC%=(\031{>\376\265?>\220\215 \276\304?\004\277\240\332c>IR\353=~\257j\274U\245\223=\017\006u<\036,$>\0215\237>iH\353<\333\263\357\276HW\350\271\025\3030=<\323\343;\233\200p>g0\363\273\227)\331=\304\002#\275r\017\261<\r\370\000\276.\030\016\276\370,\227\276wo\023>\255\260:<\004K\205\275\222\006\363>\'\345,>\201\336\344<\t\263\340\276P\355\006\275g<5?K\327\225=\350+\247=J\366\206>\010\203\377\275\311\217\214=\264\260\250>8~\254\276Y\307\026\276\232c\032=\331e/=\0369\336\276XN\266\275i\032B>\356P\210\275R\264\\>5\331\342\275\267\237B\276\256\342g\276\257\276\006?j3%>\257Xb\276\301\357\272>La\000\275\350\371}>\326\367\370\275\3202\005\2765\2507>b\312\261\275\261 T\276x\275\236\276qPv\276\363\362\343>\363mW\276\253A\221\275\211\251\022>0\321R=\033\310\214\275y\177\036\276\232m\315=F_\212\275\241e\037>C\375\030\276?zr=J\320\021?CS\250\276,\2658\275y\214\230\276\260\0352\275 \200$>\005\265e\276\361\223\277>\347\247\240>\001\202\377=V\016.>\322\220@\276\262\242\237=\235\240D>u\206\271>\340\243\350\275\020\"\207=\357\260\201\276]\231\243>\206\024\332\275\027\337\241>\315)q\276d>\330=\344R5;\214G\337\276\213\256\264>\347V\303\275\256?Z\276\263/\230\275\336\347\270=\244\256n\275\363\242\274>\240E\350=\304\'\347\276\002`\260\275\217\226\335=$m\275=\020\265\271\2767\217Z>\213`\262>\212%\254\276\033\013\315>\232u\222=\346*\025>\003\342\322\274\233\373\005=ba\373\274\r\007\313\275r\312#?\347\017\233\276\2451\211\276\271Oy\275\234aJ\275\250!T>\030\350\336\275\300s\231\276\262y\007?!l\033>\2633*?\226:\222\276\322\320\\>\306/\214>\356\275\366>\371\347\033>\202\204\334\276F\306\211>H+&>\322\004~\275\247e\214\274/3\207\275\276\223\206>R\253H>R\224C>\023\210\001\275r\n\317\276\210\371\003\276\340\357!?\224\005\001>\351\031\323=e\371\005?\303\355\324=\030{\352\276\316\374\256>+s\226>zZ\036\275\355\034\357<\016yR>\2779_\304>f\300>\275sO\002>\314\r\001\276\353\241\r\277$EB>\271\217A?\211\020\324>=zy\275\364\"4=G\007\337=\271\202\'=\221\\;?]\337#>ov\307\275nU\026>\300\001W=9Y\345\276\300\330\310=\336_\005\275\371\214\202>\245\337l>\360\037\376\275\331@\002?\222\372C\276%E\362=\214N\010<\366C\360>\300\031\213>\222\306%\275k\336g>[\"\n\277\3261r\276\207\363\n\277E\332\303\275\315\225\261>\024?\244\276\361i\026\275\346@o>\336\005\007?T\342\233 Lo>\273\220\026?\007\210\324>/\336\314>IS\037\276\223!\336=\024\226\320\275\302\300\316>\006\321\313\274Z\373.>Dv\311>9=\357\275 \002\265\276\370\005\364>4\2363\276\247\203\264=)\325L=\n\275\240>\325v\337\275q\274\033\274\307\r\032?6\215D\276\313\336c\276\373\202i>|>\210=\273\255\207>\344\014Y=;;\262\275&6\023:\244\266$\275\20492>A`\014\277\275\375\245>\264\236\235\2759d\267\2762K\221\276\313R\371>\322\224\267\276k\234\256\276\317v\205\275\212\323\016\276K\253\312\275V\036\010?\022\363`=p\307?\276\231\307\016>\300\255E<&`t\276\224e\334\276\327\343\006\276\031\223\317=j\232N\276\205@S>\355,\016=\210\250\353=\241\253\036\276\331\374\275>\246\010`>A\324\225<\203\301\037\274C|8\276\006\367x>\267\261~\275\252\337w\276\227\313\013\276\026\247U\276}H\211\275\323\001\237\276!\014:\275b\307\330\275N\026\356\273\3566\374\2756\304Y>\365\271\242>\2311\005\274:\254\347\274\346\347 ?\350\222\235\2768or\274%(\223>\315>\363\275K\263\007\276\236\200W>\246Y)\277$\215N\276\314\312\310>6\227\020\276\313.\026;\030\372\213\276g\322T\277\201\275\362\2764y\240<;\n\366=\201,\327>U1y\276T\253\223>\212\014\352<,%\217>0\211\322\276\341\ta\276D7\231=nX\355\275H\n\202\275\376w\241=C\033B\276\276\"}=\017\367\330\275\3465\214=\325\321\340>,\240\207\275\305\303L=h\227\212\275\003\214\275>tC\362\275\031\362\226\275\301\362z>$sb=\223\\\211=\212\025\361<\333h\017\277\261t\241\276\242\340\031?\377n\373>\276A\224>!O$\277\357~\206\275\000Q\367\276\r\027x\276-\353\321\275I\033\035\276\275\024\337\275l\035m>\306\214\205\2760\326\212=\244\026\t>\254c\260\274|\351G>\340\317\261=\032\250\034\276\"\235\016\276\317\367.>\016\010\342\276\273(\325>\311\331\226\275\027\226\342\275\204\017\325\275\325/.\277*\215\226\276\366\357\273<*\016\267\275\034\343;=\275\r\233>\364:O<\236\374\351;\274\212\254=\017\336\322<;\245\334>5\205\347=s\202T\276\233\033!\277.H\232>\321\314N\276\t8\033>\326\220M\276O\023+=4\270*\276\234\325p=\227\377?\275]\230\004\276\277S\317\2768\001\016\274\312|2\276\373i\225=\226\362m=\316>\260<\000\354\321\275\370Zc>\351\266\217>\304\312\036>\266\341\361\276L \035\276\347\020\372\275\002\252\007\276VT\315>\363#W=dx\344>M.\314>\344\342\244\276\247\332\347\274\302\273\271\276\022\310\"\276`\"\020>@\220\225\276\037\324}\276\014\033i\276\221\013G;\376\272\340\275@\222\022\276\315\247\003\276\340\327=\277b\013\251\276\354^\030\275\331\2156\276\366\351\230>5c_>D\014}=\261\362\314\276\214-\341\275d\311\004\277\004\235$\276 \240\304>\260\234\240\2761\222\347=-\226\242>\r\031\017?\205C\202\276\273M\332\275s\'G\276\376\210\355>\300\016\253>U^\001?,\016\200\275\236l>\276\262\006\277\275\003\374o=\0046\340\275!88\276\240y\372=\235p\333=\3238\210>\364\277\206\273\362\232,<\311\302\345\274A{\275\276\010\'S=\256\264\370>g\245\241\275R\223\r>\005yw>\002K\030?l\341^\276\265k\t>\260\177\250\275\353R]\2763\301?>B\326\001>\337\231\200\276\230\007\226=\267\355\314\276\273\007\224>;\024F\2765\372\033\277\371@\277>\353B\213\2740JN\276@\272\007\277Gb\320>\300\017\355=\010\310\026\276\234\010\377>$\275\n>\364x\014;z\252\207=|+\346>\206\361-\277=0\033=\223g\366\276$L\232\276\331\021\235\276pJE>\'\270:\277^\241X=\230\000\251\272\341_X\276\310W\344\276\016m\376\276 \363*\2761<\342\275\330\223\376<\240\332\'\276l!\300>\316\257\232\276\362\021M\276\372\275\210\276\026^\323\2769E\001\277Lu\n>\034z \277V\205 \275\251l\026?\276Ky\276\240\260\037\276\3360\262>c\032g>\376\276\205\274\360\256\375=\002r\320\274\303\'h=\236j\254\275\250\021\215\275\331#\221=\026\355\335>)\341\037>\022\315\245>\3041\021\277n\335\026\277g\362R\276\366[\307\276\363$\345\276\354\014\356=\202\371\020\276\203\253\217\275i\374s=\276\0032\276\300\244\t>\325\3341\277\315\312\312\276\026\227\243\276\2046\002>\364\201p>9\362T=q8`\276\236\037\031>*\025\267=\2563\223>ft >e\243\231\276\203<,\276V \206>s\3028=\026\330\222>\241{\303\276[U\000?m\205\315\276%\216\272\276\027\255*=\340\326\006?\307,\214><\224\234\276zD\017>V6z\2764?\250>@5\036>\376\020\262>\273G\312\275\353\365A\276Bl&=\006w\337>?\227\204\275\215!\320>\351\330\010>\'\207\033=h8\304<\274n\342>\207\215\326\275~k!\275\003\250h=]\257,\276\270B\177\276]\277\270=\033\344\357=}\245\250\275\274\271\277>\t\352\236>\211\246\001\276x71=!\203\000\277\207\301\007\277\010&\277\276f\206\020\2760\n\210=\235@\223\276\221\231i\276\274\357\235\276\016\234q?k\013<\276VL\326>\025q\266\274\223x\266\276mC\345}7L\277\255\036\014?\254\014d\2766\306a?1\342\257>\325V\361>\236,\254\276\022\220N\275U\233\254=qs??\244rW>\225A\264\274\264b7\276\337\374\013>_W!=9\251\t?\334\223H\277\245\224R\275\376yW>\3008\320\275We0<\362\363&=\177\t]>\177S\312\276e\021^?\272p\020\276\021\257R\275\036d\217\275f\021\343\276;\031\221>\301v\034>\330\367\036\277\371T\361=\336\r<\276[\032\330\276\313\026\021\276\202N\217>u\010\267=\017\336\215\276yP\370\274\243\376e\275F\001\300=\363 [=\224\333\353=\263\366\004?\246\373\023?\313\222(>!\220\r=[-\210=\334X\n>\244\361|>\252\265v\274P\364/\276\314\n\230\275\237\227*?2\224\213\276\233E\030=\274d\367\276\212\2224\276r\366\031\276\312%\331>^j\230\275l \355\275\033\214\">\230|\004?\231I\017?l\337??O\352\363<\237\377)\276\340\223\215?0\346\243\276\000\247\251L\t\202>\r\217I\276\335l\'\275,\371\020\276A\257\372>X&E>\350\252\311\276\317.\304>v\3743\277\242[)=d\270\225>\372\202\276\275M\303\243>\354&`\276\352\332\232>f\360Z?\232\004g\276ob\210\276\242\217>\276\243I\242\276Y\\\246\276\014\355\313<\220\023\\\275bw\r\276\246\230S= \025\352\276\316F\253>\256\227!=U\344o\276V|\016\277\345\005\350<\371\253\007\276\t\272\251>{\2618\275\206\257\317\275\030\366\231>\t\225\345\274\241\247\216\275-\322\313\276\200\307\036\276\017\000\355\273\247we\275}\366\206\276pE\350\275\347\276\361>N\374s>{\003\307\276>\340\300\276\3058\336\276\025C\325>\025\333\335\274\214\325c>z\267\013\276\233\272\207>\003\255\276>/\274^=M\263\306\275\236g\002>x\226\337\275\352\234\204=j\324\346=\032\nf\276\024;c\276\217\325[\276Z\222\030<\215\0310=e\026=?\036\267\363\276\275/\024\2777S\265\276\341\373\300\276eN\002\276\266\372B<\024\266\370\274\'X\023>Y\240\364=\361\211\004\276\325V\004\276qb\021\277\275|@\276\013\031w\276\357r\013\275\013-\265>\034\342T\276\027\262\032\276\np>\277Yy\311=7\000;>\250>\030?\2337\007\276\230`\031=\367\277\277=\\o\n\275\322\357\200\276-l\\=\232\264\027\337\324\214\275\240\335\221<\000z\213\276\246\033\355\276V\232\272\276\"kd= \220i>\272\247\326;\306\262\003\276p)\3177Bh\356\274uT\277=\374\262\307\276B\226\301\275\\\034\226\276+\361\030=\230\365v=\254\245F>G\313Q=\237\343%\277\'\262\205\275p9?><\274\267\275\r>\365<\017\345F\276\377\343\342=FV:>qV\256;\250\306\030>\341\023\331=\200\257\232\276G\007\033=\345\206\327\276c\0362=\021\255\200\276i\2062\276}{L\276\333\225!>\332\231\211\275C\014\231>\377k\316\275<\265\333\273\227\205y\274\016\316\260\275\\\224-=\354\332\264=q\265+>\036\355\213>\3249b\275\030\302\305\276\250\203\306\276e\375\016\275\2239\202\275\000C\006\276\354/~>\234\333\355=L91>X\221M\276\231\r\242\276\355\361\262>\233O\r>\020\030O\277K\264`\276\306S0\277n\201h>\003b)>\357\223\263\275MsI\276\303]Q>A\271?\276\267\323\023\275-\371\373\275\334\333^>a\031\256=\356q->\3205U>\247\\\307>:\254\341\276\263\370F>\tD\270=\307\027\007\276p<*>\2249\216>\\H\205>\230\222\">\265.9?\341\031\032?\361(\307\275\r\271\370\276_*\321\276\202\341t\276\250\006\234\276\260I\330\274u\257\370<(q]>\005\000u\275Su\032>O\276$>\000<\244>i\244\027>,\272k>\013)\207\276\206}\274\276f\216\234>s\273\332>\266o\200>\326]n\275\300\000Y\275\n\215\267>\0017\337\276\373\022\034>\365x\301\276\334Q\343\276\025+1>u\234\212=[\317C\276\246x\004=#\177\336\275\231\310\032>G5:\276\234\027\301\276\362\260\036>\361\356\t\276\316^[>\370T\216\276\326\326\361=\240\247r\276\336\362\315\274\270\n.>\243Fy\2768\225?\375\2318>\224\322\237>\001g\262\276\262=\332=\344O\264>\r\320!?>>\252\2767\240O\2776\370>=()\001\276\004\247\345>\232\007\210\275\234\312\330=\360~\016\275>\323\315\276\213\"\002>\2060\336\275o0\032\275\305V5>\211X\347>^\003\001\277]\221\227\276J\316l=\202X\006>\013\355\322=[Q\274\276+\374U=\326\332i=\364\232\206>\225\t\342\275&\215P\276\207C\263>\020T\333=z\347.\276(\361\213\2768\260\273>J\201\241>\216Z\260>)\211\246<\243v\004\2765\362u\274\346\024\244>1\203\256\276Mj\275\276\357\016\211\275\274\265,>\314\016*>\266j\263=\350\323\300\275a\210~\275\3066\365\275/h\275\275\3532\304\276y`i>S\014l>\325\215\005\276P\226\022\276\234\334\302>\352m\001\276\262\232=>\206\266\014\277\302\216\321>g\2427\276\304!;>\261v\243\275\033\242r=V\200\257> \322\225\276w\334\242\2756\2660>l\350\207=\300R\253\276\360\317q>(\212U\276\003\\c=\034\024\204\276+\351\377\276\324\325\251>\345\177\350<\0355\312>9I\006\276\335;\\\277X#=\276\323O\312\274c\375\037\2776\r8>%^{=l\250\375\275\0317\245\2762r\241=p\211\036\276\034v\035\276\005\353 >\251M\001\277m\220\320>lt\307\276>d\336==}\356\276\3670\257\275\231=\272>\337_W\276x\246f\276\213?`\276m\211\242\276\352\325\236>3\032n\2768\267\245<\357\262\372\276\031\361!>\202\237\335<\372\313Z\276\207\3603\276\221\204b\235\240\243\276\031\'\t\276\204\2424;\300\210\037\276\330\2773<\204\226\367\275Bw\255>\276\324\262=\353\226+\276\2256\026\277\244\242\016>\305U\252=S\316<>|O\030\277\037\357b\276c\374@\277\273w3\276\0365A=\362\357H\276Ite?d\361k>\203\303\217\276\357\376O>\326\2651\277\001\256K\2752I>=j5u=2\t\221>\356J\352\275\354\277\216>L\341\363\276Q\321\376\275d\302\023>\334\256\007>\316kh=\345\017\355>\317&\261\276\302\2437>\221\265\344\276\276\214\255=\343k\216?\t{\310\276\267\221\034\274f\033\326=\361\206\026\274\354d\374>\232\305_=\221/!?\241@k\276\333\365\333\276\014\307\330\275@\253\277\276\335\204\346\275\360\212<\2763\231\020\277\237\247\351>@\025\202\276\003\303B>\235sZ>g\206\342>\231f\204>\344\003Z\276#&\310>MCF\276U\257\374>\273L\276>\313\205\300>\277\235c\275q\021^\275\000\201\305=\367\301\351>\0363\336\275\205\214\235\274s%A\276\271\304I\275G\212%>\202aC\276_ND=\2544\264<\313;\314>\326\030\r?\232\362\315;\205e\177=\036SL>\225mg=Z)\024\277\355Y\350\276Z \032\276!_\277\276I-\002>Wc\340\275a\022#\276\034\001\200\276C\301\340\276\264\200\323\274\346\330\212=\355~\325\274K\226\006\276R)\314\275\372`\323\276Z1\354>\357\367\265\276\357\276U\276/\365\210>\030\251$\276\324\311\206=\025_\200>\256\352\004\276\351+4\275_t\026=\344\242F\275\036A\327=\t\313\277=\337\371\314\274r\274\232>\232E[<\316\276\3309\220\241!>hm\213\275Z\240\035>\303\210\013>D\026\223>\235\021\n\276\254D\202\276i\272\220\276\313\377\004\277\332\273M\276\370\013P\276|I\232\275\001\277g>\002)\253<>Ck\276\327\202\243=B\232,>\373q\002?\007P@>\201z\260\276\203\230\316>\224\\\325=/\340c\276\305K\007?\276\'8\276\241\277\303\276\021VK\276p\233O?\341\271\001>V+\260>\217\200\350\274\252K3\276\277\333\237>$L\330\275\371\350\321=p\300\343\274\266\r\237>\237\256A\275\342\010\222=\026\334N\273\213!;>s\317\271;\261\311i\276\337YY\275o4\267\2734\036\226>\320\365\000>M\3075\276]V\020>H&/>\375\354\017>\203H\264\275\340\300\314>t\312j\276\264\211\237\276[P\036\276K,[>\300}{\275\210Yc>i\301\331\275B\036[<\257\356\236<$\035\275\276/:;>\301\277\220>^\032\301\275g\016\014\276\343\224\357\275)>\277\275\361\024[>\006q\322=\344/6\276\005\301\301>\\D\223=x\256\240>2\312\213\276B\324A\276b_M\276x\004\227>n\254\303>\006\3054=/\334\002=\027U\024\275q\265[\276\301\265\237\276y\213\220=\360Y\221>}|c\276\347\246\215\276\265s\006\276\200\203\322\275n\023\355\275\243q:\276\333.}\275M\367\211>\2465\220\276\203\n\261\276\217\312\310\276\206lM\274\302\375w>#\305H>\000\232\031?\336?\214=1u;=d\321_>\371z\273\276\202\223\242\276]\304\272\276\213\222\005\276\324\025\331\275\324\tN=\021\017\255\276\312s\2249.\327\205\276(F\203>g\200\252=>N\024=\347\215\007\276\226\\\222\276%\227\307\276\206\221\242=\232v{=[\023C\276\366\203{\276=\233\006?\317\364\205\275#\226v=\013\304\237\276\337i\001>\200\234\226=\214\006,>\301\331fv\277\t?\272@2\276\332\373o\276\035\257\351\276\252\006\001\2752W.\276\201\204\363>\234\351\336\276\020\036\177>\275\310w\275\024t\t=\336\325\207>,r\212>\032\037\031\277\312\004\267>\362\2747\275\'t\'\276N\203\367>\037\327\231\276o\003f\276\361\375\272=\366\216\375\2762\2726=\327\317\016\276mm\021\275\203%\272>\260y\301>\206\021\222=\376\034\245\276!\307]>w\3629\274\301\255\023\275\220\325\337=\3466z>\016m\t\277\277L\304=Q\340[>hY\211>N\214\314;\333E=\276@\002\353<\364<\201>\353\254\244>\r\330\302>J\005\235=\314L{>yM\240>\201\256\225=\266\3770\276\2139\310\276\373\265\215\276-G7=gZ\303>\250S\'>,\"\352>\375\337\330\2755\214\252\275\002\335\241\276iW)>\214\032\307>\265\315\207\276e+S>)6N=\r\360W\276\027\314{\276\231\336\031\276S\267\032=\347\033\315\275H\366\240\275\327\2551>KE\232<=\376\330\276\t\307\026>a\177+\275\r\242\007=n\235+>M\265~\276\344\357\226>2h,=b6\276>\037Q\"\276\343nE>9;>>\273\3427>9\0017>\242y5\276\326\207\213>\256\215M>-J7=\253UW\276}\223\232\275r;\264=|K9\276\n\037\313>\235\363\224>\2336\206=\"\321\346=\315]\314\276*\211\345>]\325\201\276)8W=D\235e\276\211&\351>^Q,\276\313\336\310>\026\224\350=5\264\373\275\303\017\240=\247\312\240\276p\356|\2768\016\267>(\312;\276\022\353\t\277u\230\203>d\036\252>\307\277\273>\027s$>\346\'\033\275L\222Q=\3618\236>\273\363}\275h\202\272\275a\367\364=\335\244:<\3721\200>\216Z\204=\211E\021\277\373\376X>\315\231X\276L\212\234>a\n\207>\\:\030\276:X\262>\367\222#>\376RL\276\006+\247<\003\212\325>J\313{>\256@\255=\372\017\'>\371\023\264\276\2425\276\276&;\327\276\013c\t\276\245\350\201\276*\220\346\274\336n\271\275\n\261/\276\032\311\226\275\373\307b>\2459\272=\000\217\303>);G>\2735U\276U8$=F\211\024\275\002_d\275\351\272\313=Q\302\370=.\324S\276\031vO\365\273\236g\277\276^\r\260=`\024q\275\337\270\323\274\376\227E>\205\301\263\276\274T\007>#\260\325=\037\225K\276l\035\312\275?\232\214<\210uh>\240T\200\276\200(\230\276\362\020\003\277\036?\030\276\201%\213\276\014uv\275\225]\010?\361\236Z<\234\031W\27630\014\276\312\363\262\274\330b\361\275\277\201\313\275W)\036\276\242\227\213\274r\226<>\214=\324\2757\037\255\2757\301\276\276\355/<>\301\271\271\2767\025\300\275\206FC>\340\277\262;\206g\336\276\247j\371\276\257#\270>\370\206%\276\275e\202\275}\306\235\274@\004\262\276\215F\315\276\027\272\275>\344\354\n?\261#\002\277\000z\240\276\257\323\254\276BL\356>\315\324\006?\267\255\340>9\303\343=1\243\274\274<\373\254\276vw\014\276\321\305\244>G\010\203=\255\217+\275\374\355\370\276\035\330\303\276\202\374\025\277,\261\372\275\345\344\016\276I\217B\276Vf\337=\333\334\200=\210Qf>\2778\002>\211W\"\276%\327\306\275\033=\001\275!M*>8M\325\275\330;\273>\002\311\315\276lD*\276%\036\002\277\203\363\221=\342q\263\276\002\374\262\276{t\"\276~\376\003\335\2763\205\305=3O}\275\374\"Y?w\276\017\276\030H\200>\026\206P>\237W\027>^~\002>\317\366\016?\304\260\315=\230&\263\276\244C\254>\205;\007\275\010\203X\276\027\r\n\276P\261\002\276\377\362\313;\267\257P\276\317\267\353>Q\004\336\275D\2008>\276\2113>i\223\024?\357i\177>\022\024]\276\0241\006>\331\343\224\275\356\005\321\276U\210\036>\305\233\356\275M\006\232<}\214h\276m\016\334\276\'9\305>\266D\255\273x\231\260<\"w\251\275Z\020\210\276\014\246\330\2757k%>K\245\230\276\207\277\247\276\217v+>\274 \215>\001\367\360\276$\272\210\275Bm\325\2759\3722\275P^U\274c\002\360>\336\272\374>\035\332\351\276\003!\201>\253\300a>{\235o\276\354#\252>\272\032*\276p\3535>\022\363\340\274\024Gc\276R\371+>\230\"\253\275\342\240\366\276\027\373V\276\362\241\307\276}<\035\276a\227\266=\244\330\003=\227\303\351>\"\361h\276\215\366\346\275O\300+>i\240i>O\342|\277\\6V\2749\237\333\276y\'6?\240\226\'>\255J\r\276&\313\223>\267\201%\276f/\307>&\301\242=\373J\\>\310;\204>u\275\022\2753L,=\362d\017>rS\372\275\260u\217\276\031\036\335>\373\256\312\275\021y<>%\364\031\275\236\317$\276/\023\303>\211\006%\275qu\237>U\230\026?\2564<\276r@,=Sl\261=>\001\232=\261\370\303\276S\006\211>\227Z \276\347\221\204\276d\372\370>ce\220=6,\220\276\3131m>\230w\341=\027\371\275=\312%\265\276c\327\017\277\036h>>\303\013\201>\301M\322=\257pJ\276\323\373\r> \3639>j\022\025\275dT\301\275\202ld>e\364\000<\335l\021\275\326\247\371=9\205\003\277tr\236\276\255\3301\276\305\n1>\230\345V>\225\347F\276\237J\317=,\022\202\275l\315>\276\nl\206=\312\355\364=[\205\234\276\316\273\234>\306i\210\276\363\315\305>K,\003\276Gx\376\276GH\216\276\\\236+\276\2415\226=\217\342p>>\027\211=\0350\221=\315\013\004\276\200\315\247>u\r/\275a\310\365\274\302]f\276R\310s\276\317\n9\276\035\323\226>;\321\334\275*\372\232=\255\265\r\276Z\201\236>\3671.5\236\201\276g2\206=\213\264\357=\037\302}>\200\021:\276\226\226\234\276\245-\245>\010\036\353>T\312\361>k\254\360\274\034\263\034=\264\254\362\275\312k\023\275A8\337=?zY\276\n\235\204>\006h\340=Sl/>\363\266\\\273\207q\247\275\276\363\321\276\221\222\022>i\300\310\276\367]H\275%(_\275\276\327\352>\003\210~>\006\303f\276j]\347>\236G\006>%\317\267\275\333K\215\276\034\245\356>\212a\214>\244j?\276O\221\200\273~\246\006\277\223sS=\322\0212>\313\\\227>[k\202\276\251J\217>\032\366_>,\361\361\275\000\353\010>\355=j\275\033\347\327>B5\221=\006\247\304\275\270d\010?\004h\224\276d\372\202>\377\004\255=\353=1\274\007\217\210\276\317=\023\276\364\207K\276\020b\255\275\266d\021?y\301\334\275A\026\025\276\315h4\276\222\304\374\275Sha>\203\241\267=\250\022\205=\243&\244\276@\343\250\276\251\360N= \255\271\275<\023\225\275\3325\203\275\006\r4\276.\222n>\331Df\274\260\022*=\372\267)\276#\352\241=\205w\374=C\226\222>jD\303>\256\\h>\335\212\330\273\353\301\350>\2221\363\275\343\366q\276-\374\000\277$\013D>\253\336\034\276-\240\227>\256\234\255:\307%\223<\333y\365=^u\022\275\3211m\276j;\030\277\371\010!>\265X\007\276;\t\014=\na=\276\344-%?\311\354\004?\364M\301\276 M\362\276\252\373\016\277\207\000b\275\364\276\372>\035\004N>\234\203d\275\006\341\'>\037:u>\007\031\241?\347j\276\314\033\006>%\333#?b|N=\273\252c>\276\005\021\276\240\354\022\276\375\035 \276\214X\005?\251\'\235=\352\001e\276\253\256\177\276\342\215\366>\205\227\221\276\020\226G=lu\315<\315D\272\2751}\304\275%\014\357>/\373}=\326\260\267\275kL\307\276\312y~\276\206\023\220\276}.\262\276\\\327\251=\373\371\253>\377p\"=\354pG\273\322yp\276\372\001\234\276\021\335\331>\357*U>0~g>~4\310>\235\376\r?\243\021\353\275\205=H\276ZPX\276F\2753?\331\271P\276\212\017I\276s\262\n\275\\\224!\276\241D\342\275\274\017\203\276\222f\177\276\363<\336\276\355\230\227=\032\276J\276\347\177\034>\322\363j=xT3>\261\220\274\276\371\025\365\2758\252\305\275u\345\257>b3\227>r\225\247\276\304\245C==\201s\275\r\t\201>\374[\372\275\034\212<>\250G\317\276\352\213\020\276\266\202\262\274m\256\244\275H\241\337\275\364M\214\276\362n\227\276\354!\201>\365j|>\356(\370>M8\212\276\334s\177>\364h\215\274bb\364>wK\311\275\210p\372>\257\367\262\276\303\207#;\322i\032>O\0313\275)\004\361<\316\351\005<\326\311\316>\255&\007>\001\3649\276\310\222g\276.V\217\275\367\267*>2\226:>\205\276\013\276j\247\220=\356\330\000>\231*\';~]\237>r\371.>\026v\261>\252\376K\276\210W\035\276e8J>\2671\030?k\'u>\204\307]\276\272\rB=\004i\r\276\327\324k>K\365\257\275\360Q\223\276\001z`>7r\324<\253\004\303\276\030\375\307\275\261\022)>\231\326\300\276\263OU>Yly\276U\224\037\276>\370\302\276\005\376L>B\257\200\276\230\210\275:}\313\243=6\213l\276\242\345\003\277\250\342\036=S\226M=&i\275\276<\3112\277\323\223\341 =\014\277\255\211\343\276?\360\244\276\352\375\034\276\0133\213\275\255m\236>\254wV>8\357\306>\n.\342\276\220^\277\276\227)\207\275F\2262\274\344\372g\276\245\367\335\276*\'\226\275\214\266\204>\266 \306;\3166\006\277\006{\006=kl\355\276~\331\335\274\340\305{\276\207`\260\275\020\371\020=[\263\t?\"\026\366>\243\256\366\275\035\214\177\275\226@v>!\353U?\324Y\207\276\004M\022\276\327\333\365\275o})\276\nKA\276)\213p\274?\305\016\275\235\354\336>7\333\331=\236\002\274\276\261\367O\276\346B\240>\273\220\023?\177\\ =\200\233 \275\233K\216\276\330x\013=\346\274\032>qG\305\275/\222\220>g0\315=\221E\353\276G\206G>\357\254\223\275\003\004\032?\026\327D\276=\262\237>V\352\247\276\t\230$\276\363P5>_\275\242\276\020\2621\277\225\335\262\274\250\027v>\373@@\276\356\240\220\276T\3241>\2266\330\262\351\364\275\026\302A>\034+\205\276\\\022\342=\346\303\343\276\360\375\375\274 \302\010\277N\300\025\276_\376d>\373\t~\2769\203\253>g}\023\277\306\273\213>\255\231v>\356\316r\275\260W\027>\242%\270\276\010V\310\275#\020\221>$\360\277>\220`\r\275\254\022\300\275\010\261\027?\355\227/\276d\212u\275\262K\304\275\235/\210\275\337\341\272\275\311\305\026\276\306\207\204\275\346\376\236\275\270|\372\275q{\321=\0138D\276g\310\235>w\311\371\276\347Z\014?RNu>\016$w>c\255\031\276\356@:=\230\224->1\014_>\302[3\276W\013\343\276\346\016\363\275\325N\\\276w\\\266>\371\373P>\310\251\210=c\306&\276j%M=\017\322\036>\237\320\260\276\252\301\003>\230\026\254\276*.\360\273\200I^>h\314\352\276\312\323\214\276b1A>I-2\276l7\376\274\315\271@\275+W\247\275/3t>\331\241\007\276V\210\002?\330\002\037>\017\032\322=13w=\022\024\304\275\243:\376<\355\205<>\006\362\230>z\363\332\275B\217\n\276\027\3464>\027K=>\315\005\005?\313l\027>\332w\234\276\014\223\350>\320k\221\276\024\307\207\276\3721\241\276H\266%=\212K\226\276\270\343$=\032P\201\276,\345\215\276\221\216\273>\364V\034>\347\3417=7Bg\276\346\220\314>\351-Z<@F\255=\373\224\377>\275<-\275\264\017:=\273\200\273\276\362B\001>9\357\226>\254s\367\276\316\326c\276\374\333X\274>2\225>\315\333G>X\364/=)\341\212=\352\354\035\276\370=\264<\241\263X\275\372Cj>}e}>g}\325\275\014\254\315\274k\262x>\223\210\217=\342\362\272\275\330>[>\024\346\302>\022\322\355\276\236\203\200>,\"\372>}\310\377\275\217\340q\276\211-\207>\201\206\307\276h\220=\276\321$Z>\266Z3\273\005\225\023>\330%\024\277\306\252\026>O_\301>\324\304\243>\206i\036\276\313\223\361\275\202\356}\276\364\354\003\277\325\010\300>/\246\272<\0141\t\277\260\356\341\276\303\212\271>\344\3667:bN\311;N\233\255\2758j.\276%\275X\276\246\205\r>\206\272\306>\300\303\346\275\333\375?=\352\032y=\013\004\304\274\200F&\276\3669\361\276\241\212\322\274\027\222\320\276a\272\343\275\024M\002\276p\215\212\276>\3044\277\\\313$\275\337\242q>I\277\221<\365\215\r?\355\367y\275<\227\224>\2133\211\276}w\257\276$h\252\276\'\245~>\276\n\317=t\374(=!\037\025?\203\225b\276\341\257U\276\362J\307=\241\241\025\277\010y\246\275\212\326@=\317\333\206\276\\\200~>\343\366B\276z&\010\274\227\326\027>\323\007q>\270\345\272>\223\305N>\rE\312=s\320\003>\024\022\r>\177\003\031\276\240\377}=u\263]\276W\270:>c\354;>\035\233\211>\231\002\007\276m\270\020??R\224>l1\013=\002\317\202>\256\303Z=AB\212=^6\211>\017\343\001>S\311\223>\313\273\226\2765(x>\340\321\230>\005\304\202>\206mI\274\244&\356=\024\320\262\276@\206i>\375\323\254\276Xf\353\276|\207\264=p\360T<0\233\354\276\347\212\246>=\210\021\276*G\362>\311\374\322\276\240\tZ>\226^\342>}(\363\273\323Ti\276\364\356\237\276\235\227X\276\273a2>\337\364\035>}\311\252\275\226\\\373=\375|:?\301\340\260\274\n\257\013?S\234\353\275\006\322\036<\222\302\014=t\226^\276\270dG>*\272\">\332\317\266>7\335\367\276\235G\017\277 \273Y\2768\371\244>/{\036\275\356\2207>\225]\036\277\311\327\261>o\210\307=\347\200\'\275.M\033\277\327q\030=\244\323\204=r\203\232\276\336\364\260>b\206\242\276\265\222\350\275\320\277\244<\325h\230\275=\222p\275\277S\204\276`kT>\325\215\313\276\305\221\205=`\010\212\275\323e\205>V\356K>\226L\362;\237\372\361>\246\304G?c\006d\274!{\246\276\367\243\204=\205\267\332\274B)9\274\020\201\325\276\355\333\307\276]\264\237<\217\334\006>\2156\257>Z&]\276\242\343\356\276N\375\221\276\014\027\304\275Ar{>\023\261@\276\323\277->\321\200\257\275$>-\277,+\t>\017\243/?n\371\302>R\303\221\275\234zf\276\037\027j\276\345\326\217=\213\016W\276x3\204\274\261\242\035\277 \272\250\275 \217\326\276\235\232`?5\252\030\274\2647\010>1\325\247>\013WA=\3177\002\277\277h\350>\310-!\275daN>\312\364g\275\362M_\276\314b\302;\311\334\357\275\377\241\037>i\033!=%\214\026=s\030\261\274v\343\001\276\211\3056\276\265\315S\276\240\242\027\275\3773-\276<\340\355>y\362\356\274\275\250\007?\010\337\367>\375^%\276\353+I\272H\224\311\276\340f2\274^R\337\274\211s\251\276\024v~=\223\367b>\'\334\262>\254\004P\276\022\023\002\276\t\356\300\275\375P%\277\275z\334\275\217m_\276\302d\233>\361o\300\275UF!\275\"\242\366\274\371\2152>\202\244\263>\030\341+\276\356\202\346\275h\364\227>n\253`>\227\222(\276\001\232\031\277`\2471>]\225\361=n\362i=8h\245>k\206\300>\007NP\274r\376\024?\262\353\016\277\200mm\275U%\217>\331\216J?o\370\203\275\202\246I=x\370\262\275&u>>\330\007\200>\247\350\030\277+y \276G6l\276\322\031\251=\352\323a>Pl\261\275\234r\331>_\255\332\275\217\360\007\276S\261\375\275\001\272\014?b0\016\275e\331\005=\252\336\243\276\242[\322\276\213J\220>\035\305\332\275\364\265\244\275\270\365)\276\025\251\310\276T\305V\274\257\243\276\276=o\005?y\324N\276K\177\212\276HR\037\2761\251\262>g{F=\310k\t\277\016m\257>\277\0136\276n\375\203\275b\366V>\225\352\232>\232P\023\276D\227.>\264\251\357\275\177\033\224\275\263\246\271\276\277\035\177\276\377\306d>l7\007>\276z;\276\260\272V\276}RL>\001\034\255\276r\235X>\373\265\221>P\225\247\276a\214\233\275\353\030e<\023\032\327>`\220\215\276!\010\315<5U\034\277\223/\327>x\301\342>\332\363\247\275h\000u=i\006\211\276{\002\316=\003\366\034\276\005!\020\277\231:r>\335l\274>\006P\030>\351\300\223\276g\014\232><\230k\276z\252\016\276A*V>s\n\311\275u\321\032\276\312\240\273=g\026\031=\021\351\237>.Y\324\275\206\267\232>\250\204\324<\003W\207>\277\256\236>R,#>\364\033.>\rI9\276R\212\243>\0203\362>\335\245\260\275\367\330\016>\273\273\031\276\"\277\324\274\352JR?\024\211\215>\261\252g>\226\270\221\276\311\256\271>M\347\367\275\034\362)>\357-\211\274\240\371\326\275N=\031\276\177\357\274=3\347\245\275q\354h\275Z\023\305\276B\226\r>\037+\001\276\300\3230>\273\343U>e\353\353\276\200\323\270=\365\177\352\276\300v\332<\021\212\346\276\224g9\276\t\016\020\275P\031\231>\030I\301\276$\335\025\276\256-\234\275H\220\004\276I\370\031?\356\276K\276\3559\007>\223Q\037\277\326J\t?\324:\331\274O\016/\277\313\370\022?\226K\006\277\204\232_\277\'LT\276\311\233\275<\2577\264>%\254\210>F\275h=\251\345\243>\361j\367\273\301\327\251\275\r\275U\275\004R\003\276\242&\346\274\355\313\262=\000T\300\276\016F\004>\321\214F\275\224\246\342\276\257\317q\276X\323V\276\327\006 \276\307\002\260=\201\'\026\277\271\3707\276\224f\271>Q}\244\276@\035\215\275\"\025\307=\014G\361\276\341\366\006\276\364\026:?\013e&>\225F6>\304\335\343\276\263\240H>\204\213\352=\273\345\326\2764\306\340\275d7\220\277\342\275\233\276\255\000\246>\242:\005\277M\212,\276\030\312\340>\3251\375>\262\002\227\277\355\214m\276\001\342\234=\317\n\307>\217\177f\275z~\033\277\026E\207>\201T\207\276\023e\322\276I]\322\276\364s2>VJ\004\275\307@X\2767 \252>\004\014\021\274\'V>\277@b\n>\271\326-\277\201\267\302\276\277\026\261<\206\372\215=K\262\261\276\236\272-\276\3754\n\277T.\254>\276D@=\nl\206>\205\236\266>\217\2463>\343\225\345;\276\231A\275)\031%?n9\014>n\377\323\2754\306\223\276\032\007\364=\024\013\311>\357/\354>`\224\373=W\322\n?\013\347\233\276\377\n\226\276\315\200\312<\224L/>\215\241\034=r\204\017\275\312\030\343>\372\205\257=Y&2\275M\312\311=\361q\251\275z\310\313\276\376\237\001?\233h\026>\214\211\021\276gA\236\275\362\223\376\275k\317\366=/2\207=p\274\256>\r\027\270\274\360\033>>nP(\277&\200\360\275S,\312<\tg\363\276\3171\307\275\266\325 >\203l\222>]0S>\251\217\272=\005\300\030\2773\177\\\275H\317\354=4j\007?\325\022F>\2077\307=\004\035\266>\312\000\247=\370\245\014>\357\220\224>g\340\331=\331\362M>\345|U\2769\212\340>\017I0>\257\000\000\277\346\026\242=\274*\332>](\231>\312\305&?\220\330\232=\277\205\200\276\\$\345=\n\013\005>\003\240\341>Z\323\234\366V\270\276\247\336;>C\240\021\277\257\274\021=&\334\201\275\316\'\324\276\013u\260\275\363K@>\'\031\031\276\366\263h\276\207=*\276\025\212\215\276\010\330\007?Z\222\375>J>\331=V\211\235\276\332>r>F\354\331=\342\002\230\2760$\016>\364\320\255>\267\240\321=k\312\353=%G\204\276l\256\346\275\236\364\306>\206\232d\276\274\375\201\276\ry\322=\346N8>9\252;\276X>D>J\376\017\277\'*\030\277\344\302\210>\277\234\010\276\266\343$\276\345\326\215\276\220G1\276\357O)\276\200aH\276Ov\345\275E]\210\276\\\025\213\275Y8?>\264\217\232>]wP>\242.\263>\210\271\215\274\211*w>\262\003\004\276\336\262\260\276\001\300\321\2751\037\357=\026\265\223\276\222\254c>\3143\306>m\350\r>\r\210\231>\254\027\373>\366\344\272\275Y\210\323\276\370\026\273>5\263\300>\215\264\'>\251&\321\275\376x#;T\363\356\2765\027@>k\027\227> p\261=\211]\213\274\025\016\004\274\215&\020>u\026\366\276\021\336\273=\006\272q>C\206\">\221\262\246\276\277\202\275\274\004_\232=\233 f>R&\212>\373]!>\006\022J>\366\005\013>\316\326B\276z\030+>\"\371\347>W\243\263\276\014\270\\\276k{3?\201\226\032?\023\370\324>\330\007\375>\236\216M=\307\034\201\275\247\027\245\275\342g>>j\021\236>\333\tT\274\314R<>\227\370\251>\230\361\251\276bY\341>\335\375\307>\331\326\'\277\203f>=\310\322\271\276\001\204\252\275\324\257\230\276Z[\274>~\205\220\276\234\023\006?K\224\300>\\\275\207=\367\2521\276\243\237\001>\257}\\\276s\224a\276\025\314\023>\020\360\033\277\025\254\266>\t\200>\277\327\2453\276\230h\275\276\274\0239=RR}\276\301\337Q=\004~\247=\276\211\033\276\215\366\371>\006\356\314=-\313\364\274\231\tJ?\344\034\246\275h\276S>\354\r\214\276\362\221\233\276\017^8>\3224\247\276LA\240\274\310\017.\2760q\017\277\220\333\245\2767\244\304\276\274\211#\276fo\303>9\314\330\275\330\311\251>7=\253:e\331w\275\360\005\'\276\323\250\272\276V\"v\276\032\211O>\375O\361\276\255\270\367=\306b\036>\240N\331>\220\307\225\276O\346y>\311\207\032\276\363\361T\2753e\304\276\021\354\207\274\315\000\345\276\374z\206\276i\250f\275P\274\022\276\260]E>w\177\013>\030\224\316\275\274x\226><\024Y\277\317\351\344=\257\221}\276\270\2007l\257\276Q\354\n\277\242\312\235>U\024G\276\213|\034=l\331\253>\345Xg\276;\336\310\276\017\374\357=\0071\360\276\235\346\320\275\210bD>\303\001\025?\321\206\210<\346\t\003?1\270\241=/\262*\276\216\032\223=\220h\'>\336\302\227\276\366\2428?\351\207\271=\026\257\213>\252\365-\2770\211G?\212&\373\275\276Y\030?jf \276\273s\031\276\244\037\020\276\275\267\031?\365\214w\276K\312\311=\007]\336\276\264\346\004\277i\307\374\275\302 <\276u\r\305\276H_\245\276\226\344 >\371\244\024\277\340\331{\276W4\331>o\017x?\316\351H?\376\024\321>\215 G=\320\315\330>]\305\361>\307sZ\276\\@8>8\031M\276\336\335\017?\025\t\224\276#I+;\325\224w=\016\355\341\274\307\177O>\005I \276o\001\272>?\365\213>\224\327\336\276\nw\376\275\214\334u>3\350\003\276\350\230\264\275:\216\">\351\333\250>z\022\237>\205\207i>\246Z\007\276\346\203v=g\314G\276\372\352\251>&\003\234=c\0136\276?i\367\276A9\215\276\346\r\263=\312\006+\275GC8\276\344A\267\275G\245\220\276\275\200,\277!\177_>{\364:?\213S\276\276\347\t\350\275\303\315X\276u\025\306>\266)7\276[\007s>\240{z\276\001\300\207>\360%z>u}\330\276On@>\220\357\324\276\367\271\216\276,\344\220>\356j$=\004\022w>s\236\004\276 \033\263\275QK\244:N\n\001\276\226=\340=\303M\r>z\272\207>\364E\355\275cg\216\276\361\2319>Tj\264\276\023\324Q<\354#\250>\210\026\014\2777l\315\275\363$\265\275\006\226\022>\273\266\205\275\274c\217\276hN\034>\251!\013>\265\325@>\003%\260>\003&7>\010E\366\275\327\305\214\275B\271\341\276\023\325\201\276\337\230\216\276XKr>42\021>\300)\007=\t?\207\276;\372\303\276TW\024\276L\217\225\276\320\007\237\276-\300\331\275%\301\024\276\032\241\213>\242j\275=vG4?\315\004\344>\276\017\342\276\224\027)\276E\242m\276.\362\311\273[z\357\2760T\233\274\177\246L>2p\362\275{\230H\275\335bR=\212\373j=F\n\013\276\364\026\222>\377\375~\276\271r\022\276i\214\242=q\214\366>\331\221\">\254*\270=8\177X>\236\221\204\276n\300\266=\301)!>\\O\021>\346\240\256\276\\\221\222\276\203\201\017\276\365\267\353\275\030\272\311>\276cM=K}\220>\325\366\317=\3228\317\276\\@j\275\211\006\262\276\241\"\326\276\354\357\276\275l\n\337=GG\227>\200\033\000=a\344\207>\250\246\257>s\273\026\275\030K\232>\277\314\345=\207\274\201>\260X\037\275\334\007\032>\364\347\317\275\231\316\277\274[\307\017?\225\370\246=\221\313\234>\004n3\276C\2640=)\302\376=o{z\276\257\025-=\177\203F\275\222\314\005>|\335\217\275\264|\271=V#\336=<\271\"\275\374N\331\276\321\261\213>g\2740>\232\206%>\357\350\020\277^\322\027?\262(-\276n\'\r>\032f\213\275\224\023\032?\023\212\370\275\323t:\276[^\t\277\241\005V>\245\366\"\275*\327\337<\367\357\212\275\265\314\370\275\355\354A\276\267\275\226=\270\212A\276\\qA=&\221\023\277\317\316v\276\237\327R\274\340hk>\\e\304=3\351\265<+\376V\276\361\363\005Yg.\275]\227\274=\374$\000?\342\237\251\275U\005e\276\350f\231\276\001Q\223\276\'-\322>s$\">\226C\010>\315\323\210\276\333\032M>\312\021\t\276vb\254\276\032R\202\274\341]\332=!\237\234=iQ4\275)\n\221\275\335\271X\276\270\316Z>wU\347>\367m)\277\260\000\267\276\340\022!\276J\202!?\276\254\375<<\245T>\366\216\223>\305\247\347\271PV5<\274\327N\277\224D<>fU\223\274\316n\213\276\253\222\003\277i\334\007\277\327p]\276\215V\305>\354x\236\276$\213\016>\023\\\016\276\314\3260>;z\225\276\033\330\363>f\257\n\275\301\016\234\2762 I=\215\211Q\275\333\310\260\276\013\223p\275jk\265\276\323\022\221=\230\334=\276\336$j\276\n\326g\275V\373\230>\214\377$\277\025\236\023>\177\t\251\276\232\303\'?\023\037\240\276a\226E>\373\225\306=\014F\000>A\304\332=\223\345)>4H\335=v\315\330=\022\017\276\276\260T\220>Z\311\252\2763(n\276\213,\226>\367\323\365\275\342\003\220>\323\177\247\276}\344L\276\023\220\005<\005`T>B\273[\276\3677\026\2764\010=>\034K\302\276\"\030\363>\262-.>\262\221,\277\343\367Y\275\234u\232\275\222^\022=7\360R>i\365v>\322\345L\276=\244\013\277Ve\340=\245\010c\2767\257\237\276\231\210\260>E\305\334<\242\272\221\275\016ZX>\341x\303\2746u\261>Kt\250\276\260>\313\276\20580\276\346\346\003>\306H\256><\324\347\275]n\022\276\245\340\303\274\016\246M\276]\344[\275\270R.>\254*\311\276U\300\310\276\361y\262\276\271ZI>f\000\240\276R\324A=V\325\227>\265H\243>\005\377\006\277\024m/>\307#\270>\217o\317\275\n\237\333=\247\\\016\276\236\370I\276\325\013\214\276\303\327/>.\351`>_Z\234>\332<#>fV\206=4\321\216\275\206\224\255<\021`\306\276\210@\004>cg\276>\222!Z\274\3329\361=\364+\211>@PO\275\250\220\005=\263\010b>\362i>=\302\025\365\276\312\030\366\276\270n$\276\260\205\300\275PF\215\276\307VF\275\344\201\356>\\\241\202>8\341\227\276\307>\353\275e\230\223\276\004\022\216\276hx\206<\177\345[=o\256\005>N\273\240\275\375$\014?6!\252=P\2129\276\364:Z>*\n\303>)\304a:\271O\220\274\177\273\r\276\212\222\231>\005`9>8\347\024\275P\352\211=`\'\303>6\324\343=\365)\200=\025\003\337=\371\247\032?%\275\254\276O\0057>\202cy\276\273\237\037=z\335]\2762Pn>eO\237>UE^=" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/kernel/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/kernel" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/bias" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 96 + } + } + tensor_content: "?\357i>}\316\364\274]^c\275#\345\264>\322\357\356\275\022\242\266<\010\034O>\035\031\242=\177Xb\276\007\207\214>\206\035\240>\347j<>p\237\271\276\335\022\242\275\337e\227\276-\202\272=\325\303\017=\301\324\336=\346VO>C\335\242=uU\024\276s\370\357=[{F>\266s\245\275K[#\276\227\370C>\255\324J\276 i\270\274\312\221!\275?\231&>\036i\254>\224D\261\275Q[{>t\202i>C\374\236=\262\203G\276\004\220.\276\032\237\006=+\373\035\2765\005;>\235\375\'\276\212>\277\274\337\260\303\276\034\300/\275\320N\026\276\250\253\000?\326\271`\275\272X\312\275B\306*=\225\327\036>@\227d\276\335O\260>\230\317F>vE\243\276\206j\024>\000\003\274>\225\026P*\276JR\025\276#2F\276\372`\335\276\374\256\244=\177P!>\362Ne=\263\003\303\274\340O\264>~\036\243\276\200\337\t\276d\370\310=\220\375x=\026\311\300\275\347\000\271\275u}\355\276\370\236\250=\010\033\346<\332].\275]\330\205\276\350\254\271>k\327-\276\245r\302=t\253\021\276\210\341\313<\031N\215=W\277\277=]\373\030><\341\200<{]t>\345\256\336=\002e\363\275\256s\273\277\361\310\234\275(E|\276Z\022E<\375\366[\276" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/bias/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/bias" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat/axis" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayReadV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/kernel/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul" + op: "MatMul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "transpose_a" + value { + b: false + } + } + attr { + key: "transpose_b" + value { + b: false + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/gates/bias/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd" + op: "BiasAdd" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "data_format" + value { + s: "NHWC" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/Sigmoid" + op: "Sigmoid" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/split/split_dim" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/split" + op: "Split" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/split/split_dim" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/Sigmoid" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "num_split" + value { + i: 2 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/mul" + op: "Mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/split" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat_1/axis" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat_1" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayReadV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat_1/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul_1/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/kernel/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul_1" + op: "MatMul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/concat_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul_1/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "transpose_a" + value { + b: false + } + } + attr { + key: "transpose_b" + value { + b: false + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd_1/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/gru_cell/candidate/bias/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd_1" + op: "BiasAdd" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/MatMul_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd_1/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "data_format" + value { + s: "NHWC" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/Tanh" + op: "Tanh" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/BiasAdd_1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/mul_1" + op: "Mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/split:1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/sub/x" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + } + float_val: 1.0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/sub" + op: "Sub" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/sub/x" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/split:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/mul_2" + op: "Mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/sub" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/Tanh" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/add" + op: "Add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/mul_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/mul_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayWrite/TensorArrayWriteV3/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + attr { + key: "T" + value { + type: DT_RESOURCE + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/add" + } + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayWrite/TensorArrayWriteV3" + op: "TensorArrayWriteV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayWrite/TensorArrayWriteV3/Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/add" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add_1/y" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add_1" + op: "Add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Identity_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add_1/y" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration_1" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/add_1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration_2" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/TensorArrayWrite/TensorArrayWriteV3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/NextIteration_3" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/gru_cell/add" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Exit_2" + op: "Exit" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Switch_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/TensorArraySizeV3" + op: "TensorArraySizeV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Exit_2" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/range/start" + op: "Const" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + } + } + } + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/range/delta" + op: "Const" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + } + } + } + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/range" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/range/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/TensorArraySizeV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/range/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/TensorArrayGatherV3" + op: "TensorArrayGatherV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/while/Exit_2" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArray" + } + } + } + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "element_shape" + value { + shape { + dim { + size: -1 + } + dim { + size: 96 + } + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Rank_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 3 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range_1/start" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 2 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range_1/delta" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range_1" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range_1/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/Rank_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range_1/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat_2/values_0" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 2 + } + } + tensor_content: "\001\000\000\000\000\000\000\000" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat_2/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat_2" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat_2/values_0" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/range_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat_2/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose_1" + op: "Transpose" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/TensorArrayStack/TensorArrayGatherV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/concat_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tperm" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/ReverseV2/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/ReverseV2" + op: "ReverseV2" + input: "reshape_to_rnn" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/ReverseV2/axis" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Rank" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 3 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range/start" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 2 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range/delta" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Rank" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat/values_0" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 2 + } + } + tensor_content: "\001\000\000\000\000\000\000\000" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat/values_0" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose" + op: "Transpose" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/ReverseV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tperm" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Shape" + op: "Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "out_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice/stack" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice/stack_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 2 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice/stack_2" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice" + op: "StridedSlice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice/stack" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice/stack_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice/stack_2" + attr { + key: "Index" + value { + type: DT_INT32 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "begin_mask" + value { + i: 0 + } + } + attr { + key: "ellipsis_mask" + value { + i: 0 + } + } + attr { + key: "end_mask" + value { + i: 0 + } + } + attr { + key: "new_axis_mask" + value { + i: 0 + } + } + attr { + key: "shrink_axis_mask" + value { + i: 1 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/ExpandDims/dim" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/ExpandDims" + op: "ExpandDims" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/ExpandDims/dim" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tdim" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/Const" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 96 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/concat/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/concat" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/ExpandDims" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/Const" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/concat/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/zeros/Const" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + } + float_val: 0.0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/zeros" + op: "Fill" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/concat" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/zeros/Const" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "index_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Shape_1" + op: "Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "out_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1/stack" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1/stack_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1/stack_2" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1" + op: "StridedSlice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Shape_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1/stack" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1/stack_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1/stack_2" + attr { + key: "Index" + value { + type: DT_INT32 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "begin_mask" + value { + i: 0 + } + } + attr { + key: "ellipsis_mask" + value { + i: 0 + } + } + attr { + key: "end_mask" + value { + i: 0 + } + } + attr { + key: "new_axis_mask" + value { + i: 0 + } + } + attr { + key: "shrink_axis_mask" + value { + i: 1 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/time" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + op: "TensorArrayV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1" + attr { + key: "clear_after_read" + value { + b: true + } + } + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "dynamic_size" + value { + b: false + } + } + attr { + key: "element_shape" + value { + shape { + dim { + size: -1 + } + dim { + size: 96 + } + } + } + } + attr { + key: "identical_element_shapes" + value { + b: true + } + } + attr { + key: "tensor_array_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/dynamic_rnn/output_0" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray_1" + op: "TensorArrayV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1" + attr { + key: "clear_after_read" + value { + b: true + } + } + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "dynamic_size" + value { + b: false + } + } + attr { + key: "element_shape" + value { + shape { + dim { + size: -1 + } + dim { + size: 96 + } + } + } + } + attr { + key: "identical_element_shapes" + value { + b: true + } + } + attr { + key: "tensor_array_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/dynamic_rnn/input_0" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/Shape" + op: "Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "out_type" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice/stack" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice/stack_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice/stack_2" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice" + op: "StridedSlice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/Shape" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice/stack" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice/stack_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice/stack_2" + attr { + key: "Index" + value { + type: DT_INT32 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "begin_mask" + value { + i: 0 + } + } + attr { + key: "ellipsis_mask" + value { + i: 0 + } + } + attr { + key: "end_mask" + value { + i: 0 + } + } + attr { + key: "new_axis_mask" + value { + i: 0 + } + } + attr { + key: "shrink_axis_mask" + value { + i: 1 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/range/start" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/range/delta" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/range" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/range/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/strided_slice" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/range/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/TensorArrayScatter/TensorArrayScatterV3" + op: "TensorArrayScatterV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray_1:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Maximum/x" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Maximum" + op: "Maximum" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Maximum/x" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Minimum" + op: "Minimum" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Maximum" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/iteration_counter" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/iteration_counter" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter_1" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/time" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter_2" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter_3" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/GRUCellZeroState/zeros" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: false + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_1" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration_1" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_2" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter_2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration_2" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_3" + op: "Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Enter_3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration_3" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/strided_slice_1" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less" + op: "Less" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less/Enter" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less_1/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Minimum" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less_1" + op: "Less" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less_1/Enter" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/LogicalAnd" + op: "LogicalAnd" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Less_1" +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/LoopCond" + op: "LoopCond" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/LogicalAnd" +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/LoopCond" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch_1" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/LoopCond" + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_1" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch_2" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/LoopCond" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_2" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch_3" + op: "Switch" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/LoopCond" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Merge_3" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch:1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_1" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch_1:1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_2" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch_2:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_3" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch_3:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add/y" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add" + op: "Add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add/y" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayReadV3/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray_1" + attr { + key: "T" + value { + type: DT_RESOURCE + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayReadV3/Enter_1" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayUnstack/TensorArrayScatter/TensorArrayScatterV3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayReadV3" + op: "TensorArrayReadV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayReadV3/Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayReadV3/Enter_1" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/kernel" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 192 + } + dim { + size: 192 + } + } + tensor_content: "\207\004;\276\355\360\241>\306\352\231\343\335=\260\355I=\262q\345>\244\023\252>Y/\366\276H\353\335=R\346\003\275i\305\313>\0302\256>\256_\314\275\275;C?\375\251\007?~j\243>\016\352U\276\334\013o>\267Y\315>D=\216\274\303\006\253>v\033\206>Q\256\004<\275I\263>G;\301=\321=\023?y\362\321>\214\0021>#\315\230\276\030l\210\275\264\350\247?v\323\031?\245_ \277x\004,?\262\036\247?}0X\275\206&\350=U\275\320=\016\n\335=9j\023>\300cX\275)\313)\276a\305\340\276\315g\036?\325~,\276\307\035\022=U\256\220>\210\367\025>jH_=++\252>\205\270N>\361\254\264>=\222|>\003\002\031?X\332Y>\177\3359?\302\355w\276\350@\037=\022\265\031?\367`\206\276\3244\234\275@\364\352>\263#\227>\007\016\323\274N\255\373>e}y<7/0>\337\371\316>i3\317\276\201\314F?b\005G\277\301\232\303\2769\202\n?Q\252\334>\032\247\213>]\330\003>\034\017\341\275-\022\304>B\253\227<:\006:?\241\264J\276\216b=>9\'\276:\336$\271>]\352\224>\363\372{<\345\007\212\276\336\"\334\276\215\262\366>Xu\024\276|\212\017?\216\r\024?X\276\316>1\"\021\276\203Gk>\3762\200<\352\236\273=\3151\347\275\307\021\027\276$KG>O\227\214\275d\241q>\342[\005\277\264o\317\275Y\246\352>\375k\016>!5\233\276;\336O=\271}\332=\343t\035\276&`\336>\222G\302>\2001\362=\2143\035>z\3729>\251\233\024?4\377\350>d|\n\277\253\004G>\245\314(?j\\\037>\207\361\244>F\3079?\317\363`>9\357\013?1\010C\276\213\315\316\275\004\343>\276\323,\360=\021\201\003>\302F\262\276N^\032>T\237Y=\003\311#>\324\003V>\204T\235\276\347\311\027<\n\266h\276P\225\361=\274{\t>\177\014\264\274}<\220\275-:1?u\2511\277n\314\r>A\214\267\275\316\203\326=\204\264o>\251\215I>\227\\\321;\246\343]\275:\213\311>+\274\232>\304s\002?\033,N\275\032\250\"?\025\360\223\276\340p\201\276\301\353\215\275`\305\212>-\320\241\276\251\303^>~=a>\227\336\r?\026\223\245>\230\"\344>\341\n!\277\252\373l>\257,\017\277\327\277W\276&\027\334=\273\001-\276\025Uc\276(C\234=\275\243\037\277d\343\034=\347\260:=\021\\\313>\007\026j=`O;;\357\305\274\274}\234\260=Dk\037>\307\201\222\275\273\n\n?\207\231\245>Q\277\234\274\320\346:\276:\371\241\276\373\350n\276\016o\013\277Y\245\277=H\345\265\275\r%d?\033\324E?\030\204j>\321\313&\276\277I\341<\234%u\276K\234G>\017\233\207>\336\024\020\277\232\314\217\276\232_\200>%\340q>~\334\302\276+\303s\276\226\036\007>\013X\'?\322ac>Ons\277}\340\272\276Y\306\002\277\273\365\\\277\202\327\037\276\234A;>N\'\266\276zh\247\275C\266\\=\314\0058\277 w\301\276|\246\334>b\250r>\226\016\332>O\225=\275 \000\311\275,\357\364g\377\360=\263\347\231;\375\226\332=_m\266>\335\262\t\276\354\346\220\276WG\243\276!n\'?\300\2352>\372\344\365>O\332E\274\262\213\276= \022\020\277\213\356\354\275\326\t$?NT\244\276\004\244\337\276\250\320\206<\010^\216<\031\355R>ETP>+\362\345=\276u\024>mr.\276v\224\225\276V\262B\276\'\333W\276\233\007\223\277_LW\277\250\201\340\276\331\202B\2751t\n\277,6\247>\325\352\277\2767\2771\275\213\252\343>u\216\373\276\266\324\035?\263\002\016>Uv\234\275\311d\010\276\303|\037\277O\320\252=\3623p\276\343\252\237\275\245\200B>\262\313\001?\021\372&=\356\203\333>\227Y\253\273\365X\203>7tK\276)\270E?\230\231\350\276\026<\005\277\217\320\004?~\025\231\274\344\361\316>\243%Y\276]\362k?\025r\023>\266\234\207>\221-z>!\303\255\276o\020\306\274\255\321\022\275\277\031\211>\372\270\317\274v\257O\276\257\306!?\250\271\361\276)t&?\235\rq\276Gv\021>D\0316\276R4:\274\225\3726\277\277}\245>\201\375\305>\242\313\351=\263\216o\276\221\310\267>\014P\242\275U\034%?\365\003J>f\374\001<\271\227\316>\327|\036>\341\313{\276\341\252\030\276\317\372\317\275\304\264\305\274*\260\255>\334\344\022?q\177\212\276c\272~\277~\270\010\276\001\022w>\344\372M?\363\326\315\276\207\036\036>\300~_\276\277\333\220>\374\362i\276}\000\270>~!\242=\343\275%>\016\244\326=\202\352\370\276R\327\236>\250\253\355\276\"M\306\275\034+H<\352\374F>\323\177\243>\266\213\345=\207\260f\276\361\275n>\374\324\314=\317\265\231\276\n\025\302>_;\202\276\276M\260\275\263\227/\277\213\025\357\276\r\017%\277\232\253\234\276k\001\222\276\316\270G\277Q\267\272\276\257\311[\276\354\263\207>\342\024F\2762A$>\230\2141>\375\364\361=$\033\014?s\362\236>\223\364z>]\374\210>Ic\335=\035\277\373>\264\231\211<\037\026\266=\2279\234\275\315\327\014\277^\321\245\276_0\270>\3435\213>\217\331N\276\224\300^>\275\323\303\275\267|\332>={7=\027\215\237\276,\323\004\276\367\372\245>\310\243\021={\321\326\276\334\r\034>\371-\222\276\242\001\357>I/\336>\263\241\006?\323>\246>?\317\243\276\177\230\t\275-0<=\\c\205\275\330`\354\276\367\013P\274%\351\242=`\245\251>\255\253\303\276\332h\000?\316\310P\274\273\251\226\275\3138\246>z\321\370=\'\272\241\276\214\025\236>gF\217\2767\350\217\276\365\005\256>\257\224z\2767(\266\276\265\035\234\276[\320\300\2763\\\n?J:\203\277)\001\004?t\253\334=\034\323\001?\000\252\203dTh\276\2250\212\2767\213\377>\027\037\001?o\321I?\tf\324\002]\002\276\306\304\334>@kc>\346\211\216=\007\272\036\277\205\261\000\277\370\234:>\330K>=\334/;\276\323.@>\r\223\201\274\025\253\242\276\370o\300\266\276\256#\022?\266Z\032>\263\363,>\037}\r?\017\253L\276\025,_\276$\230T\275\230;7>\312M#?\264\020\372=\030\300\220\276q1\303>\302\266\364>rF\007\277|\235t>!\022\005>\230i\351>\335\241\202\274\311]\025\277\3015\251\274eQ\027\277\234\000\257\276\323x\221>\306Q\237\276\204\334\265<70\023>\366\301\222>vl\336\276U>N>(o\376>6\202\330>8.\335>wvU>\340\263!\276\212\377^\276\'\256Q\275l\213H>\243\315\r>C\'\372=\212\270\274\276aX\203>\264\301\342\276\004\302\230\276\271&\013\277\315\233\\\277\263\355\221>K\207g>N\273\315\276\326\300\317\274\206V\200\276\255n\031\276\310\032\353>tY\237>\334\211\235\276L9\334=B\263B>\301Z&>\376\320y;N\323\006\277\0231\205<\373s\376\275\006\020\027?\264\010->\027o\364<\032\264\231\275\267\361\213>\263\004\017>\376\360\215>\217{\256\276\223\211\355>\372\347\325=\323\206\213=\017\307\277=\016\202\025\277Y\344\336\275@\304)\276\262\004S\277\205\010\223>\0348\030\276O\334\314>\306n\213\275!lm?#\3615\276\300\331+\276\211\251\325>\025\257\022\276\001Q\220\2762,\213\275FQ\t>-\304\031=s\027j>\221\206\353\275\230\246\274;Ow>>\245\342\222?m\210\254\275\221\340\271>u\340\245\276:$\213\275/(\007?j\215;>\377\2003>\332\233\022\275\207#u=\246\344\271\276~\250\246\276E%?>\262\2678\276\372\311\347=\261\211h\275\265\245A\276\274V)>\031`\236<\002\243(>M3\332\276\221\233X>\000\013\340=\270\324\307=*#\331>\254\253\355\275\301\220\014?4\213\334>\336\327j>?;\210=\n\023\220\275\345\213W\276\210Xx=m\036\263>\233\027\250\275\306\220\351\274\2302\261\275\345\221\177=\350\031\032=\313\244V\276\250\277\"\277\330\232n>\245\t\234\276Hs\262>\240\202\234\275\314f\261>\355/\343>\256\007\276\276\305\316\036>6oB=\331\327\r>\327\223\243\276\027\003\272\276\030\251\020\277H\227\342>\000\206)?\213\0225\276t\347\303>!\227\214>1e\351=\252\367Y\276\270\365\227\276e\343\347=\253\224,\277y\207$?\0011\330>\374\031\337<\361\3120\276e\274;?\255\265\300\276Jn\317<@_\247\275\026T\244>\374\364\307>:\212\021=:8\260>|q\334=\177H\207>:\010\356\276\013\251\005>^\353W>\202\302\003\276\300\013\371>=?\263\276\271N\362>\307N$\277F\352\027\276\000\237%\277\371\251\211>\251IC\275\022j\254>\313\223)\276[\313\266=gd\223\275\320M\263>(=\035\277)\004%=\216\370\275>4\032|>\333\275\307\275\263\035\t?\254\033\237>PQx;&\205\231\275n\370\275>\335\232\303>#\321\232=\t\317\214?\312m\035\277\311\361\212\276:+\266\276\375\217\030?dk\345>[\330 \276E\334\277\276\273\222\024\276U\356\245>\224\333\231\275\342Q\262>\347\255\215>N\3141=y#s\276\021\236\335\2761C\274>\352o&>O?\375=\256\243\346\275\2777\330\276\261\237??\\\344\020?\021\350R>w\357\r\276\241%\214\276\361\315\313\275\273\030@\276\027\004\013?\311\353\251\276N}3\276^6\005\276\226\032\331>S=\007\277f\260\001<\254\327\013\276\365p\363\276\007\213[\277\352\352Y\276\344,\307=\303\3324\276(|\225\276(p\301>Zu,>\336\251v?\001(0>f\333l\276$\241]\276K\322\221\272\265Re\276\367*\016?\007)\361\274\333\362\233=\333D\r?\2629\005?W*#\276\242B\014>\025I\017=w\202\020\277\301A8>v[\212\276k\333x>\277\327\235\000\307\260\275{\312\036\276\034\357\037>\002S\267G\270$\276/\320\264\276cv\303>\016\377H>\024\211$\276\2426+\276\223\371v\275\024a\317>\224\201\315\276u\332(\277\311\243Y>\346\331\376\020\276\231\275\030\002\">\240\030\254\276S\223\266>3W\211=\350O\205\276\344\002\005\276o:\366\271]Y\244\276\312r1?X\240{>\376X\213=\001\035A\274V<\006\277\214N?\276\252\305\n\277\363F\346\274\341M\256=\037\243\331\274p\n\233=\201r\240=\265\227\315\276\334\254\212=\264r\223\275\360\250\000\274PT#>\320h\252\276G9s\277QQ\035\276\233`\311>\374\333`\276\022y,\274\377\342\302>\216\252\002=<\225\240=\271\373\006?\321\300\037\277}\266\367>_\275\255=\2124\363\274i\275\330>\366\346\004?\357\225\016?\263J\206>\312\010n=\3602\334>\326z\211>\227\252F?\224\356\252\276\361j\312>n(&\276\214\203\224>\256\207\206\276#\200\275>\232\264N>\267X\033\276\326\233\205>\207t\177\275\203\274\021?\037\305\"\276@\2134\276\\\302\003>\207V\036\272cV\017\277ShR=\223\253\354\275\317\222\036>\357Z\255>\200\212\263\276\211v\242\274\277\245\306\276\330\307D\276\007{\212>\267\306\323\253g/>$\336\264\276W\246P>w\2330\277\343\213Z\276\310\236\315\274u\321\312>\033\013n>[lf=\357B%>;/\365\276\374\373S\275vFP\276\265\352\224<<\320\317=\331\001\206>\301\202\274>\331\276!\277i]L\276\251F\357\2760++>\363+\230=aO\'?\247L[>\244Q\223>\014* >7_&=\327L\261=\326\352\005\277\221\304\255\276m\217\354>ZE\205\276))X>\034\241D\276r&\207?\201\027\345>\027\001\374\276+\376\223>\274\245R\2753D\270=\267\251$?\023\235\256\276g\220\212\276s\351\271>JZ\271<}\370V\232\207\'\276\\\230==\240l\327\2750\367z>\212\304\024?\325+\010\277\320/I\275\275\371\360\276\003Z<=\207\2449\2779\366\033\277\221z7\276\216\303\203\276E\010\016<\362,6\276T~\236=\247\316\322\276\223\371\031?\317\331\357=\303\311\201>u\tR\275\367\014\205=\235X\273\274Nm\037=7\350\007?\252=\002?\266\245N>m2w\276\376\236\310\275\025\233\302\276\025\305\256<\353\037v=2\027`\275\235^b>\246\365K\277\372\230\340\276B?`>\301cC?\243\341\244>\263\320R=\247\225\225\275\341\320\377E_[>\350\016\330>\346\377\323\276\203\243\232\275\234\257\302\276\310\007\234<\201\366\376\276\275\027k\276Sk\270\276D\253*\277\002\200\305<\243rk>F+p\276t\026\225>C4[>)w$>\316vD>L\366\342\276@W]>\211\237\357\276\377\023N\275\344\267\276\275\212N\013\276l3\203>\264i\035>\336\340\024\277\374\360\006?MFw\276\204\366\r\277\356\3356>\341[N\276\277\345\263=M\010\232>u\223\226>\326<\226\275\222\247\332>@\261\232>\3305=\276\224M\366=\212\334\244>\257\206\263\275\336\353i\276n\343\353\276MT\271\276!\351\272>\016\257\026\276\221\333\241\276\003\027\277\275\371\333X>f&p?\265\234\005\276\227\312\304\276\331\275\014?\363\225e?\3077\222\276S\366\254>p!Y\275\223=\335=/\r\000\276E\242U?\211\007K\275\206\335\231=_kF\276s\321\027\275\273\026\221=\252\r\273\276\021\241\320=\347\020\300\276\211[g=\200R\217\276\204\214\361\276\273rD\276\000\363\023\276\016\202\320>WB\017?\372\236X\276\272\207Y??\213\255\276\005c\262>SD\200={R\240\2751\004\022\277\232\312\263\276h\027\225\276\232\233\014\276\210S\261\2767G\272\276S\323\022>CA\013?9\036\322\276xNs\276V\267h\276U\034;\274\273\243p=\370i\221\276M\322\000?\3509\324>\226\366s;\216\204\251\276&b6=1\226\253=\363\266\270>\242\340\276=\240\320\326\276RH\243>\223s\310=*;\240\276i\254\324\275d\177\375=\030\3441<\263\371\315>\014}\252=S\375\277\276\006\001\356\275Yv\242>\242P\022\276\372\\7\276\231\017\255\211\203\230\275\\\021\005\275\304\272\254=\240\365\023\277.\254\235\276fZ0>\360=E>7l\272\276\032`y\275\253\367/\276\345\013\341\276v\230\232>:\377\325\276r\362\037\276{\363\252>e\243\337=\370\374\\\276(\242\236\276\372n\020\276\002\262\031<\273c\177\276\307U\212\275\342\260\265\275\331\"\002>\234\207\374<\301j\267=\217\255\256>\373;\264\275\257\223\r\276\3472\351\276\374\255\375\2761h\206\276a\206k\276/Z\312\2763\314`=\0360\365\020\242o\275\275%\353\276F\001A\275\034k\226\274\206C\026\277\344\361\207=\t\341\274>\237\200\n\276\235\305\344\2768\250\307=E\254|>\254\333\014>H\027\362\276\212\3753={\0102\276\020/\272>9\216%\275\276\013\036=\0141)\276\241\236\241\276\225\237\032>\212c\261<\014w\215>\022\347+>mf\203\276\004\006>>\035\315\350>-q\215\2763\004\004\277r`\345=\332\003\337\276x\241h\275\327i\242\276\247\230 =i{*\275\004E/>\355\262\007\276o\274\344\276\335\316\320\276\033\220\324\276\267\311\237\276\025\313\221\276C\006\016\277-\246\253\276m\306\230\273\200=C\275+\0216>j\360#\275\211\255\366=\321\'\245\277=\333\207>`\234\235\276\207\311w\276\360f\340=\221?S>\216M\030\277_\240\201\276\016c\334=\0075\244\276\036\310\210><\336\343=\255\203\016\277\033\367\\\276\007\2509?\035.\027\273\3771>=\265\301\215\274\213\000\332=\351%)\275\244\267;\276^\360\013\277-\360h>\324\014\006>NW\212>-e\365>Y\010\232<\325\202/\276.\036\002\276=%!?\262\206\234=\001\020q<\032B&\276\215\022\r\276v,:\276gL*\277\336-g\276\\\000\000\275\024r2?S1$\276\224\334\371\274\206\312\310\275\021\241\265\276\236\253\246\276\"\374(\276\307gX=\322\001\030\277ED\205\276ux\177>V\360\242\276\242y^=\362\273\325=$\212\037>\251\242y<%\030\\\276\374Vd\277\035\256\\>\003\203\310>\025\372\r>)x\360>\375}\311<-\226\366>_ \'\277\005T{=W|\016?\3246\327\276\001c\257>\225\245\\?\3058\335=\375\315\031\276\325\304\003\276\005\303V\276D\231+>\034\2322?\324\310n=\030\n>\275f\223\\\276\272G\'\277\010\313\265>H\317 ?\336c\230\276iO\"\277\345\363\313\276W\242\236> \277x\275\177\276\277;\026\1774\276]R\211>\004\302-<%\211,>\301\360\212>\226\254\250\273^\377\323>g\230\271>\232\264\022\277\276G\010\277\2719\344\275\276\013\010\276t\000R\276g6 =,:\024\2763yB\277\235Xm\276\r\036\315\276P\020\035?A,R\275A\357\021?\2131u=\262\226g\276\220\350\027>\270\255\032=\023\'\024\276W\334\234\275z\r\244>\200\217\337<\334\276\315>\257\222S\275\312o:>\233?d>b\336\252>T\234%\277\360r\023\277\373\276\234>\262\007\020\275|\3415\276\2669\231>\2555\250\276|H\003?K\363\334=\274\336a>\035\326!>\022m\262>\320\316\321\275\314\000O<\372\365\335\275\306\301+\276?$\016\275Be\234\275\323\301\271>)}\"\277\363B-\276ij*>^_\006?\205_\003>A\014\260\276\002LK>\3723\245>\r\303\322\276\267\332!>2\263\213>\300K,>\233su\275\350\002\216<\314\016N\276\326(r=\312\233\301\276\366G9>/\364<\277\'\002\322\275$\261\327=\025Oj>\204\221g\276\036\365\225;\322\246_\276\001\333+\277\276\226K?&\355\247>\001\367\305\275 t\247\2765\361;>\3718\360\276C\333\002=\315\ty\276\034\326\231>+\354}\276q\332\377\275\307\327\343\276t\241\374>\017L\206\276\256\220\311>\246_\216\276\262,\006>\377R\247\274\"\377c<\027\020A>L\r\207=\033\327,\277\317\032\332\275IN[>:\233e\276\351\372\311\276L3/\277\300\352\367>Q \273\276\033\2141\276\n-\257\276\306\330\252\276+:\323\276g8\021\277Oa\245>)\325$=9\316\237\276;\313:\274\267\216\316>\212\005\365\275\211\335\363>\355\226I>\301\226\220>\217?\214>w\246\027>\216\1773>\341\315\235\275jJ\210>\264z\364>\245\256\312\276\375\221\313=\366)\266\276\3569i\276oy@\276\0015\266\276\017\223:>\264\316\355=\262\376\237>6;r\276\264\240\265\276\351\374H?KS\037?\255\300\325>J\345\210\276\301\2472\276:\255\353\276l\225\350>\366X\252\276Z\245\035>\224[T?\262\026\300\276O\2441?\350(\231=\220\177(=\253\265\210\275\206f\005=\370\316\022?\235\253H\276Dr\227>\364\2529>\022Da\276\3752 <\370\027\217\276\010\305@>\276\3164\277\365\275\273\276\256\373\245\276\276\033\253\275\242y\342=h\277c=}\204I\276MA%\276\342\237\272>\352r\335\276\267R\\\277\240\255\257\276\266\023\266>li\r>*x\237\276\346\362\277\274L\211\374>\2035R\276\221N\334\276\357bP>U\371\300>j\233\210>\265\337\313\276\201\3510>\236\366<\277\322\254\200\276\270\027\025\276v\314\305\276\256\2170\276:\355\004\276\014\335\020\276\013hW=\007\312\r?\362\232\266\276w\331 <|\014\214\2763\273&>^O\211>\366B\234\276\327\205{\276EO\005?\3627f\277\370\336\256\275\200\305\262\275\243\010B=\2458\'\276\310\346>\2767/+\277\332\216\033\275\221\016N\274\266]\004\277\272\277S\276\267\324\200\276xi\303=\332\226\251\276\346%\242\276\3060\211=3\002l\276\312\"\024\276,\300\234=J\216\206\276M\237\305\275\030\3303\277\177\\X>oZV>\221\236\333\275\211\364\315:7\212V\276\2678\365=\020\254i>\347\326\035\276\004@\302<\266%\213\274\374\272\212>\261F@>\315\225R>A\3007=\000cf>py\217?\316$h=\313\355\362\276\032\250\266\276\276\342\250=Q\223\274=<\271\236\276(\261\210>\354\224\016\276\020\007`\276\224\260i\276\017\374\376>[\233b\275\214)\351=C\323\302\2753\375\263=j\220\206><\213\367>\3730\275\275\333\313\234=\335qS\275ZDh\276O5\207\2765R\364\276\005\273\240\275T1<\277\376}\375=\001\241\266>\271\357\250\2751\"3>\241e\210>k\224\207>\245^?=\203e\004\277\276\223\234>\322\313x>\334p\314<\231\346\007\275\212\2222\276\373\201p>\317\331\034\277p\364V\275\272\005\212>\270\016\220\2769[f>tY[\276\220Zc?\233\234\037=\021\257\313\276\016\204\305=}\312\\>\227}\213>\303\376\352\275\177\212\207>\014C\367\274<\341a>\006{\037>:w(>\032g\347\276\265vi\274\26168\276\313\361c>0\223\203\276\374\340M\275\372\277\275\276\343\317N=2Y$\277YF\353=]\213\301>\253\010y\276-\341\023\277\246\2075>\227D\333>\241X\244>K\320J>\201\352\272\276\177\232\361\276o7\240> \013\265>L\273\250>\006\276\261\276O\375(\276\202k\343>\233Z\023\277\306\360\206\277\2276\331\276\262^\207\276\305\215\362\275\251\264\024\276L\332\210?\221\0069?N\241\216>4\262f\275\251g<\276\230s\374\275x\006\201\276G\232N\277k\rl\276\250\007\201=\240}\240>J\215\352>[\356n\276=\007\376\275\365\371\301\276\231\031\030>\247\035a?\274\3335\277m\363\313>\006x??\370\177\234\276\347\tL?4\257\272\275\312\367>\276\351\272\375\275/\264\267>\2104\374\275\243\351f?\263f-\277\021^V\2766E\202\277\005\236I\277\035\204\273>\031\360$\275\330\251\211\276l\305\312>\276\251\214>\374\032\343>xL\220\273\347K\302=)\242\007>#\r\217\276\307= ?\232\247\267\276\374$\035\277\373\276\256>\222\n\202\277\310\270\213\277NL\303\276\202I\271\276(\253\017\277\2458\321>>B\020\276r\306\241\2761\257\231\276\215\327O>-h#\275\334!\220>t\254!>\323c\210\277\371\255\307>\231z\231=\277\374Z>\254\362\331<^\213\301\276\243\320\216>\355\264\275<_\025\332>\355\327\327\276\026X\376\276\302\001\364=H\017\005\277*\216t\276?\235\t\277!\375\320\274\000-%\276\300T&\277\261(\267\276t\204\276=\230*)?8\227\251\276%O~\276\374/\204>\310c=\275\264\353\275=\315\360D\277B\353\004?\276V\235\275\022\240\227\275\251n\000\275N\334\001?F\265Y\276\213\302\265>\325\023\230\276\224\252\222=\205\034\213\275P\307\201>\363\316\274\275\326\203i\277\240\253\324\276P;/=f&\242Od\272\275ae\352\276\247\004\231\276\213\362\264=\337\000\364\2763!\346>\254\004\223= Y\006\276\000\247\200>\020\256\343\2754\210n\276\226\\O\276\243\232~\277\\\302\303>d\212\274\275H3\346\273,\251\267\276\200\244\247>\240h\312\2765\t\331\275\331E\031?\317w\235\276AP\370\276K\016\375>L\302\300=\0022\025?\200Z\244>E\277\014?x\300\024\276\'I\307>\0051\215\276\303\314\374\275\350\364\256\276\244\325J\277\006\267)>\0034\234\275\364c\206\274\323I4>Y\272\005\276\0018\350\275!\266\017>\357\030\205\276S\010\t>;\275\260\276\354\322G\276\267\006\216\276+\252]\276S\177w\276\214\230\210\276`\334\031?\347\312(\276\310}\223\275?\221\242\276O*(\276\031H\250\273&\2074\276\304\263N>r\265\234>GbT>\311k\036\276=/\266>\374\027\250=f\370\036:g\214\236>\264\374\262>}\226\215=\267\027\205>\312\032\027>NGj>z\033\205>\366b\212>w\233\033>I\256\224\276U\212\232\276h\231\356\275V+$>\231\013\024>\314\2564\276\020m\322\276i]B>\241\014#\276\227\t\037?\203\017B\275\300\271\030\277(\000\204\276R\355\335>\020b\241\276\353\345z>\274\034%\276\273\370\316>Y\014\021\277No\361\r\"\272<\203\346\006?\'Q\211\276\346&\014\276a\347}>\344-\002>\364_Z\276\315\324\251>\216X\277>\271h\365=\262y\341\276;\001\213\276TQ\312\275\226\r\007=\277\242\226>\333\017/?\277\r\252>\214\373\217=a\252;?\246\025\306\276\005c)?\257n\256>gr!?\017\320\214\276^\347@\273\326\252\274>\0144\241\276\002\257\"\277\267Z\255>\357y\003=\216\036V>\266\233\276>\021\025\235>\315\367\037>:\r\010>}_\374=>(\013?+\255\254=G\225\315> [^\276\233\370\214\275\222\022\023\277>\222\211\276t\265\032>\317v\231>\266\030i>\307\374b=\004\211\031\275\301j3\276h\036\004\277\323q\247=\337\205K\277\215\265\273\276\255\310\036?c\352D\276;\224q=\021|d\316\213\246>\026<\"?\212^\262\276\210\312a>\214\021\030\276\313i\032\277$\222\017>}C\320>\3209\020\276\330@F\276*W\000?\032y\261\275:\366\256\275\204\212\233\275\221\320\206\276\234\231\230\276Q\217\205\276t=w\276\224\236\217>\315\202\230\276\301E\203>\367\177j\273\345\217G\276\371\343:<[\345\302;\023d\227>\3746$>;\213\367>l\271\302>+\201\265\276@\346\271\275F\360U\277\325\3305\277[\025\023\276\246_\221>\032\3651>\315\202\006\276\255\340\373\275fQ\006\276\370\371\274\276\345{T\276?\002\306\276>NJ\276Y\256\001?(r\263<\"\001\216\2763\024\020\277\211\257\367\276V?\017>4\352\333\276\262\002\236\276\255Y\303\275Y\243G>\035\026\304\276\3539l= \206\274\275\001H\332\275&\273\200?\007\310J\276\367\252\177\276\2368J=f\0333\276\370\226I\277\242\362\324>H\201\232>\032\2507>\020J\222\276\'\343>>\376-$\277d\327\250\276\270\332\332\276\366\\\210\276\357\237K\274\020\037\304\276m\010\024?\324\336\036\276\001\351\021\277\006\367~\277%\025+\274\027\331\277>]R\217>&\346\250\305\"\036\275\341,}\276\256X\234\276B\331\213>$\252U>\363\354\237<\311\351\036>\021\021\000>\362\255\360=\356\301\001:G\353M\275\010\316\213\276+Z7\277W\006\253=\027\000\232\276\332g\232>o{\304\276|wS\275\010U\273\276\333u\275\275B\316\027\276@\003\264\276A\024\346>kK<\2761{]>\337\014\215\276`\023\256\276;\004\310\276\374\350\202>\351\315\021>\250\022Y>\234V\360\274!\037\220\276\010\274\227=\030\2458\275\347\273\344\276~\330\340=\270\374\250=\274A\"\277]\202\r\277\305O\335\276\373\203\021?\250\2439?\2337;\276v\243\035\276[\335\243\276\326\251\304>T\341\241\276\271A\013\277\025\235\357\275\201A0\277\324\031\275\2762\024y>\000\212\025?=\021\310=\237\205k\276\267Gq\277\335\360^?]\261h\277n\032M?Y\340\321>\342\260\333\276tf\315<\271\035\340=\363\357g>\314V\275>\234\310\337\276\241\026H\276d\270\263\276\371 \207=zF\341>#f\307\276\243c\245\215\231\212>\336\323c>w\213\306\276\022\020\321>2x\036>d\024\230\275\345\003\277\276\311S<\276\374K\247\276\215\3737?\271\001\251\276\311/~\277\267\306@=\r]A\277\244\014\r\277\010\203\332\276\330\301\302=\351U\332\275\255]\203>\255Q\323=\302\214l>\366\376i>\374\001k\276\340\262\013>\367\021\023?\341J\317>[\222\272\275[\256\036?F\035(=\007\342N\275fb\307>;\355p\276\340+\035?EqP?\227\230)>\231\265\212\276\023\322\310>\224\025<=\020\222 =^\213]\2760zb\277\233i\244=TtK\276\230\315\201\276=?\177\275a>\010\277;\272x>X*\352>\303\006\264\276\336_\376\275\3236 \272=\036\245\276*B\203\276&\000O?\257\224\304>=\323\242\276\301\357\204\276\361\006\016>\247\235\220\275\337\373\252>h\020\r\2768^\273>\177-\237>\233$\017\276\234\232?>[\313\217\276\356q\245>\220\246\032>O\361\274\271*\227V>\035\242\314\276a\306=?3f\257\275\r\371\370=H\271\324\275O\346N\275\255}\252\276QC\030\276%\232c=\026[)?\305\301\212\276\356\250\341\276Op\010\276\201v4\276z\247\227>I\314O>\005\002\224\276*B\'=\212\327\030>\301\250\016\276\177\326\367=\262gG>\337\244\235\275QAJ\277\0142\261>\240\203\334>z\356\276>\024\226\260\276\273_\312\276\215\355?\276\275\363\234>\356\220\275\276\206\270\372\275?\027u\276\341%<\275\207\020\276=\263\335\340=_\364\016\275\331\030\330\276{%\333>\2116G>V\237f>\376P\004\2777\340w\274\225\374\260\2755\337M>\t\034\004\277\313\341\372>\010_\206\276\246\345\224\274t;\325>\276\220\033\276\303\320\224=}\212\266>RR\241=^*7>\374\336\022\277x7\215\276\330[/?|\'\005>\217\375\336\276\270\261\013?87\361>\026\2410?.\202\346>\007\207\237>\377\345_>a{@\276\272\270\370\276|\363\035>\210\374\001>\017\236[=\02390>+`\345=\030C\242\276rV\330=\024=\273=y]\374=XT\344\276\'5\344\275?\177\003\276U\030\016\277><\035\277\224\010\257>\233\350\341>\346\006\315>\3065\">\301@\353>\255h\275>A[\235\274\013\002`\276\255\177$?tq4>\333~\202\276\006C}>\260\256\325\276>\202d>(0o>\241\276A?f\214k\276.\213\246\276 e\037?\230!\311\275\025\022j>\241\017\377\275\305u\246\276T\261\214>\300Gb\276-\365e?\306\204,\277\370\020\222>\260\030c=8m\226\276\202\202\002\277`\034b\277\236\010\364>\300\025\265>B\250\236\276\365\003\304\274\261s\275>\237\240\255\276\004\311[?1[m?\213\215\034?\035\227$>7\035\210\276\322pt\276\214p\203\275\275&\010?\243\206\340>\331P\000\277\032;\240\276\346\235\r\277\242\207\367<\3175%>\224\002\004\276U\004W\276\223\257\301=\016\036\206>>h&\277 u\027?\350\363\240\276\003\216\254>0\332\002?\323\270\216>`\264\345>\3111\264\276\334?\201\276\322\025\344<\363\334]\275K\370\317\275\247\266J\276\320A0=#\206\345=\336\'\275\276R\351s\276\256\036E<\003@\272>\226/Z>\315\201\216>\323\300\264>\272U\262=\3034#?4\262J\276D\304\024?\346\2236\276\241\226\323\275#\225\206=\001#\207\276\277p\035?\3017\311=\305\357\272\2763\024Y\277\'B\275>L\205\226\276\177\377\224>kF>\276\010\230>\276\211L\004\276\337\032\366>?\203\035\276\207\027&\276\010\241\225=_|\363>\302/\"\276\221Z_>J\364\221\276\234\353?\276[\331\337\276\n\367%\275\003\373\312;B\372&\276\220\031c\276\251\317\035\275\032\001\201\277/\021*\274\202\004\375>\t!X\277w\302E\276$\360\005>\350\212\205\277\363\001\355\276\302[T>4\343)\277\326\226\005\276X\241\266\276K\006\307\276\206MB=\232\234\353\27401_>\302`\345>\220.I>\322g&\277n{\023\277\342\240\274>\307s|\276\246\027f>\025\333\245>\234\247\253\276\371`\340\275:\354\031?\225\013\325=\256\251d\275\253}\263>\030\357I\277\017\355\035>B\234G\276\325\372\364\276\207\246+\2776-\273=\236fI\276\216\025\016>\257L\246\274@\237\037>\2040\242>\031\267\352\276V\237f=/:\354>&\336\234>\253J\335=\210\312E>n\210\340\275\205\276\275\276\366Fc\277b\253\025>,!(\276Ls\366=\235}X>@;]?\377\273\274\275^;\315>w\231\254\276`\346\246\276t\246(=\031K>\276\267pB\277H\322\353\276\355\036N>o\231>\274\021A\021?\242)8<\322j\202\276\026X*\277\355\223!> \306Q\275\202)\313\276 \275\004\2772/\254=\216\236\333\274f\356\014?!\326\221\276\n\366\025?\260\371\034\277bI!>I\357#\275\026;\363\276l\310\254=o\373\232\2758\246\352;6:\030\277\303\231\246\276\255\201\341\275\262Z\273>\024\370\374\275\020\000p\276:\317\000<\020\365 ?XbE\275\016\366\007\276vE,>!m\253\275\367B\037\277R.\321==I\257\275\242O\204\275(\210Z?\200\251\277>\310\316S>\017{\021\275\226\2131\277\221=\264>\330YK\277f\310m\276)\3147>kk\330>\3000d\276\217\\\001>\2251\222\276\232\260\013>Q=\265>b+@>\017-\332\276mP0\276\270\035\253\276S:\363\276\316\334\302\276,\366/\277\273\001\247\276J\016i\276\243\212P<\361]\200\276\340o\016\276Ta\255>\337\335\225\274\022\213\321\276\312\251\263>\362\304\025:\326\373K\277\313\217Q=C,\256\276`\000 >\223n\262\276d\224\037=\016\347Q\276\025cY\277\370\233\206=\247\375\014\277\231\211\014\277n\2423\277\"\272\306\276M\250\265=D\206\337=Q\207\331\276Y\030\303>\204$9<\271\222\025\277\357\312\304\276Z\227!=\037\204\346\276\352\030\315\276{H\306=e\350\210\276k\030\217\276\327i\304>\352\276/>8\330\006>T\223%\277\260X\252>\323<,?wL\366\276\367uc\276-\257\366>\310\377\010\276\337\224\354\276\\D\333\275\247\325\340\275\nZ\320\276B\252\304>\227\"\345\2755*\023>\263\257\262\275\260\262\230>D\317o>\234\252\276>\257\247\'?x\271h?\362\374s\276\225s\256=\267b\242\276s\317>\275\274\357\231=\216\323\276\2326\267\276\ti\212>f\234\326\275*G\340\276\'\261\254=\312\216\236\276\2416\275\276g\"O\276\'\224\231\276\210\377\346\276\3132\"\277\253(P\276\276\363\345=]\355b>\303e\263\276\257\212\220\276]\026\204>a\243\231\274\031k\342>\335\277\350<\301\242\'>\333t\001\275\252\377\344=a/+\277?\323\337>a\310\272>\332Z\211>m\243,>\324\375\206\276y\263\273>|2p\276\037T\227=\374i\326\276\365\274}=J3U\275\203\026\027>\020\020q\2763&e\275`\215\335\276\016M\361\276\246~\000>Hc\256>\033H,>`\311\214\276\307\277\201<$\365;>\321R\005=wy\004?\265=\311\276\304\217\217>n \177>\275I\017\2779\000\356>O\325\232\2761O\016\274=\226\034>&3a\277\202\034\257\275\ro6\273\251\361\360\276\354^\346\276;\356v>\272\220\000\277d\377c>km;>$\301K>\"\017J\276\010\272H\276p\312\354\276K+\277=\020\366\017\275L\306\312\275\322P\230>P\345\272\276,(\034>C[\266=m\001/\276\013.D\276p\037\353\276\241N)=\237\203\373>\275\323!\276\324\375\r?\3138a>oC\002\277\307\3371?4R]?\033\254\330=\364F\306\276<\231\311\275\204\206\276\275F+\346\276w\357\331:ph0\276p\261\237\276\206\241=?;\221\217>\352\264\235>\343\321\372\274O9[\276h\330\000?\000\201\'\276\246\327,\277\370\222\031?\210P\342=\371\007\201>\236\"A\277dZ;>\357\361\013\276\30663\275?@0\277O\362\222\276\265d\206?\236\241!?dz\021\275z+\023?\264@\243=z\234\001\277\037b\277\276\212\347\234>\014\235\372=\261Cp<@E\036\276\267\262{\277\373t\326=\005\"\243>\355\r\211>\330\204=>D\003p>\343cv\276~>\026?\3052\316>\333\234\375>\245\253\023>{\344\321\276\0339\345=\031\316F>I#q\276\035\240\257\275\353\000\212\276\177b$=\240s\023\277\360\312\241>\371\340\241\274\214\273\232\276\362\213\267\276]\0162>\017\033W\267)\234\273\317\215\231=5\352\263\276\315\203\245\276\013{\263\276\370\331~>\303\252z\276\356^\234;\225\001\362>mt#\276\006{\267\276/\216\242>)\023\354\274r\316@>D.\032\274k\206\024\276\252\335L\276\346>h\276\237\001\336>\201\233W>\202\006r\276\274\010\267\274F\335Z=\377\277\312\276-\000A>\224\202\264\275yc\355\275v\362\034\274\002@\212?\001UK?\0237\250\276\033N\001>\366.\255=\346g\206\275\364\250\216>\2605\303\275\352JR=h\237\207\276\355\305e>\021I\221\276YF\037\276=\335\340\276|\232\321=v\207\026>\037\020)>\003Y\010\277\3263\023?\327&\276=\371f\265=\316D\370\276\236\221]\274\301\202x\275d$9>9\017\227\276/s\177\275C>\004\277\222\030\217=\201#V>}k\210\275\367k\206\276\344?\315=Z\222\255;m\366\257\276e\n\033\275\357\341\326=!\325\220\276\324\261\305>\245\027\223\276*\313\024=\253t\233\276,>\262\274\035\212f>\035Q\014>\236\023\326=*\202C|\304\225\274\320\017->h\214\314>=\357\234\275n[\326\276\362\307\265\276Z\240\234\276\3625P\274q\272\341=\317\371\\\276\340p\350>\033\325\226\274\271u\301\276\210\255[\275>\307\210>X\332\214\274\271\252&?\351\213\347\276\256\001I\276\001\251\223\276\365\352q\276\203\364\307\275\375\333\345=,\032=\276\261\317p>\332%\024>v\220\243>$\226\324>@\035b\276\253\202\212=\340\375\365<\252\231\030?\353\326\322\273;\324%>\313Q?>&\354\271\276\306;$\277\3712C\276\306e\341\276\355Lg?\001\302a>\224f\t\276J9z??\207\207?\017\022\376>Q\341\322\276y\025\026>`\262\236\275\020\025\000>nM&\277\r\247\030\276\342\357k\277\315\356\037\276G\271\245\276\262\260\330<\252\344\255\275G\201\315\276\021\213\234\276\020\3748\277X%\376\276\022\0021>H\253\322\275\211x\014\277\024\214\340\275Pc\271\276\261\245\377\274\211\254\363>\025\330\225\276\362\342\234\276\010\267\317\2763X\257>\014\356 \276\301\305O\277\245`\255\275\215\213\037?c\320\021\277\223\345\211\276A\270G?\343\300\230\276\376)\251\276\347\235`>\334\255\265\276d\237B\2768\317\332\275\336\321\020\277\220\022\003\275\"\277\330\276NK$\276N\003\027\277\255\326\016>\252\3000\276V\226R\276\346\031\310\275\356O\301>\225\216\023\277\24303=:\215\031=\315\227[\276\257\021\255\275\373\223\021\276\264\035\341>p\253\253>\265\301E\275\"\017\374\276\202\316Q\277\303\305F>d\242\014\276\261=2>jUX>\206!\244\276\005{B>K\355\254>\303s\314>\243$R=\267\270\273>\34244\276\275\367\026\277k\235 ?D`\033\277_\247.?@O\332\276\037\211\251=\223y>\277\3129->\253\303C\277\372>M\276f^\226>\310\200\226\276\0168\027\276PZ\274\276\232f\007>\367rx\276\307\340\r>-y\005\277\205\326P=\366\224\004?E\307\250>!\267\316>>\321%?\227&\243\276\221B;\274\220\373K\275\330\204\226\275\0009\345\275:U\363\275%\373\306=\376\003\n\277D;\n>XX\320=\006P\010?D\273C>%\216\225?\347n\366>\361&\321>\010\000\242>\006\372\231>\274\316\217\306i\306>:\026@?\"\030\010\277\222\311\337>.\257\316>:\010\357>\360_\217=vs\013=\205\026\214\276 \311\034\2759-\271\276\203\200\341\275\377\310\276\276v]9<\016Z\276=\374>\326=*1\006>\023\022-\274;\235\026>\336\211\246=p\0265>E0\025\276&G\000>\231\310\302\275y\r\313>\362\324\277\276\232\321\031>Q\255\214>\noY=\306@G>\214\t\002>\317\325\304=\206\317N\276\211t\302>\2718\313\276\300\361\032\276*\333\034\277\333a\002?\364\253\336\275\001\033\206\276\227\236^?y3\324\273\021F\372\275\345\276\037>\303\214\017?\232\263\314\276\271\031\230\276\032\223\220>;\203\357\276\2344\306\275\352\377\302\275&\261\250\275U\240\230\275 e\343\275\344^\211>\203h\324\275\224n4?\271q\242\276ck\305\274\026z\317<\231\005{=s\370\270>\260\233\256<\312\314\216>\311\013\371<\253\252\n\276\303\246\200\274\350\205/>\244\263\353<\342D\033?\007\322W\274iM\374\276\302\026\206\276,29\276;u\311>\340l%\277G\235!\277\364D\212>\301\327\021?\ryH>/\273\247>\370\020\273>\231M\002\276\"\3732\276\272M\326>j\237%=\242\353\032>\341\212\210;4\004\242\276\320\210\n\276\3520w>y\3638?]pu\276\217\206\360=\321r@\277\361\026\253\275g_\230>\203\217\206<.\274~=6\267\265\276\271\200\274>\'zs\276\035j\304>=z\t\276E\236B\276\n\223\030?d\355l>FX\312=\276\025.\277c\261\010>e\213l\275Je\266=\323\310Y\276\264\000\226\276w7\264\276(\261\t\277\020`G\275K\'\370\276\352e\270:x\214\207=\261b\001\276\177=\333\276\310\263\255=\312\257^\276\312\025\374\276\335ol>\002\355\033\277s\031\302=\264\354\023?n\327\'?z\243\221\276\245N\262\276\310\213\000>\236\237\357=\016\301\363\275\273$P?M\255\017?\340\226\350\275\347\213\274\276\273+Y>\352S\320<\276\"\202\276\270\223B\275\032\"J=\231\333\225\275\255\201\270\276\031\\\032=\215/y\276\360f\214\275u)\227\275\007cM\276\251c?>\267\027\035\276q\203\035\276\310\231\344\275\376A\227\276\266\317,>\360\275\246>|/\261>\013\033\024\276\363\211\261\276\022Ec\276\365\275\305\276z\357\023\276\274T\366>X\010\020\277\373\364\325\273\311\246,\275\370\355\000?\366\312O=P\014~\276\216-\257<\377\263\352=\t\323*>cr\016?\372\357\310>\016\277\211>\261:\263\275\t!\007\276\217\262\023\276\370\305t\276{\230\233>\2639\316\276A\362\374\276b\332/\276\225%\370\275\304\257E\276)\030\377>\022\364\312>n\372#\275 S\017\277\\\222\344\275q\351\220>\330\026\263\275\201\304,\277\035x\036\276\024\207\224>\034?\034>\252\373\350=\0252\360=#\\\273=\257\250\215>\235\350*>3=\003\276X\316W>\333d\232\276a\337\024?\345\231\200=\247\343\250\276\204\231\246\276\273\314\205\276\350\276\376\275z\272\353\276\265\214\263\274\'k9=/>\220>\245\203\307\276\230Y\213=\355g\332\276\347t9\274\230\244j\276\210\260\272>\344\310)?\302\327\366\276\311\243\322>;5\224>\032\326\032\275b3$\277\337\0049>\361\037\200\276\026\330\256<\315\223\n>@0,>\363\356\017\277\010-\267\276\277\022\242>\267d\222\276\237\207\357\276\253\360\347=\302\254\270\2759\t\264\275\232\030(\277\235@\307\276\271\246\362>\222\304\t?3\3655>\3455\325=A*\313=\2549O\276CoD\275\332e\231>@\274@\276\262\027\201>\201FI>zX\210>\3718\313\274&\357\246>\n\221\251>gK\274>@\024\014\276\237\372j\276\207e\365\276\372\202\336>H\350V\274B\317\316\275{\221M?:\345\000?\224\200\240>4UF\277\240\\\274=\'\035\010\277\001%e>\271\271X\275\264\027\017\276\226\311>\277\353Z\347>\344\314?\276\034\357|\277W\344\005\273\270Q\370=\3620>\275\0375\025\277(\213\220\2766\001\316>\003r|=\311qb7\346o>t\267B\277\3255\350\275p\363\023\277\023W\231>|\206\304>3E\256\276:\"C>\201\350\342\276\206\372\207>\312\210q\277\260:\264>tC\312\276\274\357\312>\242Mp\276\351\225i>f\n\231\275\3557\205>\202\003\266\276\341\321k\276\234S\374<\224\203/\277ig\201\275\342\370\206\277\200\313\277\274\332\252\025\277\361A\236\274\370\211\223\276\217}\222>\211\342\343\274\365\254\000>v\014\023\277\250d[\276\276n\213\275Q\230\364=Is\036\277\204U\355=\257\376\277=\320.\345\276\023;\333>\215\377\014>\375=\025\277\272G\212\275\351\022{>po.\277\342\212\004\276\244\027\023?i\241\216\276\177\036\320=\025\376\233\276\267\332f\275\374p*>\242\374n=\207\036|\277\023\355\004\276\350H\003\277\r\030\377=\246cK\276\347\223\271=\357\033\214\276\020 \250>\251\264\013>\312\362\355>\260|\344\275\212nM>WYc?w\307c>\356\272\014?5\t \276E\370 >\361|S>J\324\312=\213Z\037\277\331\322\320>S\365V>ZE-\277?\314\200=\337\326\214>\314\224J\275Z\262\317\276\330\212\372\275m\021\022\277?\341\301\276h\212\250=\251\327\257=\337&\307\276.\036\263\276\266\210\024>\346\256\233>68\322;\204\214\022=%\321\217\275U\310\027?\322\312\013\277\366l\245\276N\315\355\276\320\225G>*\350\217\275\244\331\325>\ta\010>\244V\272=\216@\270=\277\0106\276\030\037\010?\236\267\264>\207\375\271\276w\323\264\276\242\017\200\275<\010A\276`s\020\276+\316a=\240\235\211=\364\340\251\276\226Q<\277\252\370\210\275\223G\312=K\270\322<}z_\277\034E#>\207\206\031\276Q3A?P+\244\275\247\256\252>4>\214\275j\014\236\276\024V\235=\320xw\275\336\341\r?\310\221\014\276v\240\272\276\253\"\213\276=\312\236<\366\006$>\330=\242>\377y\257\276x\255\200=AF?\276as\366\275V\251x>9\325\220\276\365D\001>Za\014<\254&\252>\364&\016>\324J\257>)\335\371=\276\224\233\276\301tk>0mG=\005\2734\27601\232\276n\3509\275\221k\026>\345K^>x\203\214>\221\365\001>\352Q<\277\377\024u?#H\356=\3258\320=i\nA?\025\317m>L*\230>\023\347\r\277eXW?\035*\207=&\321\215\276$\\\373\274\216V\272>\342my\276\243\235\234>\216\225U?\"\321\371\276\335\231\341\276\346\354\200\276\346%\030>,\302\221>\377\337\205\276\221n\200>\006\244\364>L|?<8\244\311\273\367\002H>\271@\235\276&\243\033\276SK\006\275\257\315\352\276\276\246\335\275\006;\213?,\031\177\275K\0219>\250\363\334=\3418+=\217K\317\276\204\363\337;l\350\326=\0304\217\272T\375\210\276}J\300>\'\033\273>@v\265\275j\200\004?\353\013\303\275\266w\207\276\225\2249>\264\351\307>\312\037\003\27716e\277\260\322\014?\217>1>N\232\224>\241\025\333=\257\276\310\275eo\306>\227\276\353>\257\210g\276\351\257\221\275\235\005\006?Z\212]?\277)\313\276\275T\035>\002\223\021>0\237\023\277.\252\300;\233>\263\276\221\r\323\276\336\210x?\341\212\306\276\271B\177>\034\203\324>\234\t\032?)\226\263>\253\333\351\276&T\004\2756\277\232\275\344)\207>Z\245\346>\250\316n?\334Ck=W\354=\277\250\243\241\276\'\006\203=)$\272>\022\2702?OX\331\276\377\020\320\276\304\007|\276\354\326\242\276\005!\212>\202\n\313=\370.\210=\226\323e\276\356\022\014\276/\207\336\275\275\322\032=\306\225\365\275K_\370\275\207\335\033?DBj>1\274\302>\365\264\220>~\326E\276\370\236\330=\275\267\350.\277\256>\331,\350\276\\\217\313>\343\353\253\2759/\r\277\254Q,\276vOQ>\220Q$\277G\320\230\276N\343<>\222\350\220\276.\340\347=\346G\005\277QK;\273\"\003\244=Q~\270>\374S\374>\377\340\237\276\003\217\007\274\351\034\020>Bo\004?\224s\020>}\007\233\276z\305T>\3435\205\276\025\002A\276{\026z\276\363\366\211\276^\377\377\276\214\211\224\276\345\022\014\277\303j\232\274\231$\017>\265f\351\274\262%\230>\212w\316;-\023\207\276(\377\333=O5\010\276\231n9>6\274\232\276\010\361\247\276\266\340\263>\335(\020\276j\274\316\274\305\266\n\275\225\257\200\276\371hI>\234\034\035>\376 N\275\"?\r=\000a\252\275\274\211V=\254\233P>\233\327\310=U\225\225\276.\240\347\2759SC\276?\351[\276sx\245>\027\360\016\276\226\t\202>K\307A\276\231\316\\>\225\214>\275\327\222\337\276S1\222>\2565\202>\036{\242>n\353\005\276\357\026N\276\026|\224>:i\245\275\346\367(=\004\333~>\211\365\304>F\371\010\277\2567x\276\337;K\274*5\200\276T\250\307=\267\347=>\007\306\234\276\034\374\270>x\257\035?\213\337\257>\004\376\034>\326\246\025\275\024\'\205\276\"^R>\325\343\257\276\356\357\017?\035\243\213=\272\260I\274\236i\260=D\203\325\275\016Bv>q\3162=o\301\225\276\t\031\\\275\"\305\035\277\254zf\276\034\220$\276\031\305n>\026j\345>mMZ>K\230\266\275\205\377\202>i\017g\276\274e\030?\300s\007=\212\034%\277\330E\273\276-[p=\302\216\336<\210W\215\276\270\360\223=\201\307\342\276s\220\372\276\346\214\340>{\230\243>\234\031\255\276\020\201\321>\360\230\244>4s0?\201H\020?\323\013#>$U5\276\336\261\362\276_Q\351=iv ?3\230\224=\356\014\037>\330\332\364\276:\026h\276\255\342\r\2776 \354>`\264\361\276}\340\341>\221\327\376.\247,?\236l\036\277\337\355\324\275;\262c\276\315p+?\000\342x?\347\037\332>M\007\331\276\244\246\346=*\000\263=\320\017\251\276O\344\276>\353v\312=\256>\325>\215\3523\277#\355\301\275\326+\005\277wo\344>\301r?\276\3654\300>\346\027P>HH\207\275\276\357\342\275`>\010\2766\r!\275?\336\261\276\3161.\275r\216\323\274\314\372\363<\013\301\252\276\202\036]>.]\264>L\322!\276\214\206[\274\010u\323>\225\262j\274\373\323\265\276\010`\225\276\023\035\343\276\206\'\314\276\241l5=P\251\303=GL\320\2751\364a>j#6\276\t\265\314>\255\364\347\275\323\265Z>\212_}\276\276\204\303=\210\233#\277Xa\222\274\2577x\276\224\207\373>\300\206\325\276\361\333A\276\330\333\013\276`6\334>\251q*\276\255\231\021>\247\004\210\2750\354\242>\035i\004\275\207\231\240\276\\\365\221\276\036\366\316>#\326\373;E\335\'=\002\025\312\276V\237c\275\367A\323>h\023\371<\031)\261\275\275\232\246\275\022\255\366\275\314mK\275\250\300\314>\362\354s<\356\356K\276\331\301\231>N\226\210\276\026|]>\034=\300\275/\001e>\003@\000\277~\245\275>LMd\276\261W\024\277\376\223\216>\223\324\004\275@\000\304>*\007+\277\270\265\222\276\256\'\253\275D\331\251>\243\"\005?\302\360\332>q\205\214>\263\276,<\312\245G\2772\006\007?\255\016\263\277\250_\002>\242\334\260>\310h\t>S\223\221\276\214\374e\276\373\335\007\277c)\262>AU\010>\033\221\237\275j,d=\356w\037>\200\364\257\273\323\312:>\222A\232\276\324\326o\275\250\360\325=\014\025\202\275\372\272\376\275W\'\206>N\323\315=\325*\245\275\273\364\273=\332=[>\263\2346\276\037\230\355\276j\270\031\2776\232w\276\n\211\221\276E\003\350\276\313x\251=\251\007\313\276\336#\277\276\366\333\330\276JM\000>\014\235\221>E\362\262\276\243\236\004>7\002\325\276&\r\312\275\213\232=\276\323\313_=\023\210\314=#\212\353=v\240f\276\306\364\214>\373\321\t>\335\351\321\276\033\256\374=\226\271\345\275\336\351\276=\313\367\013\277SA\315\276\206\256\310=\212\263W=\235\241\376>+\266\020>\250\270\032\277\272\006*W(\277\000C\025\276\317\275\207\2769\005\254\276\353g\262\277\341\005\271\276h\253\006\277R\214\201>\241\206\310\276\277I\221=\216/?>\334r\">X\237\315>+o\232\275>\370\221\2760\361\027\2776~\257\276z\202\314=:\344%>\255\215Q\276n\277\316\276$\335\305\276B\337\371\276\226\237\343\276$\031\300>\335\223#=\324WB\276\211u\232\275\370\263\010\277=A\206\275\257\366\210\276\353\263$\277_\331\360\276\222\001\334\275\213\r\000\277U\205\"\277\220\263*\277x\030p>\235I\000\277\317[\034\277\270`\313\275\242\227u<\210\177\002\276\342B\312\276R{\300>>\030\213>\233y\036\277\240\351\372\275\335\336\213\276\2612;\275\357\371\270>=@\301\276-\302f\277\323\377\033\274\2453\227\276!9\027>\333p\036>\306,\273\276\214\277n=\363\230\340\276\270p\306\276\365\367\262=\235\312\245\276\026\225u=\014\303e=\233\203\016\276B\217\345>E\237\345\276\231\005\201>\314\r\365\275[\221\353\275\314(\n>^J\363\274\177-\246\276a\372L\276P\363\203\276\356\202\271\276B\355\\\276\240\343O\276|\331\332\276u\354\215=N\233!\277\371O\311\276/&\220\276\360\302\272u\371\\>M4i\274\334H)=\320v\240=\213{\004=5\360\363\276\0066\225>\n\203H\276\023\177\177=\252\362\022\277\345=\222\275\031H\361=\332\224\t\276\314.\352=\3064\223\276*\036\264>\217\033$;\247)4?\256\346K\275C\344\241=U\254<\277\244\276\362<\352\036\245\276c\324\002\277\334\231\310\275\365)A=\372\n\245>\r\216\231>\270\365!>\323\344\341=\376\016N\275f\301\230\275\201Ms\276M\360%\274P.\343;\236\341\317\276\210\261%\241\256\254>c\3132=\316\334&?\246\014\013\277\027\022P\276\374?2>\227\346\324\340?\233>hAE\277!%\016\276\275\201\261>\177\027F>z\236s\275\326=y=\374\r\316\275\271\221\235>R\317\302>J\203\n=\243\304\021\277\243S\247\275\251o\360\276[\320\212=L\213\200\275\323|\267\274{\270_?_\034_>\025M\026?u$Z\275\334\303\324>\370g\017\275V3m>?\300w\277PJ[>fv\320>D\367\225\274\3063\017>}v\305=\251\216\240>\336\324\265\275+\202\363\275\326\337\022?-\255\362\276\022Q\226>-\217\010?\262q\200\276\267\304Z\276~##\276\337\016\342\276\320m\376\274\260\'\255\276\363\302\'>xi\375=X\231\337\2765.\224>\255r\032\277\217\356\031\276\375\274\271>\355\227\003\275\222\314\327\275\231\026\273=\336\214\210>t\231\230;\310\217\215>\253\017\311\274\317\323\276\275p\265\036>\2257\305>\0269\203=k\267i\277\035\343J>\010\214\244\276\347\305\361\276g\2769=I\246\033\277\233\021\304\276\035\276\'?\027w\330\276To\266\274\007\031\021>\315W\364\276&5\256\276}*\001?\250\372\265=\206\242\361\276\336g\226\275\350\2176>\313\"\231\274\362\270\217>\336\r\020>x\313Z=Wg)?\034\243\020\276;\2477\276\365#3>\026\377.\276\177\272\001\275PC\035\276*\365Y\277\255\232*\276\371\023\r>St\247\274\337\030#\277\027.\307\275S\365\252\276\3018\203=)#_>>\227\">) X\275u\362\364>\240\263\007\277#\005\001?\210^\301>\247}\024=\222\370\005\276\322\013\235>\037\234h\275\271)\352\275_u\260>\357\310\205\276\014|\207>\262j\221>\r\030\023\276\257\013\002\2775\342\242\276\230\3016\254=n\355\376<\315\376e\276e\355R=F\254\315>\033\020\"?\347\031)>]\237\277\276\005~3\276J6\214\276\362/\030?\346{\272>\334~\t\276h\360\227>mv\023\277;\031j\275\220l!\276A\234\273\275[i=>\250\316*?b\2161\276K_\007\277\\\313y\275\363\244\347\276N\231\033\277u\3119?\003n\205>\010\277C>\242@\303>_~b>[e\230=;\373\r\277\273\320u>\014L6\276%\261\262=\'\227\315\276cm}\276\030\324\323\275o\253z>~\257\207\2760Y_\277k$\204\275W\244\026\276\230.\320\276Nk\013>eb\333\276\261ml\275\354\370\344=\307\212\323\275\307\227U\276f\271\324=#P\341>\366\306t\277\345\362\201>\261\362\235>\221(\343\276\321\n2\276\303\2176>\204\323\372=\354\276\263=\312\251\312;\356F\005>\016$\240\276\2115~>US0>?\007\326>-\356x>j?\256>j\353~\274\327d\316\276\311\364_>\2163\254>\313\310\224>\241\016\266=\371C\006\276\314\201\221\2763\352\231=]\\\340\276}\n\'\276P\256h=\375X\213=!\250l\276JV\336\276\271\013\360\276\335\016\207>\232\320,\277P\376\363=\254G\230>\021\336x>\322\023\237\276\214\203\337>\017\336\257>\347r\342>Ay\266\275(\344_&!\004?fHV\275\026\2521\206\227\242>\320V\203\276\356\335\247=\025\0100\276\343\222\306\275\273k\207>\350b\347\275\\q\347\276x\265\233\276\027\2152\274\241\224R\276\242`E;^\252Q>E\261\203\276w\024_*\'\237\275i\227S\276\311\2717\276\215\'\337>\330\033\346\276\204\306\373\276\325\313G\276\031o\331>\345\223\371\275\320~\377>uv3\276[e\000?i\233\354\276_\325\027\276\254\344\003\277p\2052>Y\332\347=h\244\026\276^\207\330>\n\372\227\276\267\316;>P1\305>rM\014\277w\361\003\276\351U\327=\014T\225\275\314\210\311>\t\375\346>\322|\253\271\371H\270=\006\342?=(m\276>\022l\304\276t-==\370\327\311<\025\227\323>7\037o>B\306\037\276%\331 \275{*\247<\016[!>\212\016\201\276f\"\215;n\316\001?\220\241v\273\351\005\250>\222\341\234\276m\371\232>\257\322\031\275\212\341e\276B\240\205\276\267\246R\275<\266\026=?\022I\277`\231\365\275\201T\240\276\320\252 \277s\237\224=c\rJ>\211\334\033>Y\236n=\250s[\276\230\205\330\275\032\025\202\276\243\345\333\276F\\^=\237\267\233\276R\245\313\276\rHR>1\212E>\227\025\023>\264\3322=\016Q\331\275\223C\223\276o\241\r\277\326a\007\275n\002\265>4\242X\276\325?\370\275^~\321\276Htq>\'gC>{.\037\277=X\343=\210\357\337\276\007\306r\276*\023\330\275\261]v>\3314\304=\365\034[>\"\n\244\276\217;Y>\t\033\r\276\204\023\033\277x\336\217>\306\'%>a\030_\276\300\240\235\276\202\347\325>\3039\267\275\265\324\277<\000\273\263>\225\216\\\276%\220\037\276Sj\236>g\243\302\276\014t\227\276\344\323\210=\275\226\215=!_\350\275\2118\236\276\246>N>\210|\037\277\273\357\223>\234F::\360\321\256\276\026#\222\275\276\373!?\\}o>\331Z\305>\217<\204>M\355\003\277\341\324\010?p\211\372\274H\036\3729\2130\221\2776\213;=\333\353r\210\233\304\275T\241\210\276]Q\362\275\312\341\017\276\315I\260\274\0179\344\272\274o\005\276\354\327\346<\276\254\365\276\345\267\350\275V\340\252\276\360\264m\276\363\212\376\275\253\027\344\2763\373\"?5\320\004\276/\204p\273ul\346>\257\004\237=\005\276z<\242\253\325>\322\245w>\037\211\256\276\363_;?\213\034\243>N\334\303\274v[\313>E\222\000=*\244\r>L\032\004\276#hJ?b\201\230\275\232i\240>\001\300\211\276\256\337\024?i;\210=\224\221\345\275r\006+?);z\275x\033\341=<\'b=\274\003X>w\257\352=\363I\213>1\230\355=a\333\372=\021\020\277\276\244t\305:\216\216\257\275e\303\n\277\004\'\212\276h\3464>\267\334a\274o\033\354\276b\177\000\276\377=(?\230\330\323>\336\233\376>\022D\261=\214\035\344\275\253\352t?\001\014\204>\2236\006?\\\340??\376\272\374\276Y\206\023\277\032\n0\276H\003%<\000\206\364>\352\316u?\320\303\201>\267\243i\276-\025Z>\256\372j=\327)\200\2764\376$?\263U\200>\307\220\013\277L\316\342>P\020:?\241\306\242>\321\342\007\276\304ir\275\326!;\275\233\202\324\276\241J\255\276\201\034s\275\271\336\347\276\2756\355>\210&\031?T\254(>M~s\275\302M\364\276\241.\255>qx\343\276\n\330\225=\025\315\031?!\345\002?\266\006\010?q{\360>\257\202\215>2\2273\276\306\220\270>\303\302o>U\\\214=ggq?7s\252\275\014$\236=^\276\363>5\262a\276x\312\005>#\264\264\2762\035\000>\243}\362\275\332\253\215\276\301\334\007\277\360\216)>\\\010\003?\027\224\211\274\010\201]\276R\315\030>*\252\347=\320\237\247>K\361\245\276\345\316\350\274\361\375\336>\226\275\253\276O\031q>\"\225\244=\037./\274\254y\233=\367=\001>\r\217\010\277\337|\277<\223;\256\275\357\\\263=\351\000\010?Q+E\275\035\274\305<\312Z}=~?\034>\035\316\002\2769\0361\277\260$\001\276\033\341\016\277\027\313$<\361c\261>\037\257\220>\354\252\255\2753\321\003?J\310w>\202\354\301=|\005Y=\nK\020\277\t\026\255\275\205f\307>\365\342\n\277\006\344\363\276;e\324>\224G\027>\007\027\306==E\260;\013\243.=\351\273\374\2755z\212>\013\256\325=\276\267/>\263\232\363\273\252 \204\276\311\335\240\275\367f\354\276\261B\253\275\336\324\315\274\206(\204\274\215\r\020\277\252\373\306\276w\275\217=\214<\002\277~\212y>\204\311\234>gB\211\276\335\356\317=q\313\330w\2239=Dzb\276\002@1=\247\306\251=dAz>\227\264Q\2758\220\214>\343\226\327\276\236I\261>\024h8\276f\361K= b\324<\3105\206>\327rs?\310\222\310=}\374M=\343X\301\275\021\336\344\276F,\260\276Q\257|\277\334\033\017;\2636\022>\372\245R>\223\312\234=5\n\203>\322B\\>\241w\212\276\234`2\277j9\377\275:\231\251\276Y\247C\274g\213%\277\347\257\307>\275\206\220=\216\363\324\276\311\216\247\275\370\366\020=\263/\025>5~\266\276*rC\276\301\025\'\277\321\365\030\277\251\224\325\276dM\003\277O\014\201\276u4Y\277\306\260\321=,v\007\275\214f\\\2775\211C\277\301=\007\277\266\316\021\274\373+{\276d&#>W\223\264\275{(\211\277\201ma\2767\243\345\276\351\000\245\276~?u>\034\202\363<\r\273\211>, \366\276_o^\277\013;\274\275\021He\277\005V\337\275\035\266\344\275\'\252\004\277D\241\005\276N\373,?\030\000\240\275\036\340\006>GC\233\276\344&\204=\335i\010>\010\276\344\275\225[\325\276\200@\020\277\271\177\311\276\306\272Y\274E\266\326\276\310M\245>\357gg\275\241\241\234=\304\215\340\275\235f7\2773}\030\277\242\200\226\276\244\335\344\276\257\200\275\276ao+\277\242>\003\276\320\355\265\276\221\241\035\277\327\002<\276\351\325\023\277\2470?\276\020\215Z\2760$\026\275\366\372\210>\030\005D\276\353\0369\277\315\301)>\022_\257=\032\306\022\277\243\210\244=\3050\377=Y\324\324>\263 \007\276\260\257\226\276l$k=\251\2534\277\2529\251\276\023\231g\271:\014\027\276\000 \336\276\212\217\323\274\276S\342\276\340\024\220>\021z\025\026\016>\244\004\020>?5\231=\2331\251\276\315\t^=\231\017\262\275\022\230\326\276\3618\355\275i\311\311>\253\357\202\277\322\200\353\276\316\2550?\340\221i\275\033\344\370\275O\232\236\276\343\2119\277\026.\035\277\333\n\243\276\203\031\311\276\003\301->\275\r\373\275\365\036\314<\272XT=\214\302\231\276S\203\t\277{\233F>\tL\257>\217\227\354\276\r\352\360\2769\243c\276\345u\201>e]\254\275\353\312C>\373]2\276k\'\325\276\307\257\233\275)\177\273>_8[\276\376\\\220=\277F?\276\367\013\235>\033bG>\331s\372>\377\343\2719)%\247=\013\365\t\277p\274\010\275\002\303\006\277\334s\004?\010Y\000\276\347\2467\276p\207\222=\243\030\230=@\314\030? \267$\276\266\320\272\275\311\323\231>\323<\204\276\202s\325\276X\027$\275\241H\027\277\372G\346=z\305\356\276~%,=A\247\313\276=\236\007\277\326\261\263=\006V\001\277\373(\355\276\"NL>*R\034>\325\213\037\276\211r\226>\346:\000\277\305\263\276>G\023\243\273T|\036\276\341\225>\275W\377\213\276\3625m>yH\245>\201\255&=\264>\004=\367\225D\276\273\274/\276\276\036\266\275\337*\226\276\374\367\227>U\177\365\275\373\363x\277\323vh\276A]->\277P1\274\376\324\266>v\024\263\276\037z}=\226\305\030\277E\376\204\276c\206\232=\027\023\r?u\213\245>\023*\245\277\330q2\275\034\376\207>\225\263a\277\3572!>\212\233\306\276w\270\322=p\322o<\270\302\037>\254\006\301\275\357\326 \276\023\224\325\276\006\004\016\275\322\000\240>\003^\000\277\237-\302>\002|4\276\333i\347\276\313\352\220\276/5\r\277D$%\276\276\233K>\266\232\367\276\275\366\356\2745\254\r\277\036\227\222\276\017\353*\277\010\211\003\277m(\230\276\212\201#\276r\376\324\276#\377\003\277\375\216\302\276\264\373 \277\220\202[>\334\034\236\276r\2733\277D\310\264>U@6\277\362O\020>\263*\241>?\244\004?.\340\264\276\032\221\334\275\367]\005\277\275i\247:\'\306\241=\001~\225\276\013\034\034\2770T(\275ApZ>N\021\220\275\033\321\275\275M\341Q>\232\222\250\276$\270;\2771\216\335\274\2129\017\277i\026\213\276s\206\265>\220x\024\277\322P\020\277\\\367\346\276\321\325-\275?\305\343\276\324\226\r\276\201\200D\2771\201\032>\264\370\225=V\376\004\276\3067.>v\277\023>\270\264n\276}3\t\277x\322\321\276fm\371\276\345\027\025?q\207\204\275\tw\272\276\\u\374\274f\322B>]\2701\277\375$\352\276\276jk\276{\275\320\276\375\372H\275\264k\272=\375\234\031=\355\002\372>\177?N\276\320\036\004\277d}l>7\373*>\312\231\373=\332\242\024\274\214\343\213=\351<\200>\262\326m\277.\204\235=_\235\367\274\'\001x\275\022YC>l\336\257<\311\314\272\276\355\247\203>p\334\037>\034e\274\276\343` \277\213y\215>\363XG>PIM\275\377\005\233<\207\013\212>;fe\276[\023M\276q\231\010?\025\322\240\276\246v\202\275iu)>~\260\306\275\270\372\003>\210GE>\n\210\241=*\315\222\276HU\305\273\276\370\376\276\215!\360\276}\300t\275\303\354\336=\016\260\013?\340\032\001\276Py\303\274\017\030\376>\211\230\275\275\017\314\334=\341\257\224\276\326Z\005=\326\272\312\276\0267\037?\004\256H9\251\027\224= &!\277T\3606>\275\217\335>\036/ ?\352&\334>\343\302\267\275\315\354R\277\024\364\277\275\303\020\364<^\375\242=\212:\\>\202\016W\276\264{\177\276\267\224\222\276s\312\310>i\340\310\276\312\024D>\357\271\267\274\n +\275\033\233\242\276\265\374\035\277i>\217\2766\203,c*>D\300\230\276|\372l>\265\335\225\274\013\243\030>C\3279>\247\3730?\374x\002\276\026+\330\276\330O\315\275\005\376\224\276\265x\274\276j\241\326;\252X\001\277\2567/\276\311\030\246>%4\005?\3012*?OEF?<\356\327\276\177t@\277\202\320/\276x;b>\323\027%=\351\022\346\275\n\337X\275\362\336G\276\226d\223>\374R\034\276=\3460>\350\340\023?\304\355\346\274\036\366\347>R\360%<\021#\014\276\332\324\025\276-\336\367\276\305a\020?\006\331R\276\333\"\215>\227\370<\277\007\302]\277\346\013\017\276\253\001\000\277\354\212\212=J=6\277\317\013\356\276\330\242\206\276\344\324\r>\\\266t\276-\356\255>\205*3\276\203\014\211\2764\346\210>\241\240\032\277\202\237\263\275\351\237\266=\032\327\204\276M\345a>\232b\017\277\016\257\024=\366iT?F\'\036\277\350\306\246\276\344\232%>\327\233\245\276|\373\030?\030\362\215\276\334\372\276>\370\223,?\247\303\235\276\247\3534>d\206\254=\334\377\331\276Z\241`?7\350\256\276\355?\271>!\252\265\276tZJ\276\262|\216\276\232\364\312\276\013\351\023=J\022\300\275\2444\253\276\312\000\206\275\266\034\'\276\030\006\177\276kFX\276\241\035E\277G\303j<\207\332}>\241\"$\275\205\273\034\276G\246x>\203\365A?\244[\002\277\016\260\323=\264\245\221=\\0\350\276\203VY\277\374\320\376>8z\205>\302\244\344\276WT\\>,#h\275\303\036\027>\361\"9\277[H~\275\374\215\362=\314=\216>\346\035\000\276\006\302\032>\261~\326=\335\033@>\261T\026?\013\351\177>\243z\232\274F\325\231\276\215\221\250=\301`\346\276<\222\225\276\355\031\200\276\205\250\347;h\212\266\276\023;{>\177\261\266\276\001!\334\2766\364\031?\322\037\032?=\272\213\276\303F\340\276_c\r\276\303\263\327\276\336\203\220>2\024\257>\246G\026=\017\313\023>\316\311\000\277#\223\324>\n<+>0\251.\277\345\317\033\366\354\331\275\263\332X=M\315\267\275\226\001\032>\277\207\215>7\240\232\275\255\202\261=\256\374\013\277\200\306V\274\245\347\307\276\036\026\300\276;M\316\273k\255\223>\324V\261\276\311\323\\\276\321,\333=\312\273\344<\262\342\224=\2518\242\275%]\010?\276\250\207\276\266\036\260\275\312\352s\276\227\355$>uK\003>\355*\327>A\277`\275\236G=?\376\203\305\275\210\rO>o\346A>F\023]\276\317\014\257=,D\206\276\240A-=j\034\206\276\211a\226\275\026\306\310=PE\t>\r=\302\276r\024)\277j\267\032\277[\026\312>\006\366\200>|R=?\033@\004>y\235\340\275\035\0143\276tn\356=\202\004H\275\326\310\204\275\255\357\211\276UA\321\276\2120K\276+\363\032?\205e\261=,5\221>\246O\"\276c\235\224\275\014(\377>X\215&?}\347\377>\214\377\033?\206\016\341\276\'GR>\005:\177>\010\256\036>\276\300\374=\322\353\365\276\365=\332>~f\363\276N\277X=`\004\001>\302\330??\027M\253\276\273D\256\276=g\372\275\300\030\250=`v\364>\220(\035\277mjs=\0017\244>\373\273\337>\303\274\t\276|tZ\275\270\233\r>\305O\020\277\324\277\326\276Y\341\253\276y\333\261\275\211\375)\277\366B}\276\355\025\355>\025R\260>>\337\253\276\375\352\010\276\332\210\341>\005\256\030=\025\303\346\273\240\003~\275\357\272\036=\007\372\350\275\314\371\002\277\206\345\020\277\022qP\275\205\347\301\276\323\226T\276\253\301\033\276\342\302\374\276\363\300\230\276j\313;\276N\367@?\211f\277\274\264\020\334>m\214};\245t\373\275\317\365\337\274OJ\366=\200\214:=$\360\257=\345!\014?\037\350\006?\220C\200\276S\035\211=(\232\310\273~x(\275\232\013\336\274!7n\276\205U.\276\003\177\200\276\322$\350>\217\326`>f\035e\276\202\005\314>\007\320\217\276C0;?\275\250\201=\255\242\372\276\362\277E?\260\034\004?\220\220\343>\204\036I\277\263c\322>\234.\303>\026\013_\276 wr\276\021!\315=\004\240\264>lb\200\276\035|\037\276\030\262)<\231\r\006?\021\273H>\023\316\273=\335p\306\276\237*\344\274\023Z\264=\341\275\376=\311\250\225>\320\t\324\276\316\263f=\005\216\227\276w\355\n?\204x\301>\\\314\r=\322w\177\276\006\311X=x\037\307\275\211x\373=\274N\026\276\005\360\234\276\302\275\205=\236\361\351>\337\034[=\330% \277\344\364\216>\343\205Y>\2108;\276\231L\205\275\334=~>Oi`>\370X\355\275:4\271\276\223\031@>\370\2645\276#\212\250\276\013\215\207>\031\346\227<\003\302d<~\014H>\244\207\246\275]9\337>\215\225\311=0\323\244\274i\205\323\276?.\036>e\024\'\275\305wP\276\277\274\277\275>J{\275b}}\276O\242U?\212^\025\277\343\261\242=\005\030\212>J\363\235\276\221\273\r=\226\2109>X\371\233>w\256\325>\313b\212\276\331\016}\276*q\234\273\240W\010>\n\005Q>\025\245\376\276\r\252\223>\370%f\277\352\205E\276\214\305E>\260\372\010\276\3659 <\207I\220\276\244\"%?\020\321\204\276\354\300\265\276o\016;\276\350\031\223>\225L\177\276S=\232<\247\243\"> \315\353\2733\252N\277%\320:>\254\204\">\343Y\031\276\302D\032>\254\2772\277\\\216\275=\322\366\214>\314\233\223\276\2622z=\362a\030\277\255\035\375=\311_X\276\305\367#\276>\224:>0L0\276}#\354\276\234\211\247\276\002\004%\277\257\245\357>\307\234\\>r!\032\276\272d\014>l\345\245>\340w\037\276\304\313\021\277\\f/>\262\366)>frI>\352\371t\276\222\221 >U9\007=\010t\017?VK.>\227\315\374>w+\374\276\221\257)>x)\\\276\334\r\000\2760\235 \276\222\242\365>\276\331\313\276\013\226#\276\272~\271\276B\363L>\364\257\005>\333\244\000\277mh\331>i\334\002\277\346!\263;\364\"Z\276^B\326\276\215h7?\233n\252\276\243\202W?\316@\\\277\275\005,\277\243\273\264\274{o\240>Gk\234\276ZS\216\275\261g\234\276\247\035-g\363\364\233\217>\341\337o\276\2267\311>\211\3165>LE\010\277A\005\204>2\307\272>3\004\222>\307\376\014?\327o/\275\235\207\005\276\370Z\"=@\352\237\276X\341b?\006\217,\276y\335o\275\212qT\275\342&j=R\335\204=\233\317\302\273\333X\346\275\0166\251\276_\203\016?k9\206\276,K\277=b~\'?_ \346>Za\030\276g\273\000>\347\377\252=\363<{;U\264\035\276\033\036\005?\272\306\017\2773\310{\276\220y\203>\031#4\277\\\337\267>\244\336\226\2751D\337>)\022\301;\262YH\276\241y\313\276\347a\036=I\373\001\277\2572\313=\327\370\362=i\210-\277\345\346\303\276\323R\361\276q\274\263=\352\206`=\203\355`=\004\324\241\275kJ~\277\370\303d\275\351I?\2777\302\301\276\026\007\305\276\037\343\326\275\245\201\325>\325>G\275\241\257\307\275P\"\330\275\362\341o>~\320?\276c\251W\274\315\242|\276\344r\253\276\262\321\351\276W\205\343=\206\274\247\276\000\025\022\276aw\036>\327\236\205>\241m\337\275]h\204>\350\206\006<\002\234\210\276\320\241@\275\017\333\005\277\370TL\276\254,]>\374`\032\276\2653\207\275R\271\334\276\024\232\212>jM\212\276Pih\276\355\014\273>\253\277\017?\245\3176=\265\226\325\275\265[F\275\241\"\203\276\306\236\352\276\267\277\335\276.\003e\276\221?\222>o\307\275\276\362|\354=V\322\205=u\002\010\277\242S\007?D\244\225\275\373\033\034>PR\234\276%L+>\020\n7\277\245Q\270>m\265\004\277\334\261R>\245\025\242\276 /\005>\324\216\241>\214\316\346\275\t\010\222\2762$\321=\300\354\203>\037\300\305\275\207\367;\277\307\020\215>\372\303\217\276\021\242+>^\202\377\276\251\203_>\325\344(>\327\253\323\276c\0079?\353\030\000\276Z\254\351\276\343\276\305\276\310\265\362\273r\204\311\276\363\234\366=\375\302\313\275|W\005\277\374\276A\276\004E9>\204y\215>5\216\003?\306cL>\310\217\205=,b\242\277\236z^>\301N\260>\n\333\234\275\277qN\276\343\360\200\273\247i\376\276\363\344\255\274\247\316\030?s\210\004\276\036\021\307>\212\035\307>\351\004\360\276: \201\276\273\347\341>o\233\013>T\353\221\276,D\n?u\014r\276\366#K?\207\305\200\276\305N\037\276\n\302\361\276.\010\330>X\220\r>\242y\341=\230i\251\276\003\024_\276i\270.?\354y\005\277\253\204\231>\324>\304\275&\315-\277X\355\316\276\307\224[>x\256!?\207\'\030>\256\035\301=\225\264F?}z\335\276m\223\322=\n)\337=\212\014\326>L\340\036<,\326\265<\321\217\263\275C\244,>\306\316\220>\204\3169>#ii>t&\233>\316\347\t=\242\000\017?\264\234\212>\377\216\340>2\255\000\276|3\016\276E\352\000>\202;\320\276\000\252\233>\373\023K\276\232+_\276\"By>\326D\223>\262+~\275\362\206\001\277<\025\264>\264n\314\274\034x\366=\256q\013\276\r\016\223\276 :\022\275w\375\256\276F\213\354\276M\3402>\355g9\276\005+\356\276\214;x\274\n\207%=\333 \223>\260\204\247>\212:\037>\005p_\276G\027\177>\032\023\334\275\t\024\242<\241\"\212>\231\321\177=44\034=\321\014\r>\211\335\212\276E\336\205>\241Lv>\372*\210=\244\306\022>+\022\247\274\231\312\202\276\203\215a\276.\2224\275\315z\300\276D|\365<\322\345\022\276\020\2158>r\217\200>;`\350>,\232\265=\026\0226>\237\300\257\276\276\372\252=\256\2442?t0N\276\027L\221>\344\327\345>\005\221\242=\377\357\202>\340\213\370\274\210\233\314>\330<\240=\002#\277\273K;\322>Z\354\245\276j\214\271>\177\323&\275X\360$\276\260\024P\276\316\003\010=Kq\370\276\251\222!\275d\025\243\275\376\200:\276\\\230\305\275\300\266\354\275u\007\213<\350\335O\276\207\216\320\276\352?\006>\235\021\030?\337\357R\277\341\276\363\276\373\242}>v\307.>I\005\242\276\t\304\243\275\353\311\321\276\221H\t?\355\344\355<\304O\205\276\236\341\345=jq\004\276m+\n\277\006\025\317\274&0\272\276\001J\004\276>\323r\276\363\276!?b\212d?b\274L\277\0001\203>`\023X\274|\346\310\276xg\t\277\327`\214\276\210\n\253>\337\232\353\276bb\273\276U>\003\277\375,\037?\000\\\002\277g\215\022=l\236\t>\344\302J>X\332\213?\177\312\346>\266\3168?zK\246=Mj\244\276N\206\017\277\243\021??\336l\344>\204\251d>9\014\201\276\304\203\t?\363P\210>\306\334\030?\242\257\256>r\233\206\276?\222\234>^+\304>\274\020\311\276n+3\276&\251\233<\262 B?\207%\003\276RD\306\276\276\017\301=,\214w=d\226:>S\252\241\276\332L\036\277\307/c>&\354\336\276\310\202\336\275+\366\357\275P\361\203\276\375\321\330\276\007\372\230\276%\r\315\275\023\256\320>\030*k>\347\021\246\276m\271\366\276\200\331\035\276\322\272\010\276\324\230D\275\241aF<\361\177\232>\n>\370\274\010x&\277\274\021\016?b\245\322>r\033\007>\350\250\332>(\363%\275y\241<>(*\022?\3420\364\276\234\240\227>\276\301w\276:Z\001\277\317\016b>\307mz\275\032z\013\276?\235\r\276\201\027\250\276\264\341\t?\263D\310\276$v\246\276\r\023\344\201t\213\276\252\260\"\277)\242\010\277\024\347}\276]>\031>;\003\366\276\230`\257\276A\272\253\276/\345t>j\304D\276xu\214>\322\030\232\2755]g\276\354\r\006>@!\362>r\r\002\276\324\031\337\276\375\0066\275\302\017\033?\221-\276<\215\365\376\274v%\377=\010A\354\276N\213\374>)2\356\276\260\3034\276\301b<\276\231R#\276H[\327\276\315\226\250\276\302\031\205\276\344\310\355\275\306\2266\277\254z@>;M\230>\207\247\223=\263\356\257\276\354\262\262\276\351\332t\274\316h\253\276\352\250\352>g\254\261>\352\3668\276\341\225Q>k{\321\275e\233g=\243\356\241\275\220\216\217>\331\r\266<8\311\232=\214~\023\277\177\315S\276\343\226\256\275\322J\351\2763GR>\332\3145\277)y7\277\210[\005\275\235.\216>A\005\217<\323_\357\274\271\344\302\276i\363\200=I\021\204\276\350\243\233>\307x\217\276\317\256\362\276!\211\237\276+\224\034\277AJ\r?\255\356\237>K|}\276d\357\035?\2633\'\277\001\220\023>\231\202\376=\237\351\306>+\334E>\240\352}>\267A\316>\266\356\261>\241Z\332=T*[>\276\275\363\276\333\363\200>#\304\003\277\026<\274>\253\036\342\276\270V\342<)\264\007\277iqY\276\263D\276>\212\201\372\273+\300\255\276\264p\306\276\254\254\241\276\235\321M\277\334\376+>H\212\317\276\234\0220=\ra\222\276\277\220+\276\305\301N\275\230W\201>k^\355\275\242\347\014>U\311\t\277\0312\032=\341\203.\276\004t\373\275\033^-\277\036\"\005\277\320\235\222>\215\365\351>\335\006\206\276r\022\265>\300O%\274\226\250\037>\254\374\231\2753_\027\277Y\325k\276\215\250E>\201\320\303>\275\357\246\275\345\023Q\276\033^\003\276Kih>&\006\234>\272k6=\253WL?{#R>B\347\262>\347\3041\277\020S\247\276\005f\020\277=\246@\275]\244]>\355\374\n?\245s\253\275\202\374G\276B\240\206\2779\272\353\276E\3504>\270\001\226>\345c \275\2613x\277|$\224\2743\276x\276@\355\034\276\021\027\227>JS\234\276.\3170\277w$\315\276\225\000\330\276\342\001\235\276A\357\211\275p\362\230\277\265\373\024>\265\350\033\277a\305\240\276PJ\300=\226\376\010\277\350\\-\277\000\217\271\276\\\362 \277\2551\026\277\003k->8/\210\276\250v3\276\352\227\230\275m\236\220=XZ\001\274)\3027<\210D\010\276IR:\276\337\rl>\344m\001?<+\200\2775\004\241\276\324?c\276\236\346\232\276\342e\316\276Z\030\036\276\357\216\233\276\271\0362\277\311\310\330\276&\250L=\260x\223\276&\r\324\274\312\021\306\276#\000l=\215\210\035?\017\316\023<\317\242g>\271\347\204=\330\324J>\304x\346>q\363~\277/\235\207=\252^\020>{\nc\276ga\321\276p\326\030\277\323~\022>\330\212\316>q,\245<\243K\275\276TG\354>\300\327\222>3\350%>\013<\034=\203\371z>j\332\t>/m\244\275\250#\017?\024\241\323\276\245\244E>\251\347\240\276\227\356\034\277\221\310.\277\223G\212\276\275hh\276\362[\006\276\306\'\022\277\235a\345\276S\242\000\276|\210\324\276\254\232\207=h\225\203\277\241\001\216>\307\333\300=\200\\T\274\276\016\303=\251_\001?\325\231\325\275:\235\005\277\372f\310\275\031!\250\276\032k\225=\317\377\307>\344\376\237>\331\372\031=v\362\250\275\200\333\246\275(\2762\276\214\273\357\276=\256*>;\311\264\276}\235b\275\\\331\010>\2649\010>_8\302\276\274\016!\277\316-\266>r\3459\272\276\026\223\276\006\356Q=\256\025\272\275p\033\314<\364\001\266\276\347 \235=\207\237\243\276Y\262\362=\340G\016>\312+\371\276L\274,\2778\306\025?/\270\033\276a\033\004\276.\206w\276Z\177\217\275\234{\t\277N\320\331>,\001A>\306\0132?{,Z\276Lw<>\023\020\322>\375\025\020\277\305\246M\276\310\210\207\273\330\375\232\276\210l\215\276Wd\235\275?\024(\276uf\033> \336\255<\177\202\023\274<\272:\276e!\217\276\366\273\177>\270GI\275\322\355\327=\014:A\276\214d\025\276\257\2339\276\313\000\345\275\205\326\303\275\325\375\005\276\357\221\307>H!\203\275\023\302\004>\235\332\244\276{\356\002\277{\242\222=\2505\004?m\210\350\276\236w\201=\013\213t\275\177\263\003>N\310R\273L\217\273\275\376A\037>\244j\274\276O\320u\274\235\345\300>\271\303<=H\340\253>g\204\337>\3672\010=\332a\307\275\256W\237\275\270.\t\276\216\311L\276d\266X\276\212I\250>Y\016\031\276\r\210\246>\202\036t=M\365\307\276F\274\230\276\327C\016\275x\241\344>\353]\255\2763\224\027\276\341\220\366>m\327I?\307\360\245\276\026[\247\017\320\346\276M&\334\276!\033\344\276\360\274\233\276\303Y\256\275\'\303\030\277\233w\r\277\020\300\">o\245[>y@\334\275\231\375\252\276\034\200\300=:I\004?\"\3139>\031\243\350\275\337>P>9\236R>G\340S>\312I\346\274\352~7\277\333\021\230=\031\237\356\276\r\214\345\276\002\025,\276\312:\001>/Di\276ej\263\275*\014p\275\267\261\322\276k\264\304=\215,\363<\023\225\376\276\352\2536\277\027mJ?\t_\243\276\345\004\313>\025-w>H\\\222\276\225\3426>\372\224\356\276\222\005\034\276\026\374\001\277<\303\216<\211\024\262\274\001\314\236=\313\233x\276E\245\342>\035j\303\274\217f\351>\202\335a\276\360v\014\277:4\257>\312\243\275>\376\017\244>`cs\267\307jz\277\226k\267<\371\036\326\275\036\0146\277\320\"\302\276\311\235\302>\234\023\200>\371\341\312\276\233\205\374\276\247\262\177\274(\211\001\277\"\031\252=\262\206\365\275\252\234U?\367Tl\274f\374\020?\326\322L\277\267\022\374>\024\263\336;\365\314m=\254\007\206>\010\010\311\276C(\027?\354cG\276\340\021\223\275\325C\232\276p\327\326\276#\0366>\312\246\024>\334\335\377\274Y/\"\276\366\270\024?)\013U\275\370:Z\276\306\004\233\2751\n\201>\340q\'?~\247>\275\244\372\250=\317\006\204>\322\236\317\276\357\231,\276\020\253\222=\242\273\240=\357\340\014\277uh\201=\037_\357>\nt\004>y#\021?\222\242t>i\304\323\275\031$\354\276\230\212\363\276\024)\022?\017\215\313\276\014\224\031?N\363\234\276\036\262\372>M\304\017>\242Lp>NB\035\277\n\341\360\276\232\361\033\275\220-\224\276N*q\276\306\235#\276\201\242H\275\020\367\231\2760\347\245>s5\247=\243\032@>\234T\344\276\254\3745>\340\236\006>\237\006\257=\222@F\273\236E\257>2\224f\276\010\t\323\275M\330\r\277f\010\033;Qa\214>.V\323\276\371\365\007\277\345d\225\276`\377\346>\324\n\271=\' y\276\032:l\275\226\205\002>m}9={\016\234>\226eO\276D\230H>\276\306\333\276N\n=\275\255\250(\276\014+\251=Q\325\316>h^w\276NC\222\275\277C\364=\362\001\"\2766\0142<\316\002\t?\240\257\345\276\255\356,\276h\221\372>\273\200\263<\222\334\216>\201d\201>\241\341\020\274M\365\246\276[\231S\275[%\n?\224\207\271\276\ryr\274^\360\204\276)Iu\275\362\307\357>$\251\002>z\377\350>_\016\033\276=C5?\262/\371>a\372%\277\254\330\271\276\316\n2\2774]\341=\305\355\026\275\024G\224\276\357>\201=;\275\246=Z\354\317\274C#\010\276\217\271\335\276\230\2356>a\272\022\277iyY\275\343\033\226\276K\237(<\002Q\262=\2505\305\2764x\346\276\234\364\233>$\t&\276 \026\016\277\\\'\242>mmo>\326\335\351\276\364\376N\276\031\272\266\2760\316\024?\\} =p\347-\276#C\360\276\'\006\242\276T\262H?1\207\355=\343yj?\327y\311>\r\372\211\276\365\323\336\276\363\003\262\276\027\005\202?|\301n\276\221\305\240>\r\"\314=\375\233\357\276\355\266\">\277\351\013?\375n#?S*\342\276\345\220>\277(s\222\276\324\255,>D\245\300\276\327a9>n\320n>\177\313\005>_Oc\276\366\035q\276\277*\206\276\330d5=\333%\206\276\200Z^=v\334\264>\025#\306=MX\003\274L\223Q\274\246~\255\2769\332e?\013\341\205>/]\016\277\336\022\336\275&\014\347\275\202\220\371\275\3143\253>p\333\317>)2\n\2771\220\277\275\374\215\306\275\247\335\027\277\311\326\251\276R\266\004?%{G\275U\300\343>D\374\202>\025B\225\276\214m\210\276\212\311\224\274\275\357\256>@\277A\275\322L\243\276\314e\257\274\227\300\252>f\027R\2766\353\317>\373%\347>\0172\224\276\267V\033>\235!\230=\013\305\036\276\337\251\311\275a\301\210\275t\020\367=\004K{=y\245<>0\227%\2761g\251=n\331\220>\354k\226\276\327QL>\326\037\214\276\316\013x?\262\273\263\276\322\201\010\277\310x\365>\006Pc?!q<>z\214\325>\363\021\026>\226\335.?\217\321+\277\235\316\332\276\242?e\276y\365\000\277\313\023\220=\241\276\313\275\365TG\276\035\335\251\276\211\035\370<{;\032\276\361\233\257\2765\345\322>\016XI\276R\331\327>\357\265\343=^\314\024\277h\332\331\2762CX\273\363\223\344>\256f\232=\016\r>>:\022\321\276r|\356\273\313\021q\276Q\215\020\277\t\306\001?Q\265\240\276\371\003\212=1\373:>-\313e\277\220\366\215\2764\r\007>\275v&=F\324\247\276\267L\203>\353\261\351\276\207Z#\276I\030\203<\035<\037\277)\317==\275\254\021?\357ap\275\367\247E\276\330\363\230\276\234\336\013\277\0236\224=\021MG\276 Gj\276\305\245\256\2761\312\243\276%\013H=\355\362\217>I\322\024?\373^\002\276\302\317\241>1\376c< \277\207>\243\205I>%\264\222>\345\344.>%\266Z>SF\345\275\205\251)\276\322\263\177>\306\272\313>\271\367\014\276\263_\233>Y\031\314=\274\002}>}\266\005?\342\372\335\276\357)\210\276\200\315\025\277\362\027\344\276\342X\273>\021tF\276\004\361\256;\263\345\223?\017\222 \276\320G!\277b\002\005?\265W\222>wc\n=?d\007\277h\253!\276\327\235L=\361\247\211\275\211\022\345>~\263\221>\320\003\271>\323\224\215=2\222H\277\345\222\312=oCB?\301\030\364\275I\245\027?\216r\025>\3156\250\276e2\367=\210\374:;KX\205<\227F\375>2\036\232\276\3553#\276\277q\206\276XC\252>C\324\256>Y\376*\277w\302P\274G\026\224\276-t\231>\342F\374\276K\2756\277\365\341\274;\326\314\200>\330J\211\276\345\027#>\366\353\227\276J\025T\275\031v!\276b\002\356>1Md\276:\261\324>G\017\022\2775\005\022\277\327\001F\276r\243\221>\003z\'>\275\252\265\274\326\014g\2766Tk>t\264\204\276\313\217\257\276\332\323\254\276~d\022?\005\017n\275\250\037J\276\306;b>1\356\341>\243]\007\2773-\224\276$jq=fr\271=(\277\262>\002J^\273\215,\366\276\374#K>}\273\201\276\341\314\305\276V`\017>\276\312R>\321\036\037\277St\316\276\242\010e\276\002\0169>\342\023\030\277\310m\350><\257\336=\220\201\366\276\030o\233;\036\230D\276Kc\213\277\004\212?\275\022\276\215>D\004\207\276\262X\204\276\314\004U>\031\301\021<\230\305/>\004i\207>\313Q\204\274\355\035\335=\306}8>m\334\315>]\301\037=\t\245\034\277)\263\353\276m\205\302\275\300v\002\276\344\303\366=H\206)\276\226\336i=J\370\205\276|\232\273\276\341B\236\275\006\225\357\273\035o\014\276\014\033\000\277\217D\317=\023\264\373>\002X\001\277\006`\006\277R(P\272\3279\252\274If\n>\324\236\357>\241\350\346>\260.\335=\3267\201>\002~\\>\207\035\267>\"\255\311>O\316Q\276\203\"\320\276\226\333Y\276&\020\370\275\302\206\226\276\323\245d>B\"\263>\226\347\216\275\2718\310\276\207\375\000\276\301\241\022\277i)\257>mY\020\276\272\000\330>.\363\022\277\347\234\305\275\247\021\372\274\022\240\272\276\300i{>\342\021\214=\334\354^>\322\003\310\276\347\342o<\260@L\276t~\004\276J\201\374<\354\212z\276\030\177w\276\320\217\225\276B\373\324\275U\"T>\224c\031?(\373\316\276|\312\365>\222|\002?J\345\252>\330\003L>\307v\'>\345N\317\276\3340\005>\276R\244\275\027\240t\275\226D:=xL\247\276\345\354\244=\022\332&\273\3412\034>\032%\367\276c\037A=[VS\277k1\226\275\360W\302\276\022\335o\276t\370\204=-\247\005>\254\2519\276\r; =\342\315\t?\272)Z\276\374\205\000\277\001\027\366>i+j<\274\315\020\276\305\013\272\275\t\246\034?1!\254\276\016\347T\275r8\005\277\016\274\024\276\301k\241\275\202\226\242\276a\017\314\276v#\252?\324\343\214\276\240*\275\274\t\302\034>\253`e=\304\262\224>\225\334\342\276\211\325,\276mGm<\311\007\315\275A\374\257>/u\214\276\235\276\325\275\350UG\277?\\?>T\2171\277\225\263\227\276\236\317\212>\365T\002?S\321\243\276\302\364\010?\364ec>10\307>\010\005\353\276P\3605>\007\324\027\277\274BP>\301\214\353\275\355\356\262\263\254\233\276\316P\207\275\205\207G\276\233\270\201\277\363\002\315\275>\332\003?\220\223\006?\234\232\203\277\031i\036=\224\242\222>Ada=\004\305\350=\307\337\035\277*\340)?\355\2058\277L\3138\276\357V\227?\033R\036\276\250n\362\276\241\375\031>\2248e\276]\315\276\276a\376\304\276:\017Q>\357\2717>\017\247\000?\234\263\016\276\242*k?ve?\276\320\n\021\277\202\371N>\311\266T?\317\377\253\276_\366\246\276b\\H=S\315\006\275\032\340\250=\236d%\275\030\264\0339k\314\263\276\364\003U\276\303\360\036\275ZC]\276!\253\217\275\251\026R>\300\320\n=\2530\336\276I\364\202>E\233\356=^\033\304\276\304\371]>\306I\017\277+\316F\274\347\214\016>\245\373\306>\t/\r\276-\320\002\275p\024Y>\322\230\303\276\365\314\016\277\224\312Y\276H{\022\277(a\235\301\2761\"\237=U\024J\277i&\361=\031A\263\276\377\236\265\275\265x\264>\r\266\332\276:\336f\276\002u\364<\\\\\267\274\\\323\003?$6d>\207|u\276\250\230\221=\275\266\266>\220[C\275\224\007\213\276\253\313\030>I\203\234>\205\323\027\276\314r\341\276\337\206\265\276\20103>\317\030\320\276\\\232\362\276>\2442>@\013\205\276\344\376\225>\003Lh\276T\2304\277#\342[\276U\342U\277\\;\251>\370}\353\275\330\016\"\276\231<\347=\205A\340=/\315C\276\335%\210>\003}\177=E\216^>-1\"\275\234\321*?\375\371\362\276\233\203w\276D\221l>I\331\221\273z\t\340\275%\312(=\266\360\250=\373\373\272\276h\222\r\276>\301\023\2761g\265\275\273*E\2767\265\243=\n\023\243\276L\305\036\275\001e\213\276$\337O?\n\r\217\276\214O\254\275\016&\222=\345\247#\277\021?\243\276[}N\276\256\022K\276\254:\340\276\3628\350\276\002\"8>\021T\311\276E\2179\277F\366j\276\370\236\235>\222[\375=\277\270\366>/\310J>Zb\277\276Ow\326\275\2643\"\276\326\215\t\277(@\370\275!\201<\276T\354J=>Q\331\276\234D\230\275(\361z>\022C\254\276\024v\003\277\351\177u\277\352\316\007\277\265iR>a\242\354\276yc,\276\372\267\001\272@\227\013\277R\244\207>\2375\217>^o\346\276FO9=B\331\235>\355\026\021?i\250\375>\276r\021>\024\\.\276z\261\006\277\314\225\017\276d\027\'?\022\177\217\276\330\231\026?\227\223H\276\270\366\203>\307\247<\276+\234\r?h\200\350\276\350\254\306=Wb\224\276\245n\013>\331i\027\277\240\345->\316\264\272>\234\216\225=x9N\276\007\006\252\275\307\345#?\254`\256>\022_N\276;\235\330=\240\335W\275\025f\236\275bg\t\276\344\2544>\262\306A\277H\307s\277E$\235>+\304\022\276!\325M;\360_\366=C6T\277\240\302\266>Y\242\022\276\235\003\255\276\274c;>-N$=\316\345\310\276D^\347\273\"\003\347\276\253/\030\277\010\210R\277\243Dg?\346\245H\277\'\305|>\310q\267=\010\200\014\276X\342\037\276\247D\204\2768\265\023\277Z\374x\276r\342\237>\230\312;\277\032\263\"\277\034\203\"\275J\235|>9:q;t\203\000?\255,~\276\365Zs\275\312z4\276\267\257\250>; \262\276\244\236\364=\265\2026>\226\321\026>\304\001Q>\340\375\322\275%\256,\275\302\375\351>\035\315\257\276\371\303\027>\366(\311\275\323RR\274@\364;\275\014\340\037\275Z\357\210=\323\255\232>Z\302\224>Q9(?\226\325\272>\310E\336\275\'\226\323=\200\"\337>Ow\240>^W\007?\222%\303\276j9\007\275I\300\205>`\242\314>OK\217\276\305x\n=\240\021\235\276\3460\'\277\264\345\213>\351d\313>\351\t\341>R\330B\274\3573[>r\014.\276W0\377\275%\337\215>\347e%>\307\215\026\276\000\362=\277\246\332\367>\312\337\355\276\344\371\265\275\225;k\276\351\020\250>\000\2310>:\333\003\277\006(4\277\343@\365\275\025-`\276m\036W=\034\210\375\276\314_\237=H~\007>\366\201\263=\303\022\223\276#D\271>{k\213>#\221\201\276c\246z\276\313\270\202\276u\372a\276\017\030\301\276\371\025\214\275\t\227\346\276\3474u>\234l\250\276by\240\276b\273\274\272\347\370N\276bNn\276\034\3026\276\342\2022>\337{\302\273~\317\035\277*\257\222\320\205\n?\335\017\000\276k#\032??\325\265=Z\226\206>BB\233>\030\202\270\276\307Q\255>\204\212\272>\244&#>H\324J?\3305\007?\211i.\277\333\264\027\274q5\030\276J\017C?\310\0052\273\002(\231=\305\217\014?C\"\325\275\254~\224>\030\350\324>\300\010\231>/\342_=\267O\273>A\316F>\020\232\333>\237\265\221\275\327\237\340\275\033\377\031\274<\347\035\277\202\217\010>PA\200\276\236C8>\302P\247\274\307\tq>&\034\214\275\003\364\210\276q\362\314>\277\244\023?/\375\003\276*H\325\275&\264\305>\357`\360\276\230F\026>A0\023\276\237\233\347=\330\211\344\276\244\337T=\221N\024\277\025\321\340;\237\361[\275Ak\271\275>\257\306\275I\234\r?\264\315G?u\254\021\277\334\246\202>\250m\333\275\031\th>e\026\362\274<\304\201?[\273u\276\023yu\276\323fe=k4r\276\276l;>\032%S?\035\350)\276S5\327>MQ\250=M{\023?V\256\252\276\321\211\257>\273\261\213>\257\357\200?\254i\370=+\276c>8\212\225\275\302\274\241?\354MK>\013\001\335\275\242\260\303>K\346\'>\346\3039>?\001\217>\377\375\225=\336\242\306=\367\371\360=\256\274\034>\035\371\351=a\356\r\277-\000l>\346 \311>\351\302\330>\266\346\206\276\324\251\222>\"\301\244>-\031&\276BN{?\222\260_\276M\3410>\266\010$>\022\010\210>\325\271b?\240=s=?\372=?\335\016\221\276\377\210\262\257P\034\277\341\361\364\274y\241\246\275\244f\261\275w\354_\274r\'m\276\246,\205\276\377,\353\274f\212\352\275I\365~>T1\267\276\225\345\202\276.\3374>\270\2423<\261/\207\276\211\217\230>1\324!\275o\220V\276\321\351\360>\032E:>\014z?\276\324T\025>\257-b>\343\301\350>z\341\325\276\344\205\222\275\364n\222\274\330M\314>\225\321\226>\'\265\365>\251\241\030>\267\245v>\002\365\024\276\352\207\253\275Y\233!?;\273\273\275\350\252a\276\236\336R\275\370V,>=\004\230>2\024\233> \356\213\276\225\010\255\275\025\267\222\276\024LT\276\271<\211\276\t\014\264>\313\271\265>7\205\034?ch\240=?\347\313>t\214\030\276\370-l>\307\245\347>\265\033\246>\022\t\344>\367\330*?p\364q>8p\344>\335\373\347=\214\254\302>\220KV\276\337\255m>\257\377\361\276\0342\202\276\347\021]\276\3707\335\275\265G\276\276\253\247\n>\201\010\365;\337C\300>\335\322\330=\316\351\277=\332\254\236=\0350O\275\340\214\000?\230\017\025\277\203\356\200>\320A\257>\243\363;\274\226\3018?\333\001\261=\352\327\026;\312\255`>\010\255\374\276\035i\242\275C$\250<\272\032\000\277\245\267\253\276?\372\371\275=\240\"\275\311\262S>d*\n>\267\360\313=\300\246\306>\312\237\304>\3036\250\276\350\260\001\277\210\302@>\233\257Z?\322r\037\2766+\233=\032\251\025=\344\204\345>7\347\323\2765_\310>8\2127>\267\250\262\276\241\330\353\276\371\002\217=+\"\376=\2605\005\276<\003\240>VTc>7?\242\276g6\202\276\200\263\341\274\262\032D=v\216\313\275\\\200\211\274\234\250\005>\211\034\304>\242\2579=s\2021\277\022}\313\274\021A\207\275\003\212\004?\314\374\300>\223\264-\276\214\371\243>\265\364\021\275\221\323\r>\266\022T\276C\010\250\277\207\026\262=\324\014\335\274-{O?\271\254\310=\007\216I?\030?\343<\226\356O\276\365\221\245\275\266\247\271>\215\363M\274\331\241\250>\216\005\026>W\311\212\274jm4?\317\333_=\215\230\251\276\364\373\013\277N\366l?\272\275`>\025\240B?\004A\300\275\360\305[=4\251\222=}\341\243=/\210\022>\303\326->n\n\005=N0*>\335\202\352\276.V\273\276\r\264R?\341\326H\277\t(\236<]m\345\275[p=?\2308$>=!\365\276\351\020\206?\374\320\211\275\314l\r?Y\301\345\276/\262\266\274\224\3420>\340g\257\276\266u\023\276Z\256c>\356T_=b\2456=\312V\034\276f\234w>\311b\035>\037\253\200>s@\024?j\354\n>\021\033H=7\356\005\275\251\025x?Q$\210=\252\321\320=UT\241\276S\265#\275\312\t\200>\357\222V\276q0}\276 \270>\275\226% >\225\322\325\276\2650\007=\327\322\005?X\036\376=\235\344\317\276\364\014\221>\231\003\204\276e_\361=\341@\\=\023l\220>Ag6>M\020F>\345e\306>r\327\212\276\265\031\331\274_\277\335\275i\321\273>\007\360\211\276;T >\354\032?>Ev\330\276\307\357\235>,\217;?\270\ng>\'\244O>z\341\367\275)\274g>\370\234}=\356\303\300>\026\207z>\246/d\276\273\230\024?\2456+>R\225\237\276\224\034Y=\370\322\200\276\222l\004>\227\247A>G\215,\276\036\205\023?\251f\246\276\223\204\242\276\207\2668>\357\203\345>*e\254\275\333\317@=kW\360\273\030\377w;\361\356\251>\253\306\'\276\005h>\2762Qz>\006mE\276\'\312\346>\037M2=\321\016\200\2774\237\247\276^\276R\276$\003\005\277W\207\343=\024\317w>z,E>\262\363\204\276<\243\200\276\205\273O>\325s\336\276&\n\370\276Sn\367>\303\001\007\276E\310\211>\017\217\027\277\333U\303>]\226\270>h\033\342\276\327\344=\274O\026\022\276mB\251\276y\375F\276?\251\273>\331|\303\276uKe\2767\006\035\276z\272G>=\034\207\274f#X\274\261\360s>7t+>0\205\315\276\356@\320\275\370\270\320z\202\243>\326\030\310=\326rq\276OL*?\304\336\024\276\213\342\005=\215\200\344<\370\201\325>\237\245\031?\212\274\311\275X\237 \277m\n\343\274\025UT\276M\364\234=\255\357\233\276\224\227 \276D\321\352=\347\017\031=\024lA\277\\\007\222\275\016\307\224=\362`\222=\333rR>6V\350\276\315Y\364\275\341\356\r>\276N\010\276\274\302P\276\231j\200\276y\257\217\275\3567\360\276\236}\365\276=\317e\277y\n\263=*\036\265\275g\375n\276\262^\017>\243\320\337\275@\037\305\276\200F\261\274\036\343r\276\265\342\316\276q6\225\277kX\235=`\310\214>\\\021Y\276\005\245\321>\010\321\206=\007*\200\277\026\271\274=\025u\241>\205\323\300\276\205\300\370=\252!\306>\217\214\237\276nuf\277\247\305\235\276\320\230\342>\341\374\251\276\361\202i\277\237L.?&9\317>\3342\017\277\357\025%\275\362\326S\277\\\322\357\276\226\037\031\277\327%\003\276\013E\t>\351\033\201<\213w\032?\n\034\\\277,\367\304\276\352\271>\276\370c\253\273\217jY>\221\034\013\277\302\306\005?\342s\253\276\225\214\267\276|\351\207\276\337~\227>(\305\314\275WZ\377>\340?7?\220\240\231\275\242\221\302\276\240\266 \276\3263\226\275\277SH\277\3176*\277\321\375 \277\005\307\236\276[\311\366\275\315\344\337<[\001\333\276W\344\267;I\235\347\276\357\365\322>\010\222\226\276\267t\004\276\213Q\237>\n~?\274\324KW>\300\260\260\276[\2340\275\242\354\361\274\357Y\256>\276\313\260\274\250\316\031\276\343>\226>Sx\233\276\346\301\211\277\264iR>\245=\354>\361\246\001<@+\033?$U\030\277\361U\200>\0269\242\276$\2554\275c\341\325\275[\201v\2766,\'\276i\246u>#HF<]\211\252\276\211\315T\277o\022c\276\223\303\374>`aq\275\242N\177\276\351\235\303\276Y\0247>\263\215\340>\003\235\223\276|iq<@A\353\275\302d\023?\310\024\300\276\2368$?\031\256\000>*8D>\257`\021\276\301$\\=\302\247\000\276\361\235\n\275\035M\326\275\246\212\204>y\242\246\276p\035\n\276v\003\311\276\274V\343>md*>\203\313\027=-\017\030>\342$\250\276\367\260\237=\355\024\377\276HR\261<\236_\357\275\tA\201<\235\273\037\277=Y\014\2775wZ\276\013\004\231>L\373\251\275\022\324\202\275\372\206&\277w\222\211;\016\325\374<1\246\024=\372\251\325\276\024\341\030>\260\244\274\275\305\201\255=\330\214\007\277\003\215c\276\203le\276\354\206y=\334\243\351\275\200D\366\276\003\342\330>\310\005\362\275\364\236\t\276D\021\207\276\333\247.>\275{\274=\302\240}<.\024\211=\307\320\303\275\200\007\321\275\317\232\255>\373\3376?^rN\276~\266\023\276#\336\205\273x*\363\275\3328}\275\021;|\276\177\367\'\276\2368\332>\335o\371>\226vH\276\001\316\350>\"\225g=\016\024\037\277\215\217\341\276\261\245\345=J\355\370\275\273\230\000\274\260\363q\277\254\376\033\276\267+\032>7J\207=\254#\021\275\331\336\006\277k|c\277W\362\303\272@h\337=\200\342A?v~\225\275\223(A>\206\216*>\236?\354\276\267\223D\275\211\003\270\276\242g\252>\323US\276I\317\010\277U\241L=\270z\375>GU.\277\224\230h\276\244\234Y\277XN\210>\253\021m=\350!\336>\306&`\276\336\220\350\276\266\273\215=2\241\003\275\325\323&\273\207(\212\2768\235E\276u\':>\321\346\007\277w\3559\277\225\013\346>B\335\334\276\014\266k\276\027\354\270\276\330\315\320>\2416 \276\325\327\273\276\226\340\020?\217u\013>\217\001\341>\t[\200\276o\270\216\2768 x>\017,\227<2i\235\276\026S\376=o\332\200>\376\027\010=x\000\355>Sl\325=0p\325\274C\227K>\276\177D\276\257\324m=\266\267x>\3001\241>8\260\234>\215\244d\276N\353\357>S\244\275\276J\'\231<\212),\276\374\342W\276\031Hj\276\005\324\251\271\3532\241>\203\026E\276X\347\334\261Cj\275g\320\031\277\036(\032\277\032\265.>\3609\262>\221\242\263\275\001\226\341>`\313\"\274A\177\001>\007\006j>,U\022\277\324\331\231\276\300I\234\274\312W\301>r\';\276)\\\025>!N\317\276Bq\224\276U\363\263\2744l3?\351\361\307<5\021J>b\266L\276\343\312\264\276i~\027\276l\t\221=\235i\024?\2620\242\274\234\325Q\274\r\0075=\371\357\334<\361e\266=\350\220\004>KX\r\277\212\342\307\276x\351\037>h\325\r?/\\\300\276\2675\307\276\263VR\276\177\265\030>\316\346\226>\014\270X\2763\016=>O\231\344=\256\334@\275K\347\207\276\321Wq>LSc>\031e\r\275\222*\361\276\222\330\371<\001\000\365\276\216\221E\277\025R\004?\250\323\254\276]\2036>t\301\212>1T\222>V\2569\276\264n\206>\324#\234>\371\177`=\333*R\276\366\267\225>\201\'\267\275\030md=\223B\005\277\357\204\033\276$\336H\275\261\354\200\276\241fQ\277\260=\214\275S[V<\"\247V?\246W\201>\246l\032?{\361\340=\nQ\023>\333\344\267=\351\353\343>\222\244\024=\2056L\276\n\331\227\275\346\033\256<^\225\303\275\360\215\245\276u\024\211>\037aJ>\026\0308=\032\333\006>\320I\237\276\'\021C\276R\203\327>5,\023\201\247f>\211\321/\275I\246@=Z\262-<,+\202>\244H#>\225\036\021\276#\t\333=\350\312\270=J4\004>\232`\025>\247\241Z\276\274\242\217=5\270\302>\353\374l<\312\337\274\276\324!9>\230\367\024\274\017\276\252\2769\264\334=;\270\272\2763&M\276\302\3541>\207PJ>\010\243\276\275@\344G>\025*t\276<5Z\276\0025\335\276\207\250\255\276A\277\226<\324\345\300\276\374\231\t\277\021\262\217<\020q\342>\344\267I\276]\226!\276\336\340\"\277V\376?>\236z\277\276\rn\340=H\343\204>\241\310|\2765T\366\276\td\367\272\224\355\'\277\343h\251\275\035\317*?B\006\312=\200\364\035?\261l\207\276\030\214\241\276\305\320h?\210\325\263\275\201\211\241\276zeO>\225D\337>\177>\205\276\031\214\345\276\373\245\311\275\017\302\036?]\212,\277\377\227C=s\202\307>\363w\357\275\252\310\371=\224S\350>\377\206\221\276\333\023\013\275\365\377q\276\020\332\332\275\"r\207\276 \222\254\274J\243\212>\276\325\273\276\370\324\252\275\031\325\255>\325\326~\275[\273X==}\230>\256\030\214>-{\032\277\255w\004=uv\355\276\014\354\035\277\253D$\277\267(\330\275\200\272D\276k\235\272\275y\250\005?\201\212:\277\261J\021\276\252\276\244=b\304\330>At\327>\315\273\026\275\372\323\257\276\265\247k\276a\247\366>\371-A;\336`\217\276\203$\335>bR\226=|mG\276w\205}\276\306\207\034\276m8\353=Q\376\366\276\2060\234\276\230\"\223\276\203\330O>\316\315\203>\317/\205>\241t\370>Ez\250\276\213\224\203\276\221\356\344\275\200\233\031\277\024\374\020\277\000\016\2769\252\230#=\332\034N?a\201\252\276u+\311\274\247\202\216>t\336\310=<,\376\275\210\257]\2767\032I>\260\265\206\276\331\256\270\275\031s*>U\332\277\276\205\232b\275\365\251\t>Yv\364=q \003>\361W\022\276\204g\001?\254\204t\276\265\375}\276\373\256L=\374\004\311\276\334<\021>Lm\235\276ao\372\275\002\244i\2315\334\276\262Y?>\244e9\276\256\2038>X\020U=\376)K\276\325\000\023>X\231\224\274w\261\375=\312\3168>\036\021\216\277P\343 \276m\031\221\275\255R\212=\250t\255\2751\260\263\2752\215\305\276\220E0\276\231\302\014>;\346a=}\026\266>\252\337\205\276r(\010\277\224\352F\276\024c`\276\203C\024>\245[\224\275\004\330\320\276\367\014\244?Wx\222\276\025r%?\377\026\320\275B\211*?f5\375>\271\370\364=\230\341\007\277\217\352\306=]\335\236>1\343Z>U\307\313\276\227\020\326\276\265-{\276\312\251\027?\020G\034?r\260\373\275q\362\n>\2061;>T\323\335\276lz\273\276)\211\354>\005\341\275\276s\254\247>o\266\256>POy?F\370\247\274\007\210\260>\003\" ?\263\216\375>\261y\322<\364\205\000\276\325\243\005>\016\023\227<\026\n\263>\351\342\226>\220W|>9&\021\277\237)2?\341\242\230\276@<*\2765\341\354>\240f\366\276\376\022\276>\366,w>\021\017\016\276\355\335\301;\310\034\376>\207\003W>\220<\225>\272\302\306<\313\253\313\275xn\206\276m\346\343>d\013K?\356F\252\276\225av\276kD\220>\203n\036\277}\313\371=N\376y\277\344\310\273\276\214\306\032?+y!?\026\001\262>\\\224\314\274H\345\220?\322:N\275%\006\315>\236\204\037>\314T\264\276=b\004>$x\350>\032/\330=\\\260\261=\372\232Q?\014\242\225\276\006\326\036>\240\017\262>i\247\367:c,\217=\306\336&?\373\257\031?1U\273\275\231\205d=\215\311l\276\330\245\"\276[@K\2766>$>im\231>\356\276.\275VB\373=$I\344\276\363\215\257\275\344\234\275\276\220yl\276dR\232\275qc\225:&\234\t<\227)K\276\265\226\032>?\277\337\276\312\347Y\276]\317Q\276ms\377=\207\323\211\276qi\350>E\216a\2777f\030?\273\212\306>\033<0>d-\364>\371\341\371\275Jr\227\275\\8!\276\275nf>\035\264a\275\024\023@\275\204!u\276\374\221\201>\203\332\024>;\356\233>}\231\303>S\2764=\2018\351\276\003~\211>\304<\250\274\357\371\355=B3\355\275\357\274\\>\247\223/\2776{J>\207\267 ?\274\004z\2769\256\355\276\314\245\316=\220\034\300=*\313\256>\367\276\'?yP\357=\221l\016>b\000\240\275\376\245g>\030\334\271\276C\273\243\274\343\001R=\371\021K\275\251\377\302>\231\225 >GU\023\276_\246\276\276\023\366\025\277@\271\272\275\277P\204\276\031\325$?\010\253(=\340\217\304>\311\235\271\276\352\360\321\2763V\266\276\315\375\250=\236\3654=\026\367\226\276\215\021:\277\347\302.?8{\206=O\021\004\276\333\230\306>\267\346\013\277\337/O\276\021\177\t\357\360\211<\357\253\025\275m\037\236\276\336\267\036\277Na\322\275\262\034\233=\257\256\215\276>\260\226=\202\rJ<\375\377\223\276lN\345\276\342u\304;\3747\264\276\366\235\034?C\217\021\276j\336\201=\356v\211\276\232\314\260>o\341\202<\340>\352\275\222j\036\277B\n\312\275\244\256\322=c X\276\362\372\361\276\3537\310=\340/\354>\355\022\315\275\377/T\277\341Qe?x\'\007\275\035vZ\276\246\331\322>\307\201(\277\356\337\256=y\311\035\277\356r5\277\216]R\276;\362\276\276\003\271c>\321\213\246\276,\2713\277\263\031\240>\301\334\025>\367\320\217>yE\032>io>\277:\225!>\321\331F\277+\031\367=\241,\202\2767\240\022\276U8P\276\341.K=\373\234\003\277\017\317\t?-\203\322\276@\203=\276so\266>\324\270\373>\200r\265>\013\340\014\277J\212\036\276\307c\214\277\335\300\214\276\333\256H\277Hi)\276\355j\331\276d\351\251\275\312\302\026\277kGp<\214\001\257\275zA\356\276\366\2672>\312eO?\273[Q\276\267 \207>\031\033\203\276\364,*>\r\363\027?C\367\365\276\371p\t\276+\236\206\275d\221V\343.\262\275\262\004n\276\346\004\030\271*I\276wL\231\275p\267k?G\343\346\274\326\201\214\276\027N\302=R\032\232\275m5\333<\213;\322=J\211R?\023\275e\274\257\014\017=\363\211Q>\343\332\030>2\2248=\271uI>\177\302[\275\014\274\273>&G6?\014%^=\360\363d\275\220Y\345>7\340\010?\307 \037\276cB\177>\213\350\215\276\037\037\325=\261|\224>\271J\305\273\237\217\234>\276\306\206>\243:\340\276\340\366\010?\264\257\017?\321y3;\374:v\275\317\334\256=\346\356\222\276@\302\n\277pL\243\2768\317\000?\222q#\276\231\306\345\276\277{g\275\300\257\313\275\234\352\333>W,\240\276\277\020\264>\343\325\237\276\267\352J\275\334\301\r?Zj\345=M\212\321>\246V2\277\026g\251\276\032\235\'\276\370}\341>?\344D<2\276t\275\333yF\277x\3568>\353Z\366=\277 !?|8v>\014\273\000>\204\tY\275m\033\211=,\036\372\276\027*\366>\201V\027\277V\344Z>uR\225=\"\211W>X\036\007?\327mD\2768R\023=\235\2214\275,0\242;]W\256\276nK\361\275\361\023\275\275I#L=\360\272O\277^\236\314>\\\030\253\275u\224\214>@\232\375\275\345\371^\276k\356\272=F\343\221\276y\034\203>/<\262>\2104\230>!\357\\>*\305+>d\202\261\276S\267\302>b[Y>De\251\275B^\220\276uX\217\276Po\022>7\021Q>\376}~>\261[\340=\022+\216\274\021\032\210=|\367\255\276P2_\276.\360D\276\360\354\'\276\372?\256>$\325\032>\306\250\200=\242\204+\275\316\352[>BMq\276\351\010\035>]\325\037\277(\203\307\275*%\004?W)\025\276(Us<<4\335\276p\231\026\275\333Sw=\330c;\277\373.\364\275\374\245O>`\372o<\226,\345=\242y\010\277\200\375\216\275\273\240\020\277\000I\312\276\257\001\244\276\206L\321\2762\367\334\276J#/?y\020\223>}\203v\276\243_\232;\272\305\242\276{B\203=\342\311h\276\000\002\254\276\322\252^\276\037\377\014\277O\376\341>\246z\026\277AP\347>T\353\262\275\206#l<$\271\355>\222-\222\276\313\330,\276{\307\247?\2140x\276\331<\000\276c\231\200>\376l\222\276\226\337\235\272\276r\276\376\275\210>\031\233b\276\314\240\016?k[\221>\330\243\006?\351X\305\276G24<\027\r%>\247\246\246\276\311\272\202\2769\326\247>\201\234y\275\3532\020\2773m\010\276\375P\033\275\323\006W\274p\260\022\276\226\001\262>,h\357>\252\353\032?\t$\034\276C\n+\276\336\362\222=\233\313\023\273\342\225\323>\266?f\275X\266\340\276\360\037\231\275\r\311\276>e~\217>\027\215\337\276,\317\361\275\231\035\010\277\360({\275\245q9\277\216|\223\275\277\276\223\275\315\356\227\275\005\367i=e:\314=;%B\276)\376\353\275\331\231\225=\361\262(\276\364\363\001>\023[g\277\357\033\350>\000\202\316\273\022\333\033\276!\241\336=\265\035\210;z\336\335\276\323yU>\254\205\"\277\325}\322\274\244K;>2\005\026\275\260\3576\276\277\377\262\275/\033u\275\001Z\270>\343ao=\271\324\300=\317\266i\275&\356\016?\372/\371=\203\251s\276a\367\237\276\006\246\277>\247\234\262>\341?\334>\262\212\316>\215B)?p@.>\345[\230>\201\001\262\275\236\234\334\2762\213\025\276\372g\270>+w\277=\300*\340>8`\303\276\271S(\276\214\211\022\276\3412M>C;\244>\3534\327>\316\033\305=\222\275\303=\343\260S\277\025\306\023>\322t\307\276\331\342\221>\337\021+>gk4?\254A*?\362\031\234>J\264i>Oh\355\276\375\217\241<, \034?\373\366\203>\240\214\343>I\377\221>&\333\025>\327\371\300\275\352\351>\276+g\207\274\244th>\304)a\275\260\300$\274\0160~\275\200>\'\276\213B\352=\257\324\262\276<\2545\276\316\215A\276\310\234I\276\252b\017\277)\364.>wk1\276\255\251R>ie\357\275B\271\351>\300`\312>\376Q\227\276\013^\030>\230 d=\252\226}>\30135?\206\337\335\276\261,\330\275~\260\027\276\006\016!>R\000\010?\024\300\224>b\333\322=D`\204\276G\246\347\274\257\274\260\277\031~4\277\027\232w>\270~\274<\362=Y\277\355(\367\274&\212\212\276DCk\277\336\235\036\276s\322\221\276\0370\034\276k\321`\277s\213\261\276\373\000\315\2752[\256\276d5\361\275\r\200\325\276@\340\n\277\315\034M\275\206\206;\277\306\277=\277<\361\254>\204\331\001\276\225\203u?\031\332.>w\214\302\276\242\037\215>\342J\n\277\357\362\320\2742a\300>?B\233\276]\246\355\276h>8>\267;\324>\335$\236\276\320+\377\275a\264\361\276J;e\276yb\264>\273~\352\276\302Z8>\245,2\276e\364\000\276<\212\207\276\006\204\354\275l\033\301< \314\031\277\273O\264\276\262\000\255\274\322\226\356<\342\322&\277\003\332\336<%\342\244=\0358\316\276e\315\344>\344H\010\274\211Sp>\233\223\330\276\240\032\321>\245x\036\277\204\013\373\276\337.n\276\335\t8\276u\365&\277\003?\245<\341\360\260\276\320`\025\276\235\306\216\276\334L$\276\360j\272=\2427\235\275\263.\310\276h\370 >\324\2133\277\314>\265<\322\276\014\276\343\331U>\0312\236\276\342\241\265>i\274\367>\257\264\245\275\034F\341\276\005<\350=\026Ks>\230\257\341\275\341\346\276\276\352\222\020\277\025\013Q\276\313\331\022\276\031\000\223>\264a\t>\206\215\224\276\267d$> \320\303>\037x\262\276\331\275+\274\211\260\376\276\265\266\234\276\265\235r>\211\236\326=x\370\247>\372]*\275%\\o=T$P>\273\320\317\276m\254\203\276\356*\013>\227\035\360=)\336\n>\237\307\266=\031M&\277&\003\204\276\347\242\257=|t\027\276\363K\253>\363d\177\276\331j\316=\205q\251\276^\223R>\014\254\246>%\260\237\276h\207\266>w\247\254\276\036\234\261\274\301\232\312\276^{\356\312}%=\341\310|\276\344*f>}\344\332=7\253\021?C#<\277\021!\224\273sT\217\276\317\004\243\276\367\322!\274C\337F>x\217\307=\007b\275\276>\301:=+\214\267\276\242b\n?\213\370\347\275\346T\243\276+C\215>\231\366\036\277\356\211,\277b\202\030\277<3\231>#\025]>\021V\264\357\031f\276JR\353\276z\n\253=\"a\215>\310\221\001\276s\030\317\275\326\036s\276\250\360\254\275p0\254\276\257\276\250\276\\ip\275\202\261\274\274H\326Q>\t\373\232>\007\006t=,\237\023\276\270B\006\277\033\020\222>XNZ\276\252\307\222<\364/\223\276\273\374\362\276\233Z\310=\231\311*\276\355\356_>:\306+<\224-\352\276\032\277]\276\377ZI\277%P\330\274n\256\350>a<\376>bm\331=\314LD\276\325Jh\275n\334I>\2017\016\277\317s\342>V\024\371>m\314\202=O|\036<%\204K=\322\377\301>\333\222\254\276co=?r\361\030\276\306\257\253\276y\265\376\276^=\250\276\032\317$?\257K\222>\234\275\274\275\316~\334>\3602T\276\341\003\335>\035\320k?\2519\215:\245c\222>\250jH>\264a\201>\252\325C\2777\016\002\276\307+\322\276\222\306\014>\304[\217\276\336\331!?\3570G\274]\252\007>,\003\202\275\252\263>\277\342\327\352\276\232\317\201\275\225\354\373>U\0202?\016\277I\276l}\237>\253\323\305\275\266\302D\277\371d\204=\206\010o>\027\325\r\276\241-x>\377\300\"?\312\\\302\274\010-\007\276\022\304\310\276&\334\t?\230#5\273,\336\303>\241\220\313\275T\276\217=\nZ\027?h\363\300>\252\3344=\035\235\020?\360\235\335<\021\261\000=\372U;?\304\317\321\276i\355\313\276\227\232\"\275h1.\275`\031\\\275\031\342\265=\036\235\364>j\366\016\276oof>\014\0316>\320\265\325=Fi:>\371\241\202\275E\034\016?\334g\223\275\317\247\253>\360\274v\275\"\027\367\274\373\362\215>\263\374[\276\024z\272=\342n\004=BdI?\246\033k\276\346\nH?\206Z\272>\245\332\245>\2073\013<\r\"\340\276\004\340\337=\013\341&\275m\370\335\275\007\372\231\275~S\257\276\010e->\372}6>\314\330\212>\311\203\266\276\237\375\200\276rU\346=\216\355\006\277c4o>\207\327\331\276\360b\311=\2546M\276\313\2155>\037m\304\276\254\\{?_\266Z?\256\261,?\260\274\002\277V\227\317><\246(\274\303N\225>\303?\013?\327m\365<\022\347\025\277\377\2122\276Af\014>\353\225&\276\037\022\003\276s\345#\275\204\307\244\276\205\214#\275\032\017\353\275NH\327\275U2\254=\230\264U>\207\273\256>\227\233\005\276\372\322)\276\273\220@\276\230A\217\276\363$\034\277z\230\316=\020\200l\276\351\360N\276\216\300c>\241\263U\276\007a\336>jAh\276R^\024\276\201\237\347\276:\215\315>\272p\372=W\226\345>)&\241>\330\3107\276SP\365=$?\343\276\351\214\241\275:\234\200=\372\346\350>wU(\276\213\300:\275`\363\365\276\273YE>\n\353\030>\021N\016>3jP\276.\352#>io\034>\r\3422>]\374\014=\267\217\035?\266\010\200\276\253\007\351\276\027\321\200\275y\375@=(\271\226\276\3707\224>\025\253\262<\0225\000\277\207rX\276\316Z:>g\246\033\276\020\207&\276\020\202\265>\264\202\277=M\270\231>\254\203\332\276r\326\037\276):\370<\372\301V\276\273.%\277\340\202.\276\326\032\226>\216\023\022?\343\353\244>}.\000?\303D\365=\006\252\334\276\372\344;?p\240\361\276\'\275D>O\0033>\033\312\200>#\204!\277\275\025X\277\215\251\300=\312\254\375\275\2619(>\272O\221<\365>\"\276\364\2535\2776\352\006\276\270,\303\276\033o\234>y\034\004>\217\202X\277\2175\225>\210\330\274\275u\016\211\276\341\r\021>\205Cv>\374\305,\276C\034\264\2752\353\363>et\031\277.\243\310\276N\203T\277\255\237W\276\270\001/\277\220\341\n>\223{\310\276\263{R\276p \310>Z\372\345=\021:\222=\334\346\215\275\346\314V\276\377\220\302=\337~\017=\255%\023?\260\324\013?\311\014H>\234{9\276p\331o>\035P\216>\332\246\304\275\237{\024?\001\273\361=@\320\215\276~0\315\276\377\034\251\276\335\247\307\276Z\303\276\276/1\234>\243n\370\275!\276_\276oy\246\276\373\377\003\274\006\353\'?;S\325\276O\033\005\277\306\237S\276\301Z\226\276i|B=\300%!\277:\203\200\276X\370\235\2741\304(>\330KQ\276\022\213\275<\253\235\364\276>\237:\276\202\223\004\277\373\205\245>\003\014\377\275\214I\352\275\036\352G=w6(>\002T::\350\3072\277\271U\246=\333\'a\275;\030\003\277I\326g\276#C\317>\2245\261>\231\227\210\276)t+=.\357\013=\267;\232>?\200\'?4g\251\275\220\022\302>\217l2>tL\272\276\001%+\276p\232\235\276\243\261\200>\036\024\030>\004\016\006?\013\257\350>\312l\330\276\305\326\207>\352\010\354>\034\367 ?\270T\026\277\001D6\276l\322\262>v\256\030>hZ\020=\340\013\013=\003\023\236>\231\270~\2754\236K>\301\207:>\003\227\204><\007`\276dun\2763\302b\276\000\034q>J\\\205\276/\350\010>\331\273\025\276\273B!=\233\002\247=f\027\255\275hy\213=S\336%?\314n9>\307?\274\2763\304C>\304\n\262>\312\2030>`\324\367>\331\036|>\236\354\313\276i\346\336=\271G\005\2762\037\"\277\265\002\320\2764E\356>\226M\\>\253\233\275>\213\257y\276:\016\265\273O@\250>\250\327\205\276)\377z\276-Vk>\335\3246\276\374\201\257\276z\300\376>X\362\305\276\353M\243\275\325\341\227>~\033H?\231\010\271\276\256~d>\032\232b>\334\t\300>\243k\n\277\024\277\244\276G/\261>\214\352\341;\033\251\361>\353\263\241=+\217G=Vp\275>\276\365\215\275\344\243\355\275L\201\201>\373\315\005\275\236\375\241==e+=\241\3628?QE\362<\337\367\342=B~\332\275\200\370j>\317\345\340>\244\257\036\275\257\240d\276\211\323\256\276\006\361b\276\302\230\007>Lv\376=\364\2165?;\\\273\276\217\022\352>\271\221!?\335\033\300>E*\021\277,P+\277\375\\\335\275\222\316\036?{\224\223>\215\302\203>\210M\203=\302\373\243\276\3152\327\276\231\332l\276\307\376\250=\023c;>\357\233\355\276\333\373\266<\323\361\206>\367\262E\276\021\211\007\276i\236\276>?:\205?\333\023\356<0|\363=\212o\031\277\243~\014\2767\321\340>\315\362\220\275\354E\311\276F\305\304\275\235\"\225=7]~\276^\360\021\275]6\264>.\307\251\276\017\352T\275\351\024b?mW\220>#>==\321\2461>\251\025H>\344+\320\276\034\241\361<\361\010\220=\312\222z=z\323\265=\0059\202>\315\375\217=\2630\005?\273\205Q=\363$\265\276\032\007\304>\213\243\244>\255W\363\275~\356>>+\264\353=\001\034?>[6S\275\023s7>\365\224\330\275\275I\317=*\215\271>\177\2235>\275\343\207\276\243\036\177?\334\356h=\266\264[>\301\365\200=\037\205\341>z\335\205=\230}\221>\020\343*?nL\303>e\364\032>j\013\264>\263n\023?=\321\300=l\206\314\276\377B\357\275\316\037\251\276\235\326X>qj!?:\206\362=\317G\222=6?\346>ps7\276\317\005\224\276/\236\024>\256)\206>\232\344\346=\352\014B>\210\206\363=6\n\360>|2\\>!\227#?5\211}\276\003\302Y\275`\205\364=\"\2403>\rJ\240>L:\233\276\330O\324>X\214\330>\316\251i>\265\362\344=\377\251\262\276)b\003>\351`\365>d1\361;\007\361\'?\017\265\256>\226\200\020>N\031\243<\372\255C?\031\025\243\275\343\'\206=D\017\032?\022t\031\277\036O\332\274\013f|>\220\342\206>\221c\234>\342`\361\276\205\330\321\276+\266\"\276\021\257r=\2555\250\276\016:\302>\303 ^\275\177\0161\275\371B\237\272zBF>a\026\177\275\334\360\032\276\233\327\216>\032$\251\276\234\020\211\276UT\005?\'\363F\277c\202\365=\235\315j>~\036\205\275&&\224\275\022\214\013\276\232\035\302\275\233\236\203>\002\n\260>T\032\247>\274\353\034>\246%\335=,t\014\276<\360\027\276\360g3>9\363q>\r-\271\276\2035\'>\311$\344\276\331\341\200\276\335\031e\276xN\240\2750\267\347\275\204\'\336\275{E\332\274\221\2462>\312Oc>\302D\270=%9q>r\013\010\276\306\201C\276\211\253\201\274\214 F\276\334\376b\275>\223\246>T\252\261\276\023\340\206\275*\224)\276m\300\223>$\365\000>\231\305\003\277^\346\366>\322\033\336>0\257D\276p\017\360\275\013D?\276\322)\035?\365r\302\276\370,\224>\332b\346\276X8\006?\251\332j\276\367\344\325\276\373o\313\274o\313A=\252_\213>B\n\\\277\277B;\277\023@3\275\307\252\307>Lw5?\250.\337>\304\267a>\334\324\272\276\034\343U\274\344\202\370=h\211\204\275\364\272\265\274\2766*\276K\\(\276?i\371=@\030}\277\270T\276\276%y\326>27\204\275\234\266\345\275OP\306\276(\342\344\276\326\352\031\277_\nP>%[U\275\253I^\275\006b\235>\271\372\000?0\271\004=\304\327\021=\337\235\010>\341%\217\277\262\003\002?\261\315V?\021q\245\275\036\024\313=\246\336\027?\303 \014\277\306\241}\275\rv\023?d\260I=\206W\241>d\306\274=\221\345\337>_\037\033\276\353\354K\275\365\2477\276Y\322\010?g0\277\276\237\216\221\274\331F\017=L\345\334\275f\342\242\274\350\344j> \016\261>[X\003\277,\301\236>\222\334n=\024\2451?\007\207\317>\207\374\017\276Z\341Y>\032\267\252\276X\213\340>\341K\245\276\317\217+>\316f\021\273\366v=\276\216\262\201\276\023\224\211\276\343B@?\367\306\226\276\367\304\024?H\253+\277n\273\014>*\006\241>\333\260[?\262.\350\276\272\226>>K%#\276\266G\376>\276\301\023?\331\356\002\277\205k\206>\370\330L>\322?\037?\2257\317\276\306\n\354\276\301t\271>89\252=|E\226\276\327\010\332>-D\217>R\312\033;\200\3473?\027\364\210>\031\206\220>\206\257\257>\006\344R\276n \236\276\024\035{\275~L\374\274H~\307\275}A\004>l\201e\276np\326\276\207\375\006\277\311\264%>I#\201\276^\262\253\275\240w4\277\202w\270>j\037\246>\363\022\250\275F\325.>]\304\200=\320\357\206>1\031\274=1T!\276\362\024\363\276)\023\232\276\032yr=F(\307=\270L:\277.R\000\2765\026p=\332\337n\276rJ#\276F\330e\276-K\271\276\360\035q\276a\367\032?\032\202`\276\215@m\276\252.\304\276D\271\037?\363\1778=\272\276W\276}\206\206\275\\{\314>\242\203\021?\263\362\373>\265H\334\276\360\217\037=\\C\205>\330\352S>\223\014s\277V\256\006?\226\005\301\275M\tg> \365\222\276\232N,>#\315\007?4\204\372\274\277\027\256>\301\033\347\276r\365\274=-\037\031\277\036Z\330>\356\246\363\276\316\\^\276y\221\344\276\374\250r>\020\202\232\2761\343\026\276\301\274k>\210\023\035\276\244@\210\276_\026\252>\037\376V>Q\322\344>\205\214\315:\222\245\014\277P\037\355>\207\263\253\276\313X\251\276\351\271\266>\177\207x\275\210r\233>\027%\266>\341c\354\276\212X{>\306\247\265\274\000\"\211\276\241\327 \276\344\255\330>`\374\021>0O\026\277\241\341?>j\276]\276J\232+>\327%N>\034[1\274SCU\276\250Jy\276\260;F\276h\217u\275 \317\217>\242R\254= [)?\333\371;\2763g\027\276\312w\263\276\245\305\362\275n\213K\277\016e\000?)\346\320\27553\254>\025\303Z>wR\245\276\361r\256=\201\220\371=\235X\261>\027\207.=\312\376\013?$H\026\276\246\001Q=\026\210\036\277_v\315>\372E\017\276\262\002\256>\323\036#?\305-)\2770#\303\275X\373\232=f\002\">\024\320\344>0\003X=,2\330>\201^I>WR\307\2757\312\026\275c\354\022=fH\013?X]\017\276or_>\323\227\304\276cU\264>)\300\220>`\237\354\276\231\020\220>v\274\310>\241B\037>\242\301\270\276\255\337\337\2767\202\201>,r\003\277\010|\221\275w0\256\276\217\314\240<1\305:\276\254>\330=I\r\005\276\342\254\324>\224Nz\276\'V\370\276\2500\267\276G\367\331>\266\032\201>]\273*<\332\376\347>\005s\t>0\007h\276\006\td?\025\004\324\274\370\345L\275\350\220\210>\314\236\303\275\305\364\270=\214R\247<\350\332\327>\305\252S\274\004?\262=&u\335\276^;\014\277\002\356\013\277\035,\257=\357\357\256\275d\266\360\276\340!\022?O#\353=\251\362\r\276x?\356<\311=\232\275L\313\212=\365\307\257\276\001\261\013>\005\227:>?)\226>\253$W\275q\356\267>O\260\341>\366\341\007\275\230\235\315>7\317^\277\212\303\201\275W\322\230\276\223\006E\276\026\247Z=\224\266\014?\326L\261\2744Vg>s\0174\276\'\035U=%L\025?\375D\234\274\356*\305>\204:\252\275\372\2125>\234\023\377>\267\337\231\275n\007\037\2761\2029\2769\266\014?\251c\364=%=Q<\320\365\201>4h\025\277\240\341\216>I\216\347\275b\373\357>\t%.\276\030\337\331\274\226U\236>\277F\302>C,x=\031\257\304\2761{\037\017\277\376PD\277\235\231\362\274&\265J\276\252\305\277>#XJ>\035\234\254\275\024u0\2755qQ=1\217(?\006\267\254\276\227R\270=\320N\306\276\221\315\337\276\352\335O=?2#=}\2072?\223\261\005?\366\250\373\272f\240\231\275\255\205m>5m\265>\202\026_>K\355\r\277\337\212\253=\314\304\320>B\362\356>\335\235\002\276\312\323\327\2760Z\201>\277\271\210\276\311f\375\275/\256\327\275%#\364>\203\203J>A\234\244>\321*\030\2753\207j>\024\325\361\276R^*\276\233\321;>t\212,\275\370O\033?\216q\020? \255\r\276\204\336;\275\313\2770?Ie\265>4\026\271\276JT\323>\252y\251\276\036&\210>\305\242\267\276\276s\315\274Cu\352>\273!G;B\210\202>eOL?\354\024\203>\346\371I\276?\214e=\223Y%\277s6p>\304\366\350\267\360\331I\2761\226\343\2767c\230\275dS\000?\266\010\203>]\350\350\276\304k\220>x\356\002=\031\211\317>\333\335\205\276\226\262\360\276\217L\t>\355\261`\276r\236\223>b\264\374\276\226\366{>\260\275.>Xd\312\275\023\t\202>\335\200 >\312w\314\276\330\031f\277p6\315\276\257e\275>\244\250\002\277%)#>\257\"E\277\200\031\231\276\356\307\000\276\252v*?0<%\277\264\253z>9\376\026\274\344d\301=\255o\232\276\220\"D?\307\361\241\275\r\253];\030\272L>E\271=\277}N^>f_\251>TlF<\214\262\222\276v\347\363\276\252\260?>$\311\224\274\324f\'\276A\033N\275\203:\313>\222J\223\276s\327\203>Y\311\024?\301\230\320\276*8\234>\273$\207=\362a\037?\240\200\207\276g\030\262=R\202\206\276\322\302\310;\310\363\237>\303`\037?\177\034\246>\207\001\030>\276\210\367>(\301\002?\010]R\276\314\205\300\276]\\G\275\r\330B\276\032\252\272\273\274mT\277\215\273\277\276\t]\234>jqi>\366u\213=\026\343$\275\230fQ\276\362\037t>\301]J\275y|\302>\266\014_\276[\025a<\335\315\201>cl)=\004\r,>\331\257\321\276\030I\007=8\213\302>\323_\025>2\314\020>#n\213\276\037\247\031\277\177\0235\277\010\325\262>\316=D\277<\357\032;\354\202\365\276\026(g?\232\277\221>&\006!>\232\362\317\275z6P\275\310\340a=\320$\346\276M\316\005>\255!\017>/\316\225\276\376\010z\275l\315\254\274\000\367\026?X8;>q\035y>\243;$\276\023\207\033>\r\303\343>\311\227\374=\303\017a\276\327I\032>\010\254\342>q\242\275>>\352\371\263\271\360\276\n\306\017\277\030V\013>j5\277\276\035\317\270\276\347\002w=\037\264u\276\\\213\232\276\022\321\343=\010\205\225\276(V\212>~ \253=[\213\217>\3554\177>z~>>2\350\336\275\'.q>\251\2150>\263\267\316=;4%?\'\371\221>|\223\205\275\2202\340>\006E\315<=~\207=X\313z>\036\227\241>\376\323\342>\334\213h\274\267h\355\275\265\376\022\275i\324O>\354\t%=\351\224\202\276F\242K\276\214A{>B\324\002?W$\252\275\363p\247>\351\342\243\274\277\312\236\276iG\201=\366W<>\270\362&?I\r\264\275\026\247\354>\364\303-\277,}\346\276\n3=\276|\204\205<\225\356_\276[\034\327\276\220~g>\t12=\346\243\316<\371\010\201\276\346\354H\277\325\315\003\277o\234\313\276\016\325\242\276\261?\037\277t(\014\277\370\022\206\276?\005\302>}\343\205\276\205\022?\277\3338/>#\320\247\276\210\304\217\277\0376}\277\324\rh\277o\030\232>L\330\002\2773\340\254\276\001\235\330\276\216\021\200=(8/=\225\206\276>vN\260\276<\303\210=\237\004\341\276\034s;\276\201\n\253>\270\347\215\276\001\3021\277\266\343v\277\246ov>\017`\321\276+j\350\276\035\216\013\275\361\001S\275\025\260x\276\366t\254=\210,\200\277\343y\350\276\2559\213=\227\276\222\2769EJ\276\305\326\251\276w\002\000\277\304\313\367\276a\347\306\276\301\341;\276\3437\n\277H?\320\276$\252\305\276\032\303 \277O\246\220\276\312\004\216= z\256\276J\252\005\276\311\357\023\277\214\204\260>8\335\211<\2612\241\275\251\006d>\203\034\005\277c\277\213\277\367\372w\27529\217\276\346\351\014\277\243{\220\275\200\330\013\277^\023\001\277\r\376\222\276\307\\\252\276\315p\t\277p\\\204\276/e\323\276C^\014\275\377*\276\276I\262\360=W\250\237\275\010\243B\277m\3024\276\265`O\277T\234\'\275\264A\243\276&\241\216\276\242\337\224\276\212\n\037?\215\252W\276\214\341\r\277N\255=\2756\363\203\277\255\233\347\276\316\357\370\276\361\270\024?z\007q=g\202J>uk7\276\262/3\2760\025t>srd=\354\305{=\2354\377>\313\346\241>\345\242\241\276\302\027\006=\006\314\220\276\254\203\201\277h\010\367<\355<\261\276\020\265\304<>Pi\277m\211%\277\006\035\245\277\006\252\273\275\010F\001\277\371Wv\276T\253J\277\272)\210\277\036U\036?^\260\252\276\t\2011\276\3279W\276\376\237T=\366\370f=\346\323M\277\374\356\311\275\037\001~>\241o\216=\030}N\277P&\363\276\316\354\310>\310\244\026\2761\rX\275\355gu>\326\032u\276\211\211z>$]\343\276p\364\341>\311\302\303\276#\324\303\276\356\037\247=\311i\">\312\0267>x\316\233\276\306\327U\277\3722\364\2760\372p;\306\275\372\276\003\242\343\276\305\214\221\277\221#\336\276,\326\375=\375\323\r\275\351\230\310\276E\210\305\276rg(\277\372Z\034\276\336\030:\276\21171\276kf^>\220\003\361\276R\202\316\276\035\3754>\203\273\032\277\227;\204\275V\004\315\276\365\265<>-i\372\274\240<\212\275\026\014\023?ZK_>H\0239=zXM\276\032\244\213\277W\350\004\277\255SO\276\260\261\007>\225\027\333\275)\351\324\275\213/\313\276R\342\257\2765\342\231\275\275\315\357\275n\210V\276\236\321\257><\327\030\276\267\227~\275\234\236\021\277N\234\014\2770\273&\277z[\357>V\013G>A\'\231\276\203\343\202=\363u\231>\010\263\275\276\326\365U>\270u\301=.wb\275\317\200\266\276.7W><\274\357\276`\"]\277\372B\263>\255\300\007>\271\251\320=\024\177\035\277\206m\t>;\220\324\276<\005G\275\340{\n>o\020~>\337D\334>\023\322\017\277.%=?\241\014?\276\211\250\032>0\253\260\275A\204s>\261\244/\276\223=}\2761{B>\221\233?>\313\354\303\273\243\223\220>\223\032\345\276\334\346\304=\216p2\277\372\205C\277\277.\204\275\214\353Y=b\017\375\276J\316\315\276\276-\240\276\265\346\233<[<\352\276g\001\252\276\010bY\275\206x\016?\313\365\242\275t\274I\277\211\211!>Q\033m\277\347%\276\275]T7>\227#\016>Ro\332\276\342\006}=D\353\233\276\003\347\007\275\353\311\276=\225c8?\023\307U?\315\244\301\275\367\nK\2759\321\257>}]\252\275\004E|\276\236\260\247=S\215\t\277\225W&>\000\220\211\276\237\211}>\230(*\277GT\307\276[\352,>\3102\251\276\250\006\253=\255-\004\277\301h\211\275cq\214>\315O\"\277=\372\014=\335\313:=\000m(>\333\232\354>\267~G\276\254_\024>\327,U\276D\333\006=\035\364q=\377\232\374\276\375}Y>\025}\013\276\026\027\027\274{\201\241\275\034\207c>\330\"\303\276v\337s\277f\224*\276EQo>\374UY>\375\372\234>Z\013\024?\200vE=z\232\013=\353\254\225>\221\241\254\275\3101\211\276\2668\371\2769\270\340\276\235\022\350\276\211\217=\276\342\307F\275\355\276\203\274\203n\212\275\253\314>\277\351!L>\021w#?<\032 \275\261\362\347>U\320\243\275\006]\253\276\225\325k\275\255w\317>\317F7>\203\216F\276\037r\023\276\014\332\033\276=w0\277WO\242>\247\262\213\275\232\264\203=xf\271\276\004\351=\277D\221\300>\267DU\276\270\361\247=\224\n\315<\356\037\177=\253\256\261<\301[\302>\224\005\264>\332\230\375=\027\227\031>\031\211\263\276L3\334\276pmN\276j\240}=\202\215L\276|\251\376\2752D\207=\372\203\302\275]Px\276\212\234\201\276\2619\334\276IlG\274\355\324\251\276\300\334\347\275\357\206O=\034B\315\276\274c?\277\265\304\017\276\225?\025>\321\257\341<\326\206N>@P\014=\350j\224>D\367\247>\344\207\316=\320jA\276\324\374\256>\334\226\221\275\216e\010\276sF\211>\311D\324\276\'\025\257={\374\345\276IP\266>\247\032\002?\204\355\372<\353\024\277\210\343\217>\232\341\317\276\363\274\222\275\265(\265\275IVH?\222\010\221>\004\364\255\276\001\326\317=\214%Q>o\351\t>1\366i;\3536y<\257\023\356\275\232h\017\277/\344\177\276\2246r\276p\226$\276k\203\006\276\277D\341\276\251C\270\276>\304\270>&\276\356\276>\234%\277\003\351\202\276E\021\202\276\003q\226\276Q{0>\306\356\'\277@b\210\276\323\211\007\277\330\034\021\276\267\277Z>\004\201\347;b\272\276\275\221\345\260\275\277\342\256\276nA\300\276\016\'\000\277\007\275\274\2750\024\272>\212c\000\277\300n\320>/\235\\>\206o\315=\316\"\317\275\025\2449\277\216\001\235\271\323\013S=\377\374\330>\375(\013?\177\221\177\276K0&\276#\\o\276\263`L\276\215\252\222\276\212^\273\275\231\010[>?\275\306\276yR\322\274X\304\226>\331\\?=\t\221\203\276g7\267>\006;\275\272$\365\230\275f\375\'>P1T?mo\255>\"\341\306\276\233E\242\276\213\306\006\276\322\302\336>G\3300>\233\005\027\276\310D49\2673?!\306Y\276\314G\022\276\325\374\344>\2516\260=\366s\030=Z3\024\277P\337\346\276\256t\371\276\375~\213\276\333a\227>\257\225\002>\321R\233\276\200\261\210\275h7\245\276\360\334y\276\021\240\226>\3073\025\277L7k\276O\302\223>p9\211\276\244M\251>%.:\276j-Y\275\312c)\276\230\377\263\276\220\032\207>\317\322\366>\211\335\017<\333\247\246\275Qx\321>\306\306\006\277\327\301H>\227 \205\271Z_=\277\304\317\326<\033I\221\276\035n.>\002\016\300\276\330F\020\277\337\300.<\207C\310;\341\005\342\276\241c\265\276Y\225\360>\214\"C\276\'\3776>\217\230\311\276\262+\006\277\244\251\337>y\007\275\276P;\254=\245\215\270\276\251\004\215=j\225\340;G[\r=-\214\200\276\234\260g\274]\272\222\276J\031\345\276\370Sb\276?\t\350>\200\'X\277L\275\313>\235\3502\276\366\243\200\276t\364\211>\267\251\354>~/\277>\233\262\001\276\350\240\356\276\330:!\274\020\322\255\276\361\310\t>\313\351\231\27628\213\277\000,\300>\260b\001?h\0030\276\234\037\005\277\1779B?,Y\277=\375B\213>\271*\307\276v\247\017\277C\t\023\276\305\001y\276\320\356\r\276\350,\225\275\037\025\026=\251\241\253\275\252A\307\276\252\242/>\367\267\240\276}\332\025>\306\341\306>\243\032\032?h\352\313>\336\004\321\272\317\326\335\276\347\361\213\276\224\310h\277\312/K\275Q\000\350\276\362V\312\276\327\363\201>\310\227\220\275\000\353e\276\242b\255\276\211=\240=q\325??\020\n\226\276\306\274\313\276w\0300>\333\302C>@zY\274\276ie<8\035M>jM\255\276\"v\326\276\252Ul\276^\202\221;yH\200>m\312+\277\\S\321>\010\255\350\276\373\327W>\020\266\310<\2718\220>\035\237\321>\277\336\317\276\337\356\313>ol\214>WV5\274\267\013\004?\311/\253>|,#\277e\314+\275\341\362\274\276\201\307c>\272Xn>\324\214\265=%\007\277>\244\251\237<\343\333\307>W\361\224=%3V=\367\230/\276\200@\362\276\303\n\342>\331\323\024?\232\034\005>\306\307O\277\345\030\024\277`[p\276qn\000\277B\262\246\276\246H\331\276\277\240\213\276:\362\233\276\272\365\026\275_,\241\276\222\250\236\276\263\r\201\276\322\214\022\276\034\030\002>\305\373\027?\257\301E\276XT\242\277*\272\017\276#\004\216>\005\330_=\336\014\001\2768s\317>\3608\223>S.\271\275p\022/\277\336\227\221>Y\203 \276\345\017\214>\3563\336>2t\250>I\032\205\276\262;\363\275\031w\247\276\013\232\311\276\331\t\212\276\275\351\000?\334\307{>\252H\231>\216\037\242\372\033T\276\302\321v>+\255\347=T\341m\276\261\342\343=\324\265->\211^\'?\375\275h\2751\274\247<\270\200\360\276\237B\370\274cFV>\254V\211\276\314$\210>}\323\322\2765/\375=0\361\251\276\240\361*\274\313x\002>\n\024\200\276\"\313\351\274KY\307=\207\271\323\275\r\014\033>\303-\007>\215\333%\277/:\355\276q\r\312>\005\312p\275\235\223\265\276\2217\020<$\255O>kI\202=\307\2614\275\004\265y\276\024m7\274\027\275\343.\213<\276\224\316\261\275\271\317&\276\203\371\333>\355x\276=\221Q$>\346R\224\276\241?\227\275\260\320\227\276\365\263\t\276\254\301\264\276\224\253\224\276K\307\232>\225\365\202\276\247(D\275t\0043:\'\200\t>H\313\372>\243\023S\276\203\'r>qP\340\276\232\244\223\276:A\201>&}J>\351\241\221>\306\2427\276\263\274E>\252\252\023>\350:\222=\321\360\304\276\367dx\276\254\247\354=\333\024`>\0045\026\276A\264\232\275\256\317\316\276\017\'\253\276\265B\032>\3551\217\276/\277\037\276\302`\301=lf\272>\\1D=Srs\277\034b\301\276m\217$>{\251\003?8\240&>P\205\276>&M\214\276\356\240\343\2761u\262<\231\333\373\276\367\212Q\277\242\354\201\276\025\034_>\033;\023\276&r\236<\231C\255\276\244\n:\2773\226\342\276\331\312\304\276Iv\324=S\275\337\274\250\004\214\276u\256\036?\350\266m90\233\n\276\354\333\235\276W\237\030\276\245\020`\276\240M\352\276y\213Z>c\200\250=\033\364\222>\356\216\234\273{`\006\276Tb\200\276\242:\247\274\372\201\201\274\371\3672=\212x\223\276\353\325\035\276\253j\203\277\337\320a>r\003#\275\2678\315\276\177|\361>/\273\006<\360t\266\276<\304#\277\373\013\001\276\021\230\267\275i\177\216>\262$\234\273Y\252\235=\035\232\266=\315\332\257\275\373\034W\276\2470 =,3[\275\221\263\247\277\037F\233\275-f\214\275\375m\315\274\345_R\276[t\313\276\334\2540\277\240\374\271\276&#p>O\333\276\276UO\016\274lGC=\311\312\255>\365\263B>\2644q\277\262\353\346\276op\004\277\267\262\210\277\212\345c=w.\034\277\222*h\277\217\367\022\277\250\262-<\312\214\000\276\272h>=\243j+>\023\366;>2\rW=\2740A=\\lv\276\375\371\223>g,\231\275\005\250\227\276\217\360\272>\260\3460\276\212\342\303\276\221S\332\275\221l\300\276\314\273C\277\317\007\221;\216\345\215>\351w\327<\226\350~\2771\221\261\276\342N\355=\220\325<\275\\5\370\275\246\307\274\275\r^\204\276\335\263\237>X6$\276\244\332\342>\305\303\317\275\325\335P>F\221V\276xq\210\276\264\277\326\276\251@\007?a\215a\275n\366\220\276\204O4?x\306\216>M\342\223\275\243t\210\274^\001\026?\257\234\324\276\005\240\221\274:\260?>\221\354\242>#:Q\277\0369B>3\323\304\273\210u\240\276\334\254\212\276B:#\276> \350\276=\035\027\277\242\210)\275\023k\330\276;\302G\276v\312A>z\351\275=\265{\344\276\253\225\341\2762F\313\275)!M\276\237*\327=\247\363\204\274\343\266\206\276\224\"\352\275pC?\277\021.\214\276^\302-\276\370p\311\275!\244\247>\207\014C>\013\364\222=J\332\362\275\000\207V\276\326\221\206>~,\005?\330\231#>b\203\037>\204%&\277\016\342V\275\020J(\276\016\314`\275\005\247\333\275\333!\354\276X/\260\276P\027\037=-F\320\276\210R\310>C\310\030?b\235\271\275\301\335\201\276\345\222\260>\334\001e>\351e\006\277\024\273\\=\371\243\373\276\272b\004\277\243#\332=\034v\006>w;m\276\246\223\007\277\2029I\277\n\331\240>\234\027F<.\216\177>p\254=\277\231\024\310\2762\360v\276\201\037\316\276\274n\360\276)#q>\024\352\"\274\252\260\004>\253:\n?\260\245\352\276\3618V>\037\247\002\277\376O\025\275h\302\372\273c\321\334=\254\323v\276P\305\206\276\"=l\275\257\320\231< \244\007\277\332\227\252\275\260]\312\276f\2338\276\245\003\262>\213\241\237>\311\374~\2766\216\223=\3434\366=\307%\227=\240\255\227>\260\nB\276n\217\260\276\200\025\274\276\316C\241=\345I\266\274\300\346I<5R\263\275\253\'a\276\302b\200>\002\352\341\276C\267\234\276:$\215=\213c\310<\361\246\r\27711\214\274\365 \345=\372\376\253\275S\353\205\276$\362\\\276\265\033\003\277u\305\366=s\254\005?\304\032\201\276\223\\\322>\371<\036\276&`g>2\233\212>/\243\370=\342H\320\275\270\333\223=\207\027\210?m\305\276\275aJ\220>\334u\017? \245\\\276\214\006\027\276\244z[=4\316\005\277\260\354\323\276\252S\345>\311R\024>\004\261\275\275\276\023\206\276jK\346<\366o1\277=\3556=\271\220\274>\023\371\t\277\346v\264\275\242\026y\277\242\2138\277\355\223\266=\351z)=\233\010\321=P^\225\276:\372\032>0\337\264>\3104\230<\t\333_=\257\212\337\275\244\300\261>\242\025w\274B\376\225>\246\3466>\337\n\273\276\004\373\314\276\346W\356\275\r\233\035>\033/T=\2056\017\274I\245\224>\027\227|>\032E\255\2756 K\275\365\010\233\2764\014\276>\221Cj>\21000\276\223$\335\274\210\370W\276\325\"\246=(!\234=\213\256\203\276fTI=\344\230\203=\234\035G>.\243\244=c\232\025=\\\251;\277aaU?\356\333\230\276\027W\224=\025Z\n>K\271\231\276\237w\224>pP8>|n\343>C\r\306>\273\274(\277\265\317\037\273\035\220\200:\315\254\367\276\344\301C\276\237\"\317=\336\327\016\277\211\234K>\017\005\"\276l\220\037>U\371\026\277_\331\336\275\002Ic\276\211~A\277\364ri=\177<{\276vN7>\300\261\026\277`\304j\275\337\205+\2754\036\355=B\322\303>\023\340\207\276~_\247\273\362\355\321\276\224_\244\275\315\221\206\274&\3159\276\344\310\377>0\340\222\275\354\320\316=\226\205\202\276\354\336\320\275\266\312{>\336\017\246\275\302\373\023=\r\370\364\275Z\tP\276\210\235\331<\245\032\201>\031\323\004?\024\006\305\275\231C\341\275\216\212\255\276j1O\275\213\243\264=\317P\204>Fw,\277\225e\223\276\022A\350\032\354*>\201ZV\275#\2527>\352\005\274\276\000Ma\276\357l\244\2761e\362\275\336}-\276.\305\324>Jx\310\275%*\322>\267\025\261\276;7\353<\000p\245\274\264Z\233>H\252\336>\323&\000\276\330\263t\276\325Hp\276n\303k>v\264G\277\027)\252\276\310\220\360=\201\233\331=H\260\032\275;\003\246\275*\275\255\2767\\9\2771Z\035\275\030I/\275\341\335\241\276\247\336\323>?\275\351>\0142J=UV\351\275\026\362\'?#\374\262\303R\276\024%\205\276\342GE>\260\315\010?dki=\006\364\206\276\326\"r\276x\036s\275\271\331\331>\232\206\345\276n\246\016>.\325\216

\370\276p\353\271\275@p#?\220\367\261\276\267\'\036\277|w\336\274\025#\006\277\351\255\030?\221Q\221>\275\370\301\276KP\"\277X\232\223>\251\'\207\276z\020\257\275\007\274\221\276}x\031?\232(e\273\262\027*\277P\321%>\276Ps\276R\206*\276\307\325\374\273V\353W>\025\377b>>\275\251\275D6^\276\370\314\303>\277\345\025\276\245\3566?\242\035\316=W\212\257\276\177\372\007>\226\230\215\275Q\226\226=Ap\237>V\315_\276\270P\001>\266.\257\276\217\317{\277\206\311\200>\003\327H\276\023uM\276\355\361\010\277\323F\347\274\224\"\360\276Ct5\277\0376\264>\024}\001\276E\234\335\276Q\2024=;\033\036\276\275z\321>\355\361\177>\005w\006>\206;\317=\247u%>\325s\346\275H\315\203>S\345\343>\203\315|>\027\177\212\274\303\250\256\276 $\214\2764\354\214\276\024\033W>\323\335\224>\264\351\036?\013[\203\276\037=\234>C\254\375\276s2\276\2761\210\205\276\036\300\201\275N\376<>O\3644=\344g\356<\323\0306=/\320\026?\343\360\225>\323w\362>\353\3127?\014\205\202=\221\010(\276L\226\302>\377\331!\277\025-\034\277&/(>~\333\322\275\312\314\341>\267\276\231>\222\316\243>{\000\r>\371\276\227>\341i\006>\237\004\n>\n\263\007\277\211\035\316\275\021\316\016\275\"\265\320=\t_W>\025b\177>}g@?\205H\205\276\305N$?u[\241\274\323\275\201\274j\014\200>\3217\235\275U\010\300=\2604\237>\376s\032\277i\'\273>\004\354%=\031\236\342\276\214\274\005\277\030\321\360;x\214\233\276\201\365\220>\321\341\203=\373\343\036>>K0\2760D,\276;\307 \2763@\022\274a4\020\277\232L)\276\013e\365\276\2761\030\276\020\035\204\276\235%X\275\250\356\325>\315\256\336>S)\374>B\002\235>\311j\306\274\223\212\260>\365D\033<\001\267\260>w\240\356\275^\263\213=o<\257>\265m\272\276\317@\372\275\266Z\371>\034\"\377>\021\256\024\276\317\307\230\276c\004\207>\036\237\224>\247\346\367=\020\216\306=x\006\316\276\244z\r\276\267j\372\275\362\327\255>\034\0140>\177\265d=\366TV\272\370j\245>;\013&>\370{O\275\311\365\303>I\316\205=F\372}=t\360\223=P\355P\275S\327;\275s\025\267=\360\020\367\276\330\206\353\276\303)\333=d\371\246>\235\373/=\373(]\275\373l\275>\235;A>X\335\321\276\273\242\203\276\"\301\345\276\360`T<\031\263Q\276J\267\374\274\314\372k=\305\223\014=\351\221\276\276\033_\003?\035\323?>\035P\244>\230\366Y\276U\204\273\2752TZ>\303\351\345\276ol\321>\271E-\275\200\354o>\000\227\224=x\214\362\274+[\211>\370\"\t?\263t\205=\367,\220\276=\234\207=-\240$=r\005\177>P\271\267\2762e\344\276,\235\\?c\200\277\276BH\014?\000\364\242>\336V\331\276%F\230>{\302\r?\220\346\247\276\321G\320\273\206\316\026\276+\023\217\2759\251<\276\325fw\275V\205\244\275\263|1=D\220\347>\363\027\003?\375\262N?\000\213\200;\312\220\'\275\330o\273\276\305\332\342\275\360\022\246>\303\305\r\277eO\334>\r\231\320\276L\212\370>\323q\023\277cW\n\276\177s[>\027\321\241>\300\255\253>\332\303\322>\361\340\343<\n\340\304>\2649\207>\373f\341\276Zj\330\275\336G\222>\222\257\037?\200\225\213\275e\360\016\277\255J\261\2762g\342>\202\220^?/R.\277\'L!>\216\277\253>[m<\276\010a\370>f5#=\233]C=UGa\2762d\026>J\232\262>^\023\331>_o\217>\2230\023?M\035\200\2762\250!\277\211\025\372>\202\032\210\274Z&w>\313\263\264\2753\253\025>T\234\262\276\236\354\234\276Dg\033>]\200\206\275\340\r\243\275\234\035\000?\013\341\254>\324\330\331>!\t\031\276\303\352$=\302\014\311\276\323\373\030=\223\200Y\276\353\253\233=\366\021=\277\205\333k=yW\277=u\214{\275;\325\265=\374\007\275>9\316\371>\005\305\301\2768\275\337<\231\3264\274\261\035\250>\375n\364>\270\340\037?\210\272\232>x\331\032=&\t\354\276\230$\205=\231\315\252\275\355\000-\276\0047\000?\025\005\202>\362E-\276\'P\302=|r\226\276}|\240\276\013\275;>\305\241@>\232\035\362\275\037\026\212\276\007/\273>\014.`\277\331\356\n<%\231\235\274\273\312\003\276\254\3124>\3461&?*\261y\276\226\000\334>t@;\276\307\024S>`\340\017\277b\266\214>\215\313F>BT\373\275R\312\230<\303\363\377\276`0b>y\203\225=\220`d?\210Z\203\277\274Y\224<\261\034\247\275\2675$>\201F\273\275\244R\n?\254Q+\276\241\344\'\276\250p\026=\355\241\203=\004\017\343=X\265h\276\2758\007??\216D>\343\302\351\274\377p\235\275\313\276R\276]\233\311>g5\203\276\312\n5\275\354\025\225\276\224\017\210?x\201\317\274l\322\000?\203\352\211=j$\276\275\027,\260\274\3736Z=\032\207G\277T\214\212\276\203\003\031?\216T`<@H\273\276\014\365\304=\317\311\342\274\002\016\037>E(\235\276t?M\276+\270\203\2769\336\n>\267\310\355\276\217\275\205\276\315\355\237>\365\2626>\010\375\206\276\017A]>\267\016\377\276\313\337\007\277w\026\243>G\315\226>\006P{\277\014\263\212>\025FM\272\346\000*\276\025\"\023\277\001\323\203\275\037\235#\277xR\215> }\231\276T\301\205=\211\310\021>z\265\002\277\206\200\330=\333\'<\277\354\336\244=\317\331Z\276\205\220\010\277-K\240\2767\326$?\311XB\276S\263\340>H\254R\276\223d#>\351\346\325=(\033\241\276\014_?\275\343\272T>\343\374>>\227)\202=\346\r\210\276\211y\r>\217\317\333\276`\036w\276j\352\315\276\0279x\277\347\331\031\276\377\034\270=\227\330\341=\265\272\254>\001Q\214\276\006t\031=J\005\020\277\207\271\206\277b\323\326=\034\t\267>\330\002\341\276\321\272\203\277\300\245\'\276\tIA\2758\202d\2775\014\240\276\n\301\n\277\013\rZ\277\306\312/=9aT\276V\317$>7\206\313\2768%\203\274\230\010?\276\220~@\2777\342\205\276\254\225\217>\030&\236\274\357\224\326\276B\244\004?\361/\352\275\363vk\276\004\335\256:\363\261\024?Z\036\003\277\231\021\217\276\3539O\2767zj\277\007*\370\274\357\303\301\2751\030\356\275\302\324`>\336\000\211\276\253\372\277>o\377\334<\200\024\034\277\376\266\r>`\314\370\275\211\214k>\3039w\273\263F\\\276\356\021\276\275\'\024\373=\317Y\270\276\343xi\276`\330\212\275x\375,\277d\200!>\330\274\2768\310\005\277\364\022\203\274\364\313\222\276\267\275\014>\330\254\263\276\304\232\245\275\233z\210=Q6<\276\276C\224>\236\206\003\277\313|\205>\323\026\304\276\242CB>\276\310\266\276q\315\276\276\321\n\177>-e&\277wB\">\002\341\350\276Y\231\335>\3512\230\275\260|\244\276\276\222\253\275P\340\226=&.^=\355!6\276L\\=>\341\273\251>\232]\356=7!\037\277u\243\034\277\242\333<>\224u.\277\002D\314<\013%\300\276\024\344\372>\237\243\234>\t\235\t=\217y)\2776\216\334\276\017m\002?\031\226\205\276[K\315>q\027X=\002\264q>3x|\277;q8>\010\345V\276\207Z)=\325\2757\276\036\314\200=\343EJ\277\013=\201\275of\214>\2402\017\277\205\020\233>\364\347\246<\347IK>9j\337\315Vt>\311J\010<\007\262\204\276\305\366\315>\330\250\227\275\256x\265\2764\314\'\276\005\313(\276g\3763=\016\360\323>C\357~\2767Z\'>S\024\367>\254G4=}R\323\274\020\230\203>`\327\255=\326\213/?\353S\234>\307\362\216\275}5k\275Mk\264\2762\263\273\272-\035\222\274!D==m\330\201\276\251\311\037\275\335\200E>q\363\242\275\3040\375>\232)\254\276S{\215\276h\351\221>#@A>qQ\264=\277Cg?\002Q\013\277?\307\222=\0045\262>zt\031?\203@,>\335?\r?\")9\277\021\214%?\356\347\206?\000\007\363\275Ei\024\277\310\264\311\276\227\355-\276\245\027\245>!\025;\276\211\267\250>\005\251\243>\202\226q\275\245\315\227\2769\216\321\276>\027\351\276\310\025\311>oC[\276xn\004?\337\232\233>k\213\031\275\237-\002?\217\2412\276\227]\221=HD\274\274n\256\251>\311\263\"\276\')b=\025p7?\377\331^<\237\226)\276\\\221\034\277=]\t\277\233\010\201?\201\002\026?\021*3\276\235\220v\275*\357\r\277?\210\002?\240~\334>r\256\204\275\323H\010?d\036\262>\245Q\305=\257\221\235\276\035d\333\276\301L\217>\315\320\215;\006\320\224\276,\330n\276\226\256\235?\300\272\276\276\332\003\307>B\256{\275\3336\244>\221\274]\275+CH>\n$!\277\027\2475>\216o\252=\313\034l\276\235\256\374>\274\220\313\276Sx\250=\253\343\213=\207g\003?\261\r\000<{\337\370>]\330+\276\337\255]<\215\2525\274\035\306\321>(g\350\275\275\246\267\275\023\376\317\275\024\205\020\277c\326\214\275p\034\005\276\350\272\310=A\377\223>\013\314\332\275u\210\000\274\331\340\202\276\303\'\013?\321e\374\276\277i\001\277\310\363\267\274\303\370\000?\256\307\246>w\201\001>\355B\212\276\t\261\000\277\232\323\007\275c*\307=\360\376\371>\377\241\021\276\246\204\350=\252.?>\356H\266>*\213\224\276\246\367\221\2760\241\266\276\266\362C\276R\223*>El~>\233\027\200\275or\212>.^\322>F\370\003?\223\010%>\316\333\225=\265O\332>I\204\201\276\330^\205>\327\354\335\275\254\024\n\276\244\210?>\304ud\276u\253\224\274\271\344\343\2769\227\002\277_\257\212\276`k\203>\241\206\301>e\356\013\276,\250\302>\202d\023\273\006\346\376\276\320\001\034\276M\377\365\276\247\254a>\322 r\276\000\250\000?\226\372i\276\302\274\220\2762\267\300=\372\014\016>\264\230\252\276\354\024\330=f\367=\275\315\353\370\273\347~~=\276\305u\276\236\264*>9\326L\276\265m\217=\'xc\276+\0260=\256\243b>i\004x\276\356r>>J\034=\276\350#@>Z\202\221\276\336\3575\277\367\256F\276\327\236\323\275\030\004\n\277\017\330)\276\r~\220=\233b\034>U\243\001\276\264L\254\275\000\372\372>\222\223%\275\031\213\344>\256\354\t?\023>)\276\307\320\255\276v\002\005\277\240\007\206>\0027\342=\022_\250=\023\247\364\276\324\360e=\224\262:?==\227\275)X\273\276\314\246\n\276\354\017\377>\271l\316\272\330h\221\276\353_;\276@P\000=r\201\207\276\245\t\217\276\242\332\335\276h\212H\276\361\307\202\276\346\362\270>c\021\202=\350$\227>o|K>\375\210\342\274\251m\351\275\275\330\354>\256\003-=\217\341(\276Heh\275j\212m\277\005\233)?K}\206\276\260\357\244>6\372\215>\213\021!\277\004Cd\276Du\314\275k\223<>t\205\035?\371$\177>\373\377\203>Qy\000\275_\315\323>b\025\301>\016D\010>\323\030}\2775\361\026\275\216d\230>L\230\323>\357\337\006\277\303\321\225=\241\215\266>\037\324\320=\030pB\276a\360\223\275c\333\212>\247\226\246\276\336\377\013>\377\314\227\275y\223\021\276\000\027^?\345\273\247\276q\357\027\276\037H\326>\n\245\244>\333(\345>\244l\277\276\314\227\204>QD\350\275Q\315\014\276c\030y\274\340\037\000\276X(\335=\202\216\232\275\220\036\346\276\277f\033?\323\024:>>\321\236>\017\256\310\276?\240\021>\034\350d?\034\220\004\277D\031V>\\7v>\001f%\276\332X\200\276\025\304\207=\336\\\333>\250\360\032\276\311n\220>\2406\023?\370\314G\276\331#\022?s\306>=\366\201\235=\372<\317>\000+8=\301\000\265\274\265\266\212\276\213y\366<\356\357\001\277\2006\272\275\n\276T>\016\363j\276ca\033\276U\260\231\275\036\243\204>\024\262\031>P\246\325\276X\363\262>\251\366\253\275:\212\216\276\272D5>\251\214\215\275&\355\207\276\231\2532\275\302\'\r?\257\303$\276T\005\226>\336\006U<\222\371\260\275\2758\331>\326f \275\267\211\223>\025\234\220\276\215\351\030\276\360\346\316>4\314\013\277*\301\202\276\366l\316=\263<\352>\221\223\216\276\005\215\200\276\022\033\026?f\334B\277d\273j=\375\345\345\303-\334\276\356w.\276i\207\246=\347u\252><:\037>\rJ\207=\226\251\260=+\361\371>\177w\216\275\212\374\272\275\350\371\301\275Lu\354\276\257\347\017=\346\002\224\276#\322{=(\023\306>\'\277\201>\022\020a=CM\222\276\0248\236>B\355\326\276\322\231\337\276}\277{>\321W\025\276\327\337l\275\276\221%\276\266\343\252\2737J\355=K#k>bDG>\2469\234\276\rjO=]!N=q\272\271\275\001\362\233\276\030\007#>\244\230\346>\370\342\177=\004\0201\277\024\276\314=J\000F>\274#\310>\024nH\276\245\035\227\276\343\213`\276\261^\206>\336\300\003>;\0047\277 \225\213>g$l=\333!\200\276\326/7>\276\307^>\025o+?\327\207\231\276\\o\310\276w\213\224\276\"\2052\276\216\357+\276^ i>\362\325\316\274&i\325>G\352\365\276A\250z\276\203\t\210\275\3222\005\276\027\254\326<\314\261\207>0\223`>b\272$=\007\353z\276Jr\370\276\033N\313:{Y\027\276\215\261\232=\245\371\343\276K@\370\276\360\261\314\275).\265>\216Ka\276\035\347\311>\335\312\025\276\006\346\216\276d\212\312\276I;\030?\313U\017\276\355t\\=\364\327\233\276\177j\026\276\270\n\361\275w8\315>N\276\345\275\\p2> c\257\274/-\250>\321J\232\277\256\227\354=K\346\271\2768}\230>Z\250\245\2749\024y>\366\320\006\276\267\312o\276\200\324g\276!\342L?\337\267\213\276\374\263\226=\351\255`>H\243\201; \r\234=\000\374\031?\244\354F>\331\007g=\342\213g\277\336\335\023;\035>\177\276\244\253\302;\010I\"\276;\302\227\2763j@>\003\243\234\276@\372x\275\213N\307>\020\004\364\275\3464\373=\014qZ?\306\026*>\231#H\276\017.I?\377r\272\276\215\205a>\2605\202\275\253\377R\277\314aW\274\357\365\202>\335\371\241\276\367b\205\275q\246\311\276\202\032+<\256:`\2763YI>\251\374l>\350\372\245\274\307\206X\276K\325y\276\375\320\017>G\256a\276\3522\222\276\324\331\213>\316S`<\231pF>\200#|>)\013I\276\346\271\323\276\364\323\010\276*\006\260=\324~\345;\266^\232\276\240\346\306>W\343\306>\002\353\201>E\242r>\374y\314>\243\tl>\361\362y>\034\376 \2757\3038>dK\227>\253\332\227\274oP\033??\357\327\276z:\222>\t\356\021?j2\273\276I\271\375\276\200\333\221>s\337R>\374\363x>)\242\264>!\204\354\275\212a\256>\237\346\226\276\234\204\327=\014\366\177=\250\351z\276~mG>\'h\272;\236\225\315\276\272\234\325\275\262\214\035\270\267r\367\317\216>\317\3002\276\244\234f>\016`0>\245r\037\276\273\244T\274\277\217\374\273S\352\375\276\274\214\206\276a>B>\321\361\215>!#\330>^\261\226\273\225\223\016Z9\211\276\004\274_\276\034r\212\275}\212\256=a\316\337\276\326V\340\275\227\343v=\356\244f=\016T\010>\235\353\230\2767\242\026?\371\354\307>\244\221\275\275Ds\237>\205\246R>y\263\221>y\016\206>*,\207>fP4\275O\271\273>\312\341r;\303C\027\277=\353,\274F\232\217\276<\331{\276IZ,\276\216\"\017>P\312H??v\244\276\017$\017>\016\006\271\2765?\237=6\365\013\276\325i\366\276\325\032\330\276(M\240>\246\320\031\277\243\233\353\276\344\014\241\276j\304\r\276\346\365o>\')\236\276|/\036\277\332\034+>Z\301\025\2778j\034>33\301\276 B\250\277\333\274\350\275\265_\316\275\373\377\255>\322\242\366\275\217(\363\276\263*\203\276\007W\360\275\244\225\036\276\360\255\323\2758\317<\277\210\231<:\027\016\r>\024\252\215>\'fN\277;\211\003?\021\331\270\274\226\314\\\277\037\244\213>\372\243\006>, \242\276VB\322>\271Hb=\276_\034\277\0300\001\277\037W\213\276G|\212\276V\\\016\2765\037\306\276\372\363H>6\357,\276\"\030\264=\251C_>\313\204\220=k7\013\277\"\353\243\276v+u>T\206\031\276\335\2028>\356\202+\277\206R\223\275T\357\222\276\327\002\201>6\260\273=D\270M\277nj2\276i\251\340>C\271M\276N@\'\277\302\307\211\275R\327#\277\016\217\335>\253\372\210\276\362P\316\275@\327\034;\313\371\260>O~\233\274\342rH\2774\035\344\274\256\322!\276$~N\276\014\n\032\276\330:s\276\373p0\277\204\247\014\277Jw\343\275\216\361\377\276\005$\241\276\351\006\217\276\270\336\023>)\n\274\275\315\017\"\275t73\275o\261\261>\\|\265\274\235\365a>\214\256\325\275Z\246\221\276\361^\221\276\372t\304\276\316f\006>\322\226\003>g!4\277\234\230\212\276\207\3146\2769O\220\276\352\250\316\276\304G\370\275]M\235;\356\363\013\277\020*\360\276@\362\246\276\321\210\256>\250\305\222=\257\322\005\277\r\210\241\276\241\263,>\255D\333<\022G\217\274\t\310\264\276\311\020\010\277\362\037\325\274d\017\205>\003\2057=\027\346\212\276$\323\215\276\347\357\320<;\301\004=\300\210\275=s9i>\301\217\261>\t\327n>\232{\367=\006\3478\277\203Q\232\276\346\n\212\275\3714\324>\270\2204\277\323\305e>\356\"\035>\023\264\031?\303|(\277Q\001\267\276\2006\262\2761\020\016\276\315\010\320\276n\346\267=\306V\324\276\272:\007=\252\0373\276\315\306t>\302\"\r\276\274\320\317=*\352\306=T2\216\275\016M?\276\213\334e=3\321\022=O\014\366\275/\312\257\276\021,\376=R\320\315>6\320\221=\217\357S\276\016\333\004?%\253\211>)\031\377=\207F\362\275\305\"m?u\252\033\276Cu\341\276\217\013\017\277\"\356L\277\240\322\263\'\204)>\030\343\262>\230\203\003=5\327U\275j\333\224>V4\005\277\321[e\275w_\022>\021$j?\004\341\357>\301\272;\276\355|t>\017\315\030>yI\363\276\316\"\204\275A\031\003?oQr\276\323\316\246=\277?&\275\2108\226\276-\354\301<\201%\373=V#\327>P\336d\275\240\232\253\276\346\225:\275\346\247w>\355\027\242:\254\3430?\376)\013\277k{\304>\346\n\254\276\020\343\204>o\177b\277\234\273\027\277F\221\347>*\333V\275-\262\263\2748\264\005\277\036\035E>\035\226:\274\373\320\205>\' M=\200\201j?\234T\'?O\345\237>\004\271G?\216}\342=\0221\225<\341\\\016\277\305\236\024>\311y;>\330X\255\275\344\370\177\276\350\223\326=\273t\272\275\301\274\201\2761:U\276\236\r\313\2763\317\240>\026\351\216>\024\207b>\323G\223>\2349\001\276e\232l?\006\035\r\275\302\275^\277\023\215\374>\373<\377>\2464F?y\237\t\277\372\232\001\277B\327\263={PE\277\035\221\006\274TB\t\276\303\327\341=\317\214\252\276\010a\201\276N\251\216\277\326\225\277=\371D2\275\335W\031?\2551u>\033>\226>\360^\317\276\244*\352>J\370\001\276\220\246\221\276iA\354\274|z\302\275\357\255v=\254\343\326=\310\363\240=\026>\010\277J:\n\276W&\344\276\324\331\020>AV\242\276.\262\326=\374i\331\276\010\000\034=\023\214{\2760A6?\307\232\264>],\"\275\033\244\007>\373)\261<>\223\210>\277\340*\274\032\276+\275-q\020\277J\236\221\276S/\'\276\245A\014?`jO\274\224\314\243>\351\270\363\276\324\335/>\233\231\026?grY=\273d}=C\341\231=u\323\224\275\016\317\242>\205+\374\276\3113\020?\017\323.?~F\242>\306\352\260>:\310\347\275\345\371<>\014\345d\275~\2421>R\255\271\276t\254\326=\345\r\353<\271i\247>{\034^\275\016R\231>z\024\021?\340\021X>\n\274\205\275\207^\177=\215D\006\276\250\'\030\275\250?\021>\314Y\335>n\345\274>b\206J\276\035\354\230=St\215\275\365\214\261>,1F\277\034!\001\274\313\257H?\207`\357\274\313\264\345>\370v\370>3\340\"\276\227\267\205\276\346\206\355:+\202\007?\327\223\322>\377$\007\277\214\377@>%\244w>\375\263\244=s\341\204\276\363\332\225\273\341\035\017>jX\003?\253H\246>Ob\364\275\364}&>}m\235>v<\335=\345>\277>\024\260\355> o\271\276\253\267\306>#S\024\275`k_\276}t\345=\310\234\230>\355\020\323\275\345\035A\276\177\211]\277!\352\260=i\347\275\275J\257\034?]\317\035?G\346L\276\344!\037\276\244\316\334>\3753*>\341x{>\210\204\307\275\217\317\363\276W\014\302\276\177\232\216\276d\372\362=Q\357\005\275\276\253\332\275c\223&\277\3223e?\3754\301=\t\301\270\276\234\002\256>\222\004\006\2777\337.>\247\240\221>v!\037\276\304\026\210\276\331\274\342\275\007\210\\?\3652\004?\321N*>\224\240N>\367_!\276\336X\346=\345\345v=\362\'\025\277#?\263\275\270~2>G\"\316>\030\330\026?\335\034\005?8}\273\275\215\311\221<\265\276\204>E\220!=\317,\217\2767\000\242\276\304T\207>\275\025j>1\233\030\277\201\2144=+1\311\276\024\006R>\211\027\274<\"\225\267\276_q|\276n@\257>\210t\266\276\302\035R\276\355E\277=\030\226\277>\242,\326>XQ\245=e$\021?6x)\274\335\277e\277BQ[=\017\315\366>\301\273\003\277\'fk\275\367\377\210\276\024\344\026\275@\340\234\276\336\334\253\275\"*\226>;\'P\275I\005E\277o\024\334\2763\205~>\026\352\264>\360\303\234\274\247\0162=\231\000\333\276x\007\207=d\376\376\276\320\026\373=Y\224;\2773\215W>\230\244L\276\345\335\004\277a\032\005>i0\032>F\352\372\275\215~>\277\203\004#\277\363\007\017\277)\217\247>\232\205\306=\271I\255>\216\355\256\276\303V\305>\031\375\304>\213\225\253\276\t\226\002>^I\032=\026\311\024\2763\010\306\276\023\020\256=\376\361\262=\336U.>I\022E>\254\352\365\275R[\240>\016q\3178\020\212\216>\374q\254\276\210E\301\276\217.a>Mi\373=\203[\316\275\332\214\n\277l\252\365>\230\351\031>=\261\206<\354sS\277\232\310\220>\254\0219\276\004\023\222\275\324\304\352\2750R\277\273\206@\037<\030k$\275g\367\332\275+\362\022>\227\300K\275*\376\035?`\230\214>A\262\242\2735\004\276D;\225\276&\366Z>\006\373\263>\253y\312\274\337\244\251\275\234\356\300>\342\373\315\276\251L\231\276NI\r=\355-\270\275N}\024\277L\005H\275s\250s>\252k&\273\2427\220\276\300\326D>\270\361\364=\263#\t>%\024L=\0250O;\325\317Z\276\0362\233>%\213\t>\377y\201\276\307\232\314=s\331\233>\367d\010\277~\251\n\277S\027&\276r\341\227\276\"\307O=\026\032`>\362\303l\276V\341\247=D\007\214<(\254\'\276\3155\025>\374\206c;w\244\033\276\357U+>M2 >\343\2710\277\305\002\304\275y0\213>U\035[>\006>g>C\237F=\326\322\034?\203\266\217>\244\007\221=\354\325\007?\217\337i\274\231,E=\347\277\001\276\264\322\252\275o\377|>\313\223\223\276\342,\270>\304Ow\276\206\341\362>\016\312\"\277~\366\353>\310]\377\276\234\305\\?L\322\025?\266W\033?T\021\005\277V\243$\274\312\334\277\275\340\207\343\275\236\203\335\276\233h\036\277\245\234W?\373\177\212\276b\2006\276\\/k\276T\350@>\377\212\227>_zT>&.}>\351\355\014?\275\032g\275\316\003\310>\265\372\276\276\340p\304\275\337\343\036\274_\270\245>%\313\263\276\320M\375>\\\343\331=V\320\272>\310\301\t\277\356n\305>\t\220\213=\210\030\270>\007\362\207=\307\254\375>\346\026\376=\241\240\275\276\002\323\362=Z\330\310=IF5\274\275\3578>\216\326$?2O\252\275\330\361z>\031W\233>$\177\215>R)U?\304\250\013\276!]\216\276Z\224$?l\004\367\275w\032#\275\225\264y=E\006\335>\230\365O>\276\267!>\327d%>\035\314\323>V\276x\2754\001\377>\2424\263\276\341$~?\254\022\n=\2409\007\276\216B\352\276\005\207\004\277Cd\207\276\350 \351>5E\251\276\246\002\257\276\313\252\211>\337\225\334\276Q\220\255\273\022\360\315\275\347\007\027>i\nm>#\277\373>a\202\023\277\246Z\310\276\022\351!?k\350\006\275\030\3011\277\3133\211=r\0335\277q\260\r\275=\377p>\004g\r>ef\331>\005\247\225\276F\225/>\n6z?\306A\003\277X\237.=\220\216\244\276\344a/?\275v\256>\254\034\026>\036y\245>\352L)\276\275\214\244>\334\001\305>0j2\276i\330\353\276\271}\333>T5!>w*\341\275d\330%\276n\332]>[.\332\276\227B\227>\354\215Y\276\303\264\316\276[R\365\274\031I\210>Z+\031\277Ad\273\276 \037\236<\2017L=\240\352\343\2737\224x\276\250\022\024?\301(e>\r\034b\275\341f\200>/D#?\312\377\227=%\213\351=\232`\304>\345~\013>\036\230\354\276\255%S\276\320l@\276#\014\034>\354\263\243\276\2642\347=\216\242\257>B\336\235>\345\002\226>\375\014q>\366\247\001>\230\024\270\276\".J=C\035.>\231_\206\276v@\320>\204`2=\364A}><\303\310>\274\332\240\277\210o\310>n\321\035\277yf\032\275oej>\331*3?A\244u\276\302s\022?\007\022\376\276A\224\205>kSN?C:\301\275^\023\345\274\350\277\304\275\215\320\023?\370P\332>\233\366\004?%\232\366=\372\206\245>2\251/\275\241\362d>V\3427\277\025\326\232>\255\350\204>y\254^>:7p>\257\t\221\276\274^.>\032\233\367;\335\337~>\013\211\222\276\262D\032=\020\'\006=\373\267\016\276\271\264\266\276-\302\334>\311\205`>\001\316\036?\211\353\260\272\265\332\022\276rD\251\276@&\254>\0104g\275\355z\024>\200z\351\276\350\013\237\273f\316\364>1\302\227\276\206\236\361\276\361\232p\276e\220\262\275\327\177\326=vj\300\275n{<=\366\211X<\177;\264\275+\334\325\275\343\216B>\014\t$?\347Z\253\275\350\375\236\276\333\344\003\277G\345\371\275\241)G\275@\246\235\275\314\007\n>^\243l\277\273$\234<]\023\344\275\227]\037\276[:\005\277\023\341U?\275\253\033\277\207\'m\276_\004\272\276z\243D\276H%C\276\230\304\023?\237\347\013\276+\257(>\035KI\276<\004\211>\254\006\221>\377X\307>\004\355D?}\005\223\276\372\250\006\277\020!\210>~\216$\275\233\371\271>\342\270\304>\036\241h\276H\326\203=\360G\222\276Qx\234\277\366\345\367=F\377\312\275v\204\001\277wR\026>6\205\010\277\345\335\010\277\35678\277\2240B>?\355^\276\352\360\364\276Rq\234=\315\3341\276?\214\324\275\255?\333=\204\217:>F\205\341\276\364\301\315\275\270<\361\276Ez\277\275w<\247\277\0074\237=\264\341o>\014\333\227\276+\0104\276\231{\004=\254\226J\2762@\306<94:>N=\252=\002\220\217\276\214G\025?\330\357\222>\2347\325>\353\351\236\275CSS\275+w\237\276\016\227\022\277\030\252\210>@\023\313\276\340R\377>\224\274\210>\337\257+\277\032\027\t\277\313\032o\276Z\3655\276\313Kx>\204;x>;\305\021?\301\'\025\276\034\265q=\366\032^\274\245+\265\275\367Q\267\276\231\373\343=k&\016>\256\016n>\217\345X\275\341\006\233>\226\217\324=\021\021\274\276,^\037\276+\"\226\274\251!\206\272\037-\312>\246Q\216\276Z\211\032\277\244J\237\276P\244\227\275ne\034>\223\331\032>\006\355\252><%\252\275\230Be\276\254\231\005>N\350w\276t\252\256\275\357\252\343\274\270\316V=\"\3764?\205{\226\276\261\323\221>\003\023\003\276\300\037\315\276\036\366\026>\3217{<\320)\347\272x\240\345<%\r\271\276q>\302=\004\022\034\276F\253!>\"\316\271\275J\267O>\036\331#\276\247P\302\274\341\330\017\277\350e\250=\236\t\327\274\t\034\304\273\036\376\024\276t\036\007\277\331\026\025>\317/\311\276i\306Y\276\362\3136\276\262\356\335\273\027\344P\272\305Ti>O\232\336>07\210\275F\206\220>~\207\327J\325\224\273\310y\203\275)\207\354\276\255\\\033>d\376\300\275%|\302\276\316~z=\357\262l\276rQ\314=\346\2303\277\2115(\275\265\374}>]=6?\203\270\376\276W\316\342\276Bx\366\276\230S\373\276{\273.\277\224\371!;\373\n\001=\t\033\244\2769*\237\275\214\317j=\005\235&\276\303|\272\275\312\274>=tY\033?\313G\346>\313\337r\277\325C\247\276\003a\017\277\265\341\244\276\355lQ\276\202\331\375=\263sl\276\r\314\021\277\356\017\"\277\354\202\030\277\032eM\276Y\244\035>\241`\023\276A\317\206\276\375\344{\277\334+\037?-k\\\276`\021\232>~\027\"\276\271\232\364\276\265\3565\276\356(\331=\233+\227\275]\2770\277\245\337\n\277\263J\345\275\250r\356\276\026%&\277\211\301\247\276*\027\376\276^g\324\276\"f\007=\374\021\204\276/\367\005\277\303\207\226>\314p(>\\//\277|\330]\275\020\177\352=B~y\276\021y\242\275%\245\024\277\303\032o\275Jy\367\276\353\211D\276\354\325\020\276a\274Z\276\005\013R\275\261\035\337\276\313\204\307\276t\312\213>\020\032%=\240\313\360\275\251\375\352\276,o1\277z\265 \276\301\007R\276cg\t>\355P\304\275t\017\327=)\177\224\276\362\305^;\372\376\203\276X\261\023\277\242\254J\277\254@f>-\030\310\276\'\303\017\277\372q==\203Y\230\276\355\330\t\276\205\033\205\276\026\210\306\276\305+\006\277\233\005\262>\230b\214\277\361\211\217>\n\341m\276m}P\277\255\351\305\275g\321\027\277\322Q\321\276{\273E\277\207X\236\275\215!\323\276*`\247\276 b\272=\006{\314>J\264g>\271W\000>\031\303\252\276K\335\371\275\341\r\014\276\207\001v\274{\216\371\275mF\r?\203\016\374=J\305T\277\347\340.<\276PA\276v\277-\276\3563\244\276\326\034\240\276\312\273\213=\010.A?\333\236\021\2760\240\372\275\356\362\234\276O\201i\276\234O!=\330J\027\275~\202\251\275\220:w>*Z\025\277n\332\025\277\325\304\250\275\243\330\000\277P\3338<\256\210\202<\241}\314\276\265n\030\277<\342\366>K\243\264\276\014c\200\276\257\351U?nM?\276\261/w\274f\022\201\276g\233w>n\235\302\275\212\210\352\276\220CV\27632y>y\265\016>\366\356p\276\274\210Y=M+\326>|\364K\276*\3341\277j\257\251\276\200\033\260=x\332\364\276\220G\314\275O\270\257\275\326\306\200>\327\200\323\275r\227\372\276\252M\213\274H\353\001\277E\231\231>\343\231\014?{_\346\275\237=y<\016=g\275H\362{\276\021\001\223\276>2\305\276\027k\213\276\217{2\276\334k\347\276 \271\366<\241A\027=_\341\235\275\277\304b\276\345\275e\276\300\025N\276\364\204;>IN\232\276\356\265\211\274B\317\266>S\0002=aj\316\276\010}7>\022&\222\276\nT{\275\232\225\033\276\363\267\267>DP\277=Md\263>\260\321\365<\375P\031\276X\261\214\276Q{`\276\321\330#?\240\363\224=Kl\013>\337\254\r\276\3075<\2767l\215>d_S\2764\321\022\275~{.\277z\337)?c)f>.\223!\276$\202\036\277\241KG>\236\207\302>\t\010,?\316\027\036>\367\321\353\275\002Z\204>N\266\224\276y7\375=\254\211\005\27742{\277&\001\034\277\002\201#>0\363\215\275-\377\312=\270\370\245\276\332\217\007\277\316Hv>V\256\275>\231\310^\276\231\"\\>\335\\G>o\347u=~\034\373\276\251X\264>\307\227[\276\256\307->t\212\205\276\356DB>\333\017\252\276\333\345\312>u\245*>\353\324t\276\272\235Y\276\357\021o\276@\212\035>\014\337\017?B\274\261\275\324\245\030=\247\024K\276c$\010=\211@\031>{\332\250\276(s\001>\005]\236=\234\264\373\274^\027\007\274\007-\t\277t\277\247=\34199\277 \335\375\276vn#>\256\024F>XF~\276=[\243\276]\320\235\276\367\226\230=\200/o\275\270E~\277P@\336\2739\224B\277 \325G>v\242.>)7\377\276ZgO\276\273\000Z\276\t\310\352=\220\254K\277\341\177t\277\273\312A\276Y\373\'?\245{\326\276\007\220\034?\275$\374\276\344\016\332>\376a\244>\313\251\273\276\215\'\034? \264\321>i\337\210>\316pu=\332\232\005\276\251\r\322\276\"\261\367\275\033f\317>D\216\272\276\362H,?P\301W\276/\243\332\275\320\275\306\276\336R0\276\030\377C>\t\307\327=u\321\025>?0\025\276e\276\226>\323\333\256=\253\233\362>!\320{\276{,(\274\342x==\1774\217\275#{\226>\371\003\241=\371\346\277\276MyB\277O\247c=\267\010\023\277\321\0169\274\375\276\005=n\346\244>\362|\016>\200\014\304\276)r\265\276\031\225\254\275]\303\310>U\317\311\275\363mW<\323\361\250=\254~L\276\177\220\230\277\254\250m\276\311f\201\276Gk\257\276\320\305\366\276\204;\025>\312C\274\276JR\354;s\002\202\276\227\367\277>\273\243\256\276\025\254\275>\303\027\221>\330\302\216>2\363\221?W\014^\276\364j\356; =1\275\203:&\2756\373\260\275\220\303V=\364\265R>F\236\333>\033\232\035\276Y\037\001>\020\230\365>\376e\234>rU\361=\237FV\276F\364\231>0\360\217>\361uM>q\341\251\275\3403\221=\223\017>;\321\221\257\2760\251\341\276\3575\347\275\\m\n\277\213\335\270>[\345\023\204=\210#\364=\033\252\215>-\274j>\347D\211\276\245\231\206>\255l\213\276+\243==\335\307\020?\367\3774>TZ\n>>\031e>Z\353\256\276\325\227\023\276\326\300\002?\202\360\200\276\031\343\351\275\331\251\365>\211\263\003?\016\270\034\277\274\227\246=;\362\341=~L2=\317\023}\275Q*\010?\002\237\325\276\3753\234>|\273+?\213\031\207>\251\264\232\274\267\034\264>\336%\022\277\332\326k\276~Q\"\276\217`I\276\305\025\360>\001=~>\212\010!\276\323^\370\275\\\025\351<\356\347\264\276E\367\250=+\235E\2776H\206\275\217A\250\276\243\350\253\275\3656\266\276:\315\231\276e\214\356>`\017\250\276\021l.=\023\346)=\222G.>\306\312\350\276\353(\313>4\212\311\276\264}{>\327\243\211\276\235\210\033?\352*)\277/w\254=\234g\234\274=o\016\2760\201\377\360\274J>\020\025q>\006\311L=\365\2523\277\213C6\277\270b\223\275\250\377\316>\273\255\317\276\254TS>\322\367\033\276\317\206\202=\354\346\231\276N\245L\275*B}>\213\207\307=|\213\022?\347\331T\275?\330b>\266.\254\276;_\177>\355\317\031\276\236\3058\277\362\005\301=\034\271\263\276K\250+\275<\320\023?5\344\341>Zu\201\275\250\301\216m\001\277\013-_\277\237\020\270\276X!V\276a`\203>\211\244W\275\315l\022>\267\036\034\277\275E\027\277\332\010Y>L\303\357=e\r\225>P\031\215\276\237\021\333\276$-(=x\257\007>\350PF?\223\372B>\275\337\274=\345\371\303>-\210\000>\021\330C>[\304\346>\220\032\211\276\255J\002\277\361\254\220<]w\016;\303(\214>1i\226\276\211\246,>\267~?<\032\274\315>\365\243\r?\376[\372\275\016T\256\276Z\212\352>~\236\313\276\202}\246=\323\247>>\315\\6==\255\037?49\302>\245\020\215\276[n\236\276\270\021 \276\201,\201\276\315\212\215>&!\245>\026w\264=\363\017\236\276\247&C>3\201\205\275,]\215>:l\020>U\273\010\277\223\266\313\275\035}}>\177\257\325\276\010\014\021?\001\336>\275\261D\026\277\177\243\227\274q\246\210=\235tJ=*\020D>4\313\336\276\004\001\031?\325\036\002\276\254\362\347=P\341c\275\032\366\363\273(*\307=\366\370\243>7-u\276T\262z?\027\026\354=\274 F\275q\231\026>\220\307\302=\013e\014\276I+G\277J1\355>\243\2350\276QQ\307>\207\215\275=\266\327\230\276V\210\252\276\361\3415?\233\034\214\27670\021?,S!\276~.\225>\276o\277>`l\325=\217gw\275%e\037\276\212\000\021\274\313\t>\276]\235r>\240Z}\276\3167\032\276\243\246b> \306\303>\373\272\305>\267k\210\276\313\034\234>\034S\367\276x>L\277\374D]\275\300\220>>\242g{\274?\237\213?\245\022Q?*\375\333>+\221l?\376\231\306\276U/\234\276\252\246\014\277X\214\311>\323jp\275\016\241\242\276\022\233d>\352\2771\277$\312\344\275<\323\306\276\346\362&??\276\325<|n!\276\352?\226\275\232\243\234\275\006x\016\276\331\272\337\275P\317\364\276Ks\226>,aE\277O\r\302\276\302#\222\276#\213/\277h\203\024>\341&\212\275/D\023\277\235\246\321\276\321\200\240\274\303\360.<\307\206\006\276\202Q\213\277\203o6?-M\034\2773\3171\276B\376\374>\033\021\266\276.\201\320\276G\335(\276\005g\357\276\235\214\203\274\347x\315\275\024\271\025>\363\032\345\274(\251\016\276\343\233\267>kW\265\276\232%\300\277Vu\330\276\305\002e\276\020\254\351>n.\260=#\030\207\276l\231\355\275\t\262\325\276\227\357\302\276\237\006H?Q#\323\2760\004\341><7\035\277H]Z=1\374\214\276\212O\220\277\232\021.\277W|/>\207=_\275\007\240\013\277\203\360$\277\004\177a\276\031\234\226\276O\357\003\277\364\301%>5|\354>\246\n\226\275|\327\214\276\370\247\023>VV\016\276\357\213\031\277\262\202G\276\317\353\327\276\213\260\331\276\266\t\332;7\322T\276@\303\311>B\274\260\275\326o\341\276\215%8\277\262\335\035\277Y\245?\277\303\036\344>\301\031\240\275\234\\H>\347\246\333=av\364=\301\2241?X\252a>\363\236,>\337>\315=V\332\341>\021va\276\366\034\217>y)\311\275\177Cm\274\370\224\021\2751\2771=\016@H;\2005\357\273>\263\267\276\005\013\022=?#\002<\211z\256>_\333\255>\027o\252\276b\177x\274\373k\030\276\304\2238?\273\2778\275\033\240-=\254\237\217>\034c\341;&J\266<>\342\351\275\036\273\216<\361\014\272=\232G\232>\253%`>\247~!<\377s\316=\341\335\021?\177\323M\275~?\251=/\035\341>G\301g=\353\341\017?\207\0040?F\222\340\275\024\n3\275\342U\201\274Ss\267\275\331\371\332\275\202Y\363>\3433\320\276Q\027`\276b\231\260\276C\223\252\276\201g\005\277\372\032\300>\311t\334\275\236\252+\277d|&\277p\231\352\274\363\332q>\266S\002?G\207q>H\352\023?(\263c\276\005\314\275>\334\233:>\324\372\275\276\266\212\266>\257\275\337\275j\252P>\323\206\210\276\314>Q\276|U,\277\'R\004>\261\2359\276\354l\306>\205C\203\275\201\333\323>\357J\336=\321EB?\313\202\262>\013\004\241\276\372\305\007\277\375&\021\277c\360\326\276*uj\275r\034\300\276\007\240\274>\211Th>R;\217>\252b\330\276\332\273!>\310K\352>\366$\234=\002v\326>\253\251\027\277\200\276\241=G)f>i\003\232\275\3531I\277\212+\024>\247\343l>\031\225\370\274\037\255P\275FG\202=EW\262>5\335\230\275\301\207\346>\277\215\211<\376\204\365<48\254>NB\214\276Z\356\242>2\365\236>\276#U?V\356\033\276)\004/\276\373\215x>B\310\007?\000g\202=\004\346\222?\004\013\346>\240\354d=A\002\303>\241\032\235=\215\212)\276Nj\216=\252v\210?\002\267\223\276y$\221\276\034\230\022?y\2702?W(\370\275\010\347\021>\221\031\227>\036z\260\277\262j\312>\337\343$\274\216\275\002\277\342\025\320>\317\225\265>*\245\371>\3668\242>3\003<\276\366\016F?b\252F?\222\201\022?`-\204?$3\216>?\006\005?\216&\250\276\3356*?\363[\350<\316\201&?\376\375?\276\004V<\276\320\"\334\275\227\022\006?\227.\311=\305qI?5\304W\276\017\306\303\275\013\005A?c/\201?w\320\266>\220\036\004?m~\252:\304*@?\255cB\276\017\243\216=\t\005f\276F\260\036=b\300\313><\007\303\276\313\220\220>\355\342\001?u\232\264=!I\301>\234#&\276\275\231.?\312\206\375=\023\351?>lq\373\274\320\314\215=W\231\273>\332\254\331\275J\307\350>\314W\307\2756\371\364>\001\203\255>1D =\256\n\334>w*\024>\353\034I>\254Xm<\345:\270\276\311\321q\2768\331\306>\317\2065\273\3330\324\274\232\256\276=\3654r?]m?\275c\211,>K\365\013\276\364g\363=r.p\276\023\276\347\274Sj\215\276vs\270>N\2743\276g\243\\?\021h\207=\303i\372=\323\225\304<\243?\251>\364/\227\2752/\030?\230\246\205>5^\020?}^\2769\002\367\214>\002T\213>k$\255\276(\355\311=\253\207\203>7\021A\275\3023\221=\236\314\006>\330&\014?4\002|?\353H\231>\317\310\314\276\217\232\344>\2663=\277\340\313\017?\342\275\r\275o\220\361\270\254\037\276p<7\276\225\337(>\243p\035?0\345\016>\326\246\300\276@\361\223\276\"\355\226\276\027\316\252\2732=\373>#\253\t\276N\363\262=~\315\260>]\315\272=\332\343\224\275\200\3442>=}\231>\314z\020=\250xh?\025\236\034>XY\313>\343\314\227=\035Y\271>G\276\245>\215\306|;\374r\232>\034\352T?\237\233\313\275\216p\017?\257\273S>z~\214\276\270\032\215\276\035&n>&~\005>)\220\212=\014\307p>\263\203\301>pVp>dR\r\275L\254\005=\267\214\203=*\256\302>X\246\262\275g\232\307>|\006\237>\204\007\244>\346\376\325>\010\215\205>\275?\355\276\342\"\273\276\324\237\313>o;\266<\340\303\275;1\025\330\275\305\354\232\276/\007\217\275e\222\237=\033\'\027?\201\271\214\2769\301\226\276\271\026\241s\007\227=\'\261\024\276\316c-\277)\233D\275\346\255\007>\027\311 ?\030?\025\277\373\317\235\276\325\'s<\305\371\241<\353k\306\276N\211`\275rw\353\276\321\350u=\'\273\234>5IX\277\334\361\205=C\2674?\260?\274\276A\016\032?X\222\023>\013\021\027?\311h\t?\010p#\276\323\266D>\0108J\277\177=\333\276\003^1\277*Z\272\276\006\253\330=\016\363\270\2761\200\327>\260\263W?\262\373I\276\320\341\332>B\376\347=\025\\\215\276\217\251M\275\036\003\355\276\236R\335=\324\254B\276\254\016\307<\346\001\017\277\255$\255\275\322\324O=\222Y\236>\364I\243\276\374E\316\275\034\272\351=\002\326\203\276B\t\003>\t\010&?Q\374,\276}\006\325\276\250\333\266\275\364\200\177>\266\357\251\276\035\366\374\276\216\205\273\276_\001\344>\031\037\203\277V\022\222\275\345\233:>\301\220\327\275\237\316\333\275#\010\217\276\313\370\207\273\236\263&\276\204\031\205>\200\347\322\276E\325H>!\310\253>2/\301\275\245\364I>\371\241k>\365\224}>\247\235\203\276/\241\034\273\330\236\003\2766 6>\267\256\202=X\022\320=\325\211\307=\274w\327>\035\302\223>\370,\344=\371\235\005\275\237J\313>\224\246\260>\267\223\362=,>\013\276]\3459>m\214S\277%\357\007\276J\237\014\276\322\250B>\207\376)?W\367\224>\333\345->RT\232\275\372\333\316\275\276\376\337\275\001\265\326=\270\010\216=7\222\277>\300\366\301<\336\332\224\274\'3w=\'\212j\277Q\215\222>>\266B>oU\034>\317\350\210>i\302?\276[\024\210\275\220\324\031>\363y\326\275\022\261\223>\314!)=z/\317\276\013\321\034\277\0006\025>\271V,\275%es\276\023\3441\277\017}\014\277\214\3234\276\340(#\276\262\362\323\276\236\1775\276\325\022\223\275[\004\272\276\020S\365\276\004\250Y=\216\014M<\332Y\024>\354V\201>\313\314\360>\034\203B\274j\300\022\277\326\316\211>qq\\>\001\224A\277\212\215\234\276V,\300\346\2322>\347i\307>g^\027?\330\305\003?\253Tp>\272\312\022>6\306\221\274,\373\334>\r\336\210\276\2450\022=\264\\\016?\326\322O\276\342CI>\305Fs\276\254S\360>\020\316\232>\341\300\300>QR\253=\036\356\264\276\362\366\236=K\323\322=\226\305{\276\351X\371>\334\314|>\360\347\260\275\234\313!?\357\327O?=\221\243\276\\\375\322\276Z-\333\276\370\'\264\275\336B0\277HG\342\276^/\332\276\304\307\\\276A\351\203\276\326\227\230\276\332\337\367\275\362\226H\277\316\033Z=\305\010\025\277~\343\233\276\203@\321\276\302\242\357=\354\3450>\311aQ\276\336y\304\276\202\023:?@\033R\277\2264\242\276\\g*\276\362\342\020>\300\354\303>\242\244;\275\272\261\264=\357\010H?ii\032\277\363\024b\276.8:;I\021\347\276\023\271\274\276\235\315\017?\200\351_>\372\177:\276t\035\022=\253\006\360\276\277\231v>\2512\301\274v[G?\311\205\365\2752\377C?c-\311\2750_L\277M0=>\333\336\037>\'Ws?t\212O>\317\340\331\275\211\247X>2n)\277g\034*\277\276L\232\276\0133\261=\355\372.>%k\276>\022]T?\361\232.?\367\316\r=N(G\276\264+#\276\r6!\277c\371-?\237\363\016\273\204\276\321>\300\t\031;\273\341\343>K\263\242>\362\2169\276\274\202v\277\246&\231\274o\2639>\024\306\353;aH\016?Fi\240=\356\357\317=\006$6\277\014\025?>\037E\375\276;\232\300>rN\200>\315S\253\2753o\217\276\264\t\204\276\377\232\n\277\262\277F=\216P\337>i\213\306\276\226\ti<\232\263\004>\361\365\003?\025\247\227=\342U\020\276\366\232\373>T\265\316>\257\177$>s\264\301=\2405\274\276\\m\226\276\244ml\275{\231.\275\330Ts\2763;\212\276\307F1\276\'t\312=\020\276\314=\332\320n\274D\003\207>_j;\276Qr\214\275\017\020<>!\334\030\276*\343\257\275\031(\267\276\362\341h\275\326 \237\276\230\233b\276\225\"\260\276\217\330n<\266%\323\276\r\376\312=c\224\034=\345k5\276.>\307\274\030\342\272\273HiF=G\242>=\220\036Z\276\002V\345>\333\212\257>\014\275\316\274\222\"#\276\266\254\377>\362_-\276\205\242\252<,\377E<\'\242\200\275\220]>>:\026\236\276\247X\341\275\254\342j\2770\200\262\276f\322\005\277\344\211\210\275\342nJ=`\003\364>e\213 \275+G\025=z\320H\276\310\013>\275\255\026\005?\030\225U\276\001\337\215\276\352\337d>\227\354\261\276$\212B\277piL\276Gy\277\276\333\r\324\276Q\016\223\276\345\006\242=\005\372\350>qd\303\276\263*\326\276OG\200?\001|\177>\367+\032\277\033\230\034\277\3121\024=\225\022\315\275o\001r\276\333\336E\2761\230\371\276\221Gw=a\n\344\276l\242\024>\320\347\236\276\366\026\354=\003\256>\277\2065\256>!\332\225\2763N\201=\016\035\302\275\273\201\330>\267o\005\2765\215Y=:\035\225>%\301+?2*\330\276\321\3073?(j\321=\022QQ>C\236\204\276\334\210\005?\027\3274\275\247\030Y>6\016\203\276Z}\270\275q$T\275T\303\024\277\214bG>w\340\324=\024\352U\276J\364\246>8}\232>\344F\255\276\267\267\363\276[\227G?,\017\217\276\266\035\204>\236\006\022\277\035\303\306>\227W\232n\264\032\277P\206\212?\006\007\215?7,\243\276*\250\257\276:\231\334\275\0073\275\274A\221N\277\315\031\253\276)\"\302>\325\'l\275v:\245\276\374\322!\277_\312<\277\370@\r\276\314\242\264>w<\251\276\377\300\025?\265\343\276>\264}\250>\027\177\276>\230v=?`\237W?N63\277\021X\243>\364\350\356\276\032yb>E\320\022?\224\367\377=\375@/\276\363\224\244\276\342\242%\275(@\231\275\243\331;\275G\020\222>\340\317l?\353j\316\276WN\364<\301`\022?>/\255<1\003\006?\317\266\331=t\237\253=\306O\010>\277M\306>\010\332\347;\022^\367\276\343\321\212>\366\026D?\350\314\210?]+t>\334d\203\276\370s\203\276\005\366p=\016\321X\276\3603x\276\314\243\361\276\227\213\004>\342\347\370>\342\333J\277\370_\257>\222\376\307=\354\033\032\277\207\260\023?\334\311\n\2771:\234>Jyg\276x,\336\017<\242=\0243\036>\336):\276\224\262\226>\260\260\206=\374\203\215\276\304\356\241>1&\242\275Z\003\330\276\207W#\275\310W\233>\306c\177\276\346\216:=\225I\226>\200\2574=^J\302\275\005w;\276\0272\"\276\231\272\325>\256\\\022>\243P\000?P\251\017\276\212\216\234>[\222\343>X\321\030>\306s\303=\236\235\347\276x!\013?\275\220\251=\347A%=\377\312\233=\275\'\223\276\234\214\277\276a\0336\276\374.\025>\201\306\263>7\361A\276\375p\245>\354\356\025>a6\023\276q{>\2764\354\">\242Ws\276\234\223\246>\223\370\200>\223\357~\2768\233I>d5B<4E\027>\211\333\343\276\343\006\214\276\214$B<\276p\035\275\310g\017<\021\213\230\27654\005\2765\243\353>\363W\253\276\031\0326\2756\030g\276j\345e\273\020\362\244\274\373\347.?\005\320\006\276`\371\235<\003\317\265\276-IV?\006\342\227\312\266\234\274\207\336\342\275[1\252>}\375\211>\303\230g>\213~B\2776b\217>\021\027\357=\313\217\013\276\006\205\345>3\006L\277\245q\322\275H\270\213=\375\355\237>D<\210>\032-D\275\334\370\\?\356\360\335=T\021`\276\360\3661\277\315\372\203>\257~v\277\204\216\r\276>9\226\276\225o\345<\326\205\327\276\323\200\031\275\023\275\343>Hv\210\275y\327\361\276s\036\336>\261\242!>\366Mt\276\345\266N?#;\362<\321\224\003\277\2033\367<\232\315\336\2766L\033\276\255\006\301=a\232t\232@=\265\032\275\274`\003>?\243\214\025\277\322\306~>\307\253T\277\264D\356>\221\374<>\025!\320=*m\316\276\276\263d\276\014K\262\276\356\263\204\276L*\234>\250w??\313l\323\275\023\277\376\276\305\244*\276V\033U\276\034\241\227\276\337\211\202\275\362\244\005\277\260\231&\2750\2252\275\307\245`\276\300\342\201\276\342\023w\274\253\001\353>H(\272\274YM\374\276\244Xy>\254s\236\276zA\234>\002Z\315>\233\374\224>G\325\234=/w\004\274\241q\327\276\205\034\222\276\2443K\275\227\3150\276M\252\366>\337\262\305\274\347e\344>\266X~\276\003-;>\214\205\307\275<\340\242\276NI\004>\237\202\014=\037\246S<7\345.\277\005Tr>\020\333\354\273\3201\002>o3\005\276\241^\n?v\334M\276FcL\276\236\364\002>v\221h=\333\271\254\276\262\243\236\273\207jc?\320L\325>Q\366*\276[c\320\275\215k\246\276\243\307\201\276J\255\206>A\'K\275\315-\336>\367q\006?\032\323\243\2744e\r>wyZ>\">\362>/\200\214\2763\361\314\276\207\237\032>\006V\313>\276mK>\303\361\262>\025M\020\276\311\371E\276\031\354!\276\326\217\371<\306\321 \275\373\333\377\276x\351\256\275\317\333\232\276\224\033`\276L\313\302\276\032Q\332\275\001\032\037\276\266\335\203>\203\177\006>=\016\013?\247P\235\274\277(\236\276#-\034\277f\364\276>w\262\013\275aAW>\346q\354\275s\275D>|\363\226\276\200F\262\276V~\241>\200\242`\276\032\2609>\252\334\352=s\257\014\276z\t\373\275tG\240=|\216\262\276\005\235\'\277\0020\222>\0256\232\276\262\213\345= >[\276!\tN\276\206B\321>\217\007\202\276\227\030\014\276\265K\203>C\227\277\276;\212\030>Pix\276\317o\330>\225ZE\275\247\331\217<\345\336\021>\262\026p\2765\327\005\277\244d)=\355\337\017?G)\271=\372\010\305>\307\246\001>\037@\211\276|%@>\202p4>\311\003\024?(\212?>\315*\301=\007\216\327\276f\037&\277\214\276\241\276b\374\221\274\226\227\246=!\240`\276\362\242\330=\033m\231\276!o\373\274N\300\275=\nH2>\001\214S\276s5\204\276w\016\002>_\272E>g\000\027\276\315\2335>\020\225\266\276\265\n/\276DW\245\276\305\370\204\273\321\361\240\276a,\205\274\332\026\013\277r\353\211\276G\320i\276\033\375\320\276v\3522\277[\370\214>Xy\306>\233\366\">+f\266>ff\352>\371n\355\275\014\337\016\277\036\266\201\276\226\\<\276\347F^\276[\034\204\276\232?\244<\312{\001?d\246\224>\021\215\270\276\n\262b\275\025A\t\275p\034\201;\0013_\273\204X|>\2305\007>\365.I\276\324\261\033\277\003\364\241\275]\353\026\277\022\362P?\321~G\277W\342\252=\006g\344\2769u\350\276\020#\330\276q[\030\277\212\3567=\321\357\305\275\367}\260\2764>\211=\333\344{>\033Z\r\276\353&\363\276\366\302`\277I\264\235=\325C\013\276\036O\246<\035Y\322\276\311o\005>\210\257=\277\323=\016\276\332\325\202>\255S0\275\261\332\332\276\"\'\253>\014\370\013<3\274\374>%\2136\277\330\256\n?\332\033I=\022\362\364\276p\030\372;]\2720>\217Y\216\276nW.?i7\033\277\3641i=\301)G\2770\224R>\313;\321>tp\031\2770\367\016\277\0223\376\276G\331\023\277\317\276\313\276\371\243M\277\347D\031\277\370^$\276\345i\207\276V\355Y\274\304\204\360\276\347\2273\276\306\304l>\371\021\036\274O\207\365>\271\210M\277\267X\'\277\027\032A\276\0060\240\275]^.\277\346*]?V\237\276>\346\341\235>\272v\213\275\347\254\260=\334h\177\276\260\025\'\276\177`U>\020\276\347\002)\330=\304\203\304\275\030\241\324>\266Wg?B\332\'=\204%\205>\362CQ>\212\356\226\27602\023\277&\237\336\276\374n\'\276\346\240\307;\307\371\225z\307\342\276\'z\n=kn\305>\312SP\275\324d\002\277\322\351P\276\230\317\363\275\r\344\236\274\371u\237\275\n.9\276T\r\025>\346\2760=T\304\214\275e+\036?wp\005>f\000\245>=L\254>\033\371\025>F\202\344=\230\023(\276\2401\351G,\021>8\034\334\274&\245\225\276t\242\255\275P\200v>\322\360\252\276\3536\275>\261\354\022\276W\240\251>\204\257\334>\247\225A>Ky\"\276}\002\326\274\213\032\026\276I\256_>\005\031\252\276\023\n\227=\035\263\251\275\r\\H<\331#\257\276\214\305\211>\262\335\273>\337\222d>\246\343\227\275\266\237\007?\224\2735\276\021\375\222\276_!\263\274\377\226\344\276\343F\"><\217\254\276Q+\361=\263\362\266>i.\035\276\350q\340\274c=\224>\366\310\271\2757u=>\350m\212>\202R\307=\231\n\332>\215A\333>\374\215\027>$\304\001=\2550\256\276\312j\032\276{\224\006\276&kg\276\3261\266>\243\353\250>\310\312\r>\351\367\206\2768\322\250>\277\003\257\276\310`\375\276V\025\022\277!J\246\275\333\347\021>\3438X\274j\231\033?\314\201\337>\177UI\276j\214\273>6\2512\277\240\300\245>e\303\233=/\330\226\276/\010\215\276w\205\220=\277.\244\276\254\202\374>\026 ^=\213\356]<\250>D\275p\245\203=\034Q\004\276J\226\255\276%\242\221\275:H\342>b\205\332\276\311\336\247>\271\020\340\275\n\030\212=\342\361Z=\202\360\207\275b^\024\275\375\201\275>\tWV\275\035\001\007\276I\275\000\277\361\334{\276^#(\277\237 \256\276\310\244f\356>&\277\nv4\276\241U\334\275\251l\202\275\320\222>\274\020\253\"?\251\322\230\274\323\247\262>\305ti\276\373\223\347>\345\000\210\276\235R\311\276\26235<\253,(>\024\201\020\275\\\034!\277\215\026\034\276\246q\036>w?\373=\251\366\314\27643,?\031\265\016\277d\364\364\276H\\\177\276Z7\017=\035K\225>\007\006\237\275\004\247\307\276\236\360F\277\365\226\277>\327V\260>\014\227R\276nU\235\274\0354 >\255.7\277\314s\374>8wV\276\255\236\226>\361\2216>\206\317\203=\2220\372\276\206\261d>\372\210\004\276\035P\"?\201\275p\276\363\242\007>\034*(\276\365M >\367!\r\27671\353=P\267\265>\310\215\013\277\377b\374=Z*)\276UqX>r;\035=\014\265\236>y\210\326\275\277\366\302\2759[\302=\005\021\232\276\367\327\352>,\222\006>h\301\010\275\'\270\351>r\270\323<\230\335\300>\371za>\016<\235\274\002\263\372\276TV\261>\027\261+\275\362z\324>\001\360P?\232\206\231\275!\026/\276\324/i>\254\251\347\275\343\330\237>MFq\276\216A\023\275\224\245\372<\343\223\331>\275\037\356\274\2023q\276\234J\334=@g\276\276]T\226>\206r\207>_\247\021\277\242D\322>\023\344\247=\265\0257\276ce2\276[\265\322\276\302z9=\\lN>\335\222M=~\024p>\360\313\272\275A\000\017>>\010\340>%\016\377>\032\257\026?H\227U\276\r\323\037\277\321~\372\274\254\231\305\276\305\374\212>\205\210\224=\206\253\017\276\030X\331\276\204^L\276fE\303\276Q\363\204\276\253\215\364<\300\250\364<\277~\n=\207\225\2469i\262\206<1Y\207\276\331+\257<\rD\204=\370]\250\275\212\223I=\255J\013\277NY\004\277\335\353\204\275\247\007\217\276:c\337\274\r`\022\277\203^\306=\030\307\032\276Z\253\221=\343+Q>\265\203\333\276\213\307\002?\365\243\316\275\n\274\344>.\3456>\250\337\246\276vi=?\355\237\300\274\217\020\345>\224\344\364\275`\370\210>8\013n\275\364\351)\277Y\227%\276-\300f\275\214\242\265>:\303T\277[y:>\310\276\247\276y\001v>\265;\014\277\336Z\245?]\362s?\201\020\222\277\357}\003?\363\306A>\323\3645\276O;\036\2778Z@=R\276\252>\353\220\267\275*\241\024\275c\256\247\276-`\037>D\204\225>\023\006\364\276\272\321\270\275\2216\344<\362\345\203\276s\314$>\347\315\206\276F\327Y>h^\025<\366\372\\>\341\215J\274^2w\276R=M\276\"1\t\277\332O\313>iU\002?C\010\344>\r\220\373\275\261\205\367=W\214\320\276\314\220\205>_\266\215\276+\341X?1\227\343>\014\222v\275\320\236R?\320Q+\277\301o[\276\\\230\262\275\347(\316=\204]\007?uU\340>0M\037>\020J\235\274\252 \301\2766N\r?D\333 \277\233\225I\276\303w%\276O\212\007\276kD\002?\014\320\363>\343\321\212>\263J\233\276\273\014#?\350%3\276\333\230\330>T.\326>X\230\271>\004\352\004\277\255 v\276\364N\374\276\256\024\204\276\205>\310\276.\177A=\216\013\255>\230}H=\340\025\024\277\222S\376<\226\340R;\354\306&>\242\rz\270\004\277\273L|\275\256@\243\276\271\223\221>\354\251I=H\255\264>V\261\203\276\266\270\350\275\217\363R\275\375B@\276L\257h\277[YE\276\364L\306=ZI\302\275\364_\231\276\226NA\276O\234\312=\301yu=\367\332\324\330\017\276\004\"G\276\277\326\262>\207\231\005\277\345-\234>^\342\314<0\355\355\2752\277\334\275\347\010\036\277\325\256\325\275\2627\000\276\030K\302\273T\365\035?4\326J?\340&\270\276>\236\301>\005A\275\275\345&\202\275`/\2258\306\314\n?\273R%?\217\304\271<(\t\346\275\272\211\367\273\316.T\275\226\324\340=\257\377\347>e=\243>=\274\371>n\2431\276\032\335j?p\363\230>\354\305\016?\352\315\232=k:\037=fgK>\265\021>=4\350\034\276\03529\276\227}\260>\205\273\021=b\321\236\275\227\307\262\276\227\2047>\272\207\000\277\322\300\232\276\373$\013?\"\256\251>\204Jh>\263\221\227>\365\341V>\0344\025\275\326\n\016=L(\362<\242\253K=;\360\256\276{/f>\021$\246\274\227\031r\275\205C\243\276t\3777=\217D\232\276\216$\004\277\251c=>wl\217\276\274\350\324>\277j\334\276i=\313>&\033 ?\245\305V?\303v\036\276\345\353\001?\3174\022\275\347\326\014\276ZL\213>K\273\275=\004\005$?\274\031\351\275Gz\301\275!\253\001\275D\360\355\276\3770\247>R\372\331>\346z\331\276\r\340s\277\270\n\315\274\256jK>S\215\254\276\'h\266\275\361\345\034\277a8\024\276\275\035\321;\214\270%?\312\264\273>\323Z\257>.h)\275\232}\'?\234\255\201>\355k\374<\276\333\022\274\304\262\362>~:7\276\007V\257\276\376E\304\276r\255\022\276\220\311T?\200\333s\276\227=\355=xc3>\"M\033>\326J\034\276\177u\323=\211\274\271=\214\350O?}\350\347\275\323\371S\276\311I\231\275\354\200\365>[\217^?\250\003\316\275\\[A=0\256\237\276\202wZ?\351\314\243=\017\022\353\272)]\220\274\251<\234>\366\373c\276\327{\333=\265\364Y>\3103\307>ez\014\277\253\341\032\277@mF\276\230\337&\276d\371<\276\006\220\253\276\370\373\032\277\304\001\256>\332\251*\277&\023\230>\215g\275\276\223a\240>\037\377\310<\367\020Q\276\326\"\036?DY\002\277\346\324\205>c\205C\277,$v>d\375\030\277\013\315\333\275\271\035j>\324Te\276\257j\312\276N\203\331\276\347\267\206\274\263Ce\276\025\331\007\277\332\036\365\324>e)\027\277\021rP\276\344\333\230\276\334=\256=\302(\203>\371\362#>\357\361\264\276\347\010\001\277\216\3004?s\035\200>\302\025\267\276\206M =\371;-\276-{5?t\306\030\276\r\265\254\276\375\272#>A\020\346\276c\356\013\277P\2130\276|\271\342>\014\177\005?\361\"\326\276\221\034\242>r{O\2763%\002?\254\210\030\276Jl\230>O\203\312\275\243\250\010>\224u\000>\272@\036>($=>A\010\372\276\030\276:?\234\375\374>\233\360\024\275KV`\276\205\352\372\275\213\013\367>-:\320\276\343\363\006\276\307\305b=\253\234W=\244\270\315\276\212W\346=>\357\363\276F(\304\276\231\314^>h\202;>\207\311\305=\252\262\t\277\302\354\366\275\026\331\250>B\261\323>\336\023\024?\252\241a?\013cL>]\005_\277\350-\007>h\317\361\275,\274R\276\302\327 ?\024\030==0\217\366>\261\361\235\233\262\326\2753\375\r\275\354^\226>\206/L>\217W\345\274\242\275\351\2758H\214\275\251\315\207>dg\202=\265q)\275-\353v>}S\023\2775^\336\276\'\001\337\276\372<\237\275\326\245\350=\204?\221\275\201V\351\276\221x\r\276\020j\366\274\3342\255\2757\277\024?\260N\010>\357`\223=\211\307\035\276\214\037\302<\372\t*\277|\217\254=d\327\032\276\030\375\327\276\000_==M\373\021>+\240\365\276\277\246\201>\337\004\">L\332\221>\241\002\234\274\207X\306>9-\024:\225%\265\276\350;{>\326\337\371\275#\177\024?\273m\016=\t\337?\276u\010\332\276\327\246>>\231\200\241\276\277\362%?\r\223o==\033\352>\323\350\200\276|w\021\277\n\372\007\276\005\253:>\237\204\312\276\275\310\220\273\266\214\267>\275\340\355>\276f\213\274n\177\306=M\300\347>\324%9\276\310]\007\276\200\342Y\275\237P#>\263\223=\277Xj\341=\330\035)>\255\220F=8z\022\276\025C+>\231R\301\276\274\201\017\276\206\300\000\276\303\2342>\235Q\331>T\204\307\276?\336\271>\362\343->$A\010\276,`\037\276\302q\230\276l\327+>,\230\330\276Id\335\276\342\227\304>\0058p\277\260\242\237\276\350t\034\277\201#\215\277eg\025\276\220\357\014>qC\234=\313V\204\276\265u\231>y\365\202\276P\005->\207\'\272\276\355{\000?\271o)?\\#\016?R\300\005?D\324\227>\005\251\260=\321\020\014\275\326sk>\266\334\210>\264\376\355>W\300\345\276s1`\276\244Z\365\276\342hN\277\264f\032\274\024f\001\276\004@\"\276S\364\244>\327G\257\273\373C\014\275\241\036V=\356\320\014?\301\010\300>\'\210\026\276\230\271\020>7\236\342\276Ws\312\275\250\330Q=\324(\006\2768`\327\276\345\360*\277I\260->\020\364\003>\203\267+\276B\001A\274\377\250\366\275\353q\204>7\0332\277\320\213l>R\261\025\276\317\321\226>t\0164?\026\013\037\277\306\321\342\276\210o\334>\2759\201\277\232\344\300\276\013\224\310>O}8>\261\201\362\276\036\323\265;]K\247\274\234\017\025\275\242\365$\276%\370\307\276\222\272K>\376\":>4\333\213\276\331\345\010?\226\270\252\275h\364\334=\320\367\250\276\'k\234\274\232<\322\274\177@\002?\2009\202\276W\343\013\276 eU\276\210\230\362>\037\265\211>t\335\t?\217\254]<\260\253\005\277\221\202Y\275\177\323\270\276\024\372\262=\326\301)>e\353\250\276!\251\251\276\210HK>\274\351P> \217 \275\251-\365>s\355\201=4\330\322\276\'\223z\275\370\013\321<\301\333\367\274Q?\021\276\320@k\276%5n>LBb\276\323\r\335=\013\033\253\276\016e\225>\035:\265=K\341{>Y\365\264\276TM\037\276w\342\271>\356\223\326\276\271\311\272\276\306.4>Y\300\233=\262a\201\276\246\211T>\221?&>\254X\007\277\314i\033\275\367\374\234\276\224#\t\276^y1\276\313\013\316\273\3564\341>\3310\210>\206x\266=\364o\247\276\317]jQ\036\314>\316\271\264=L\263\023?VH\261\276\303\034\246>\035qd>e0\202\275\310\312]\276FJ\"\276;\374,?\274;\000>GzO\274\024<\213>\273\244\270\275\003\312\204\276\2523\227\276\270-\006?\326\2101>\270\265\240\276\255\020\224\274 \037\267=\373\371\212>\206\240\366\276x\354\214>I\321\252=\221\000\n?H\367\202\276\230\273\014\276$\337\251=\035\246\006\277\205\246\263\277C\023\272\276|\242\000?\275\307K\277\213\361\222\276\373\331\342\276\216\002\323>\253\037\234\275S\350\207>\214qA?\202\254^\275t\3308=\245\215h~\032?>\376b\256>j\353\364\276\300\0308>\250\276\202\277m\366|>\212\373\200;\202x\003\276\265\2152>q\305\217\276\0054\222\276,\2226\276\320\030\234=\n\213\377;3#\310>\340\320\273\275\254\377\224\274\314tA>\216\207y>g\242\033>\0006\252\275D\320\345\275\036g\223\276\207\325\232\276\013\372\237>\324R0=\350\001<\276\356\363\242=\323\225\006\277G\256h\276\234\343\000>\004\t\367\276\367\312\204>\324;\232=\214\353\003\275\315\"\240>S\245m\276\030\265\341>\355\220\351\275@\255\225\276\273\364\324=-v\r\277\261\266\326\274NfV\277\366\037,\272\037\374\265>k\320J\277\226\224\377\2750\342\276=\252\030T\276\022\3430=\221LJ\277\026*\030\277\235\003\"\277\366\010m\276\3522y\276\234\033\275\276c(\231=\r\004\250>\357\032A=\'\313\006\276G\335\014\277j\304\231>\214\025\225\275\272%\236>:aO=\336C\360>\206qx>\353k\322\275$\215v\276\026:\020>>\366(\276!\2678\274e\\5\276\274\266\003>x\301}\276K\325\356>\017?r>\031H&>\212\027\002?X~ =\234\312\240\276\377\350\357\2756\311;\276?\016&>\231\361\227\276I@7>7\031\226\276u\217]\276J9\302\276\031\014\001\276\314r\304\276\365\246]\275u\366\236>yO`\276U]\270\276\037\010\314>\245\344N>N\337\025\277J\352\253\274\2760\375>\377\013\204\274\224D\305>\001\002\275\274\2012\030>a{\017=\252%E\275\234\036\213\276\022fV\275y\350\275>\235!j>\351R\244=\364!O>Xen=\254\376\027>G\315\233=.\026\270:\034\004\277\276o\305\n>\226\0143\276:\212\310>\205\301\200\276\214A\272\274i\237\216>\244\2267\277\225$\260= K\343>\270\260S\276J\303b>%\353\217>S9\n>\207v\004?K\352\017\277\211\203b\276\243\360\302\275<7U>\372P\205>\007\2618>v\371\237\276\344\254\246\276{p+=\325\365@\276\210\032q\276\362\363\236>nb\256>\302\203\r=\221\353\323>\365Y2\275\211Z7\276)).?\031X\026\2775:\204>\336Z\212\276Qm\006\277\350\026\222>\225W+\273\334@\255\276\001\213\342\275\334\016\222\276\257&\327\276{\037\033>\3202\211>|b\245\276\224A\331\273/\207\322>\237\224\300>\222k\201>\366\223\217>\370k\340\275GZX\277\032%\210>\346\241T\276\2478\020\275\341@0\275\363\265\262=d\207\026\276\214\302\261\275\370\"\271>\323G\'?\035\000\205>\255\221|\276\274\270\200\276\251M\002\277\270\310\\\276\345{4\275\004\275\205\276\237NG>_T\243\2765X\273>\317cx\276\274\231\354<\265\207\365\276\2367\345\276<\265\213\277\031t\236>:\242\245\276d\005\244>\220[\251>I\344\'\277)=k?\302\240\"\275;\210\225\2766V\234\276\003\237g>\310A\352\275\361V\'?Z4>\277\242\210\340=\241\027\266\276*82\275\347\303\243\2760X\223\276CA\246\2765_\034?\355\232\034\277\373\346\027\276\030\207=\277d\034\204\275\214\333\337\274\331\203U\276\35036>\204i*\2773A\210\276\351E\004?\035\315j=\200\210\327>\330\203\231\276\335\275J=W\3110\277\323+\323=\327\220O\276\347\204R\276\034wq\276\002.=\276\376;\356>~\230\230>\371\302\302=\322y\010\275\023\005\226>.\305\333<\323\322\353\274\243<\025\277\033\336\211\276\027\205\000?\247\262\350>\351\202<\2764\235v\277]\006\277\275\313\312\037?!\215\337=\264\231\267<\225)\276=\271\3256>\032\027G?\326l\236\276\230\005\021?\263\023\210\277\217\r+>\337\200\323\276P\177n>V\3322>\315]\237\276\007\264(=\335\'\235=\\\226\250\274\247p\323=\346\230\254\275k\360A\277\026\270\257\275\274\207m=m\215\275>\024\265\307\276\206\277\n?;\307\375<\204!\255\276G\362_\276}4\215\274\004\000\200>{\260\325=\200\3505>\200\231e\275\366\177q>j\321\223\276-\2641\277\331\221\222\275\036])\276\227W\024\276\262\207\n>\242\035\201\274l\257 \276\365\352\252>>\327\307=\271S\027\276\344\333\202>)\254\213\275q\010\215>\033]\300<\272x\306S%o\274\021\316r>9\226D>\013\312\360\276\374\202\270\276\223\013\r>\336\025\337>t\024\025>n\025\256\276\363C\220=\324*X\276\230\232\246\276Nj\231\275\221\302\312\2741\271\026\2761\032W>\304\256\270=\352\243W?\235\353\345\275\357\346\352>\232z\207>;\316\254\277\273~;\276\310\013\237=WV\267\276`l\037?u\225\211>\024u\212>\001b\021\275\027\242J\276\210\350\235>\252\003%?\366\245\301\275\177\377/\275\031~\341\2758X\255>s[\247>\316\267\232\276\272\251\024\276Y)(?\322\235y\331\033\317>\014x`>\223\224\253\275c\036\222\274D\264\206\276M\237\245>\344\002U\276\345\261\267>*\362\350=\224>\223>c|\231:z\304\027>\213c\200<\223\203\224>H\222W>K.\373<\274\270\224\275\263\251\203:\204\275\331\275\251\016\025?\010\333\245\276Y\020(\276X\\3\2760)\252>\346\r\006\277AT\303>\005c\330\276\331\352\225\275\232a\333\275\305\364\302=\275\301\217=)76\276\243\010>>1\202\335\276\217\r\273>aQR\277\307\225\034>\317\233q>\031\202-\277\226\365\241=\226\262\221\276#\325\266\276\251\373\340\276\230\371\201\274j\033\223\276\225\326\352\274\013\312\374>\345\300,\276\031\372\237\276S{\024>\207U~>\026\374??\316\342\n?\005\316\212>\0016\001?\363d\026?:HP\276\337\354\247\276RD\301>U\013\366\276\202\\c>\302\233+>:\250\226=\262\2327\275\322\010\200>4\326\374\275\226\270\276\275\002\224\316=V\362i=\225\326\206>\367\245S<\021\245\000\274f\221l?H\236\333\276\207\021\301>\256\303\230;\014$t>\033@o\274\016\t\243>\010\321\360\276N#\270\275u\026\\<\212\202\252>n\254\324\276\274\226\361>\230/\364=\373\017\311\276[nx\276\262\013\000>s>\"\276\212\360\224>p\252\214\275.\003\366>T\317`\274L\026\'\275\365\331\251\276}\t\245\276 \343Q\276\362\257\211>\204\000\316\276\333\215\266\276\360\260\214=\n\003 >\023x\254=>\016\253\276\241\363\333>\272<\311\276\021|\210\274|\021D?\201\022\002\275`\243\207\276\005\034G=\237s\245\276a\225\266>a\332\235\276\304\\\304\276\206m\253\276\263\"\350\276A\232\004>\273\n\206\274\225^M>\r\266U?\247\rE\275y\031\221\276\352\240B\276U:D>_$\226>?\312\215>\235\324D\276\342\302\207\276n\225q\275X\010\224>=\3162\275i\344.\277\226\006\351>\256\212h;\275}u\276]\023\243\275\016\030\302\276D\030\205\276\212N\210\276\013\306\372\276P\220\247=\315\250\027>W\217\016>W\016}\276i*\034\276\257\361\235\210y$\277\207\373\360\276\n\000\300>\2437:?\256>\233\275\265\247\327=\303B\217>\002\260\200=\344;$\275\324\3253>\221\217\277\275\263G\336<@\210\214>5\312Y\276\377\n\342>\241\364\265\276\253\342\226>r\225B>\026y\212\2761\244\361=\346\211\024\277\217&\201\276\002Sv>\223\275\016\277\371o`>\203\345\260>pw\332\274\177\231B=\305\274&\276}!9\277\233~\342\276\325\t\323>\261Z \277\311XZ\276\241\277\257\276\313\345{>[\210C\277l\036\321>QQR=\336\266\031\275\300\354\270\275\026\310\212\274\343P]>\307\274\306\276\277\227X\276\314a\226\276}\327\025\275|\256`>U\032h\275\346\026\034>\"\264~>I\036\202>B\221\276\275\t/\026\2760\023}>\013fQ?\037^(\276\312\006\321<@x\305\276\354\260\235=\214nq>\361\017\027\276]q\357=\340\201L\275\023f\331=\267\275\207\275\203\006S\276\353=\335\276\232|9\273\314\216\210\276\235\007R={\276\035\277U\225]>w2\217>6\325m\274]\022\014?\031O\017?JL;\276\031\351^<\2670{\276\217\324\014?\031m\307>\250\225\036>\221.u\276\331\006\033?\331\nG\276\232\216\222>\317\026Y?p\356\360\276JU\023=\367\241\271>}\266W\276\344\335U?\235\325\204\276\332\016\215=S\030H>\336\001&?\r\230\302>\203\233\205\276\305\014\202>m\330\250>X7\004?\222;y\272\362\231-\276T\2135\276\026 6\277\353\234_\275t\3651>\'\245\323\274=\221\250\276\025\377\337<\273w\352\272L\242\254\276\001\366\220\2767\"n\276\223\026J>S\242\325\276T\n:\276\374\206#?\305\330\367\275\271\256\271\276\360\035]>\351\341I?b\246\305\276,\014\267>3\344|>\'TN=U\214E?9\366M\277\353\312\025\276\274>\016?\260[$\276\322\223\370=\301m\276:\217\016\271=\2529$\277\252=\201\275\364{\000?\271%\004?e\352\023?\342w\260=\t\026\316=\231l\031>@M\361>\002\334]?\327\266\365>\217\013\304>\336\314\305\276E \374>\326\023\254=(9\253\276\371\373+\276\2129\000>hYr>\233 \026>\217\253\222>\232.\024\277@\277\300\275\001\210\211>n\246\230\275O]\377=\275\225\377\275\037\026\224\275\221Y\246<\032>\026?\237:3\275Y\300\230\276\031\303\263\276\r<\362>\\s\303\276\365\343\263\275\3431\034\277\247p\260\276u\267I\277\261\336c\276\332\212l\276M\334\274\275\027=\210>>q\250<\233\212?>Z\341\032\276\276%G\275\\\233\225\275\242\365\220>\340\221c>7%\023?!\226\372=\302 ~\276\030\365\310\274\3201\022>{\237\207>\321S\210\276\262\244\333=\002u\265>\331,6\276\352\257\t\276\215G\221=S\221r\276\005\265\354\273J\253\336>[\245\270\276jw{\274\361\003\035>\331u\251\275\340t\003\276\274\013\344\276G\342T?\373R{\275\300\301D\275\034b\255>\357\321\027\277-\310\362>\247u\221>\262\253\245\276\267\344\246\276$\333U\274\301f\367>Si\330\276\332\320?\276\231\335\206>l\r\020?A\034b>\334\221A=V\350d\275\377\205t<\225\355\362>\261\306R\276\336\246q=\rm\233>S\007\303\275\337s\202\276\301\026\320=2\2714\276\212\255\001?<\206\317=~\214?=\001\0256\275\276t\002=\362\332\274\276W\'\301\275d\371\345\275bi\257=\240H\t\277&\025\372\275\024\261\253\274ZR\361=\034\331\025>\007;&>|\"\263>/\212P=2\254\363<*?\001<\370\275p\275%W1\276\010\246\242>\357]r>LI\316>\001\376\t\2761\303\251?r\341\351=\3749~=M[\325\276Ja\020?7d\202\275\230=9\277\350\367\317>\310\225\265\275I\177\360\276\251@\200;\n\006\225>\376\261)>\201*\246<\354\273\230\276\261=]?}\017\206\276=;\255>z\227\366\276\244?\304\275\247\310\314>B\0068\277\374\245\231\2765\253\254\276\310@\253>\022\316=\277\355q\037?\315\366\000\276\357\375\177\276\245\213\277\276`\237\034?\274:\327=\220\310\353\276\214:\t\277y \347=\361\330\221>\261\307\036>\351\'\245==K\367\276@n\351>\225\247\232?\270a\345\2733:<>!a\224?\226=\004\276\207H;?\342&\036?\317\021\326\276\272&\013?\217\231@?\350\226\215>HT\016?\276\177\351>pfk\276\207\345\266\276\345\333\206>m\261\\>\334_\371>\376&\220\276_i\223>9\024$\274WX\344\275$\r\242\276\274\233\025>\300\t\006=\314\233E>\265&\322=\255\312*\277\330\372\237>\006\274\357<:y\326\275G\206}\276\306\260\336>J9\326\275S\306\357=\363\234\320\276\326;\345>4\320\316<\262k\221\276\\T\274\275\0169\014?B\260\225>5A\347>\r\336*?0V\260\276\263\235f\275\230\217\226\276\267\373Q>\227\256\321\253\276\025\345\356\275\037\304\257>,\237\215\276\2703\233\276\351U`?#\340Q>x\034\230\276\356\352\304>\177*\361=f&@\276OK\364=\033\225D?+\356\351>\232\014\316=\010U4>[\310\177>\365\344\214>2B\277=Py\323>\324;\212\277m_\252=n\346\003>\216i\351=K\347s>\247<\027>\252\275\301<\340\250Q=c\222\214>\230-\242>\272\253\240=/\332\375>\323e#\276+\002h\2760\271\341>\331\3728=P~\224>\340$\232\374\240@?\262 ^>\030\227\210\274\2675\003>pF\257\276\316\354\261\275)\016\350\276\334Y\225>\256\014\013?\276x!>-{\273>(\031\251>bt\360\275\327@\320>W\313\267\275\341\342\263>\347o\303\276\260d0?\005\326\346\275 K\335=9N\331\275\225\322%?\307\262\254>\370\367\007>\227\373B\277\001\033M>_\353\342>Ns\264\275\234r\020>\373v*\276\305\034\362>,\262\212\276BgO>\217\230\325=\272\243\340>+\\+?\327\305}\276\224w/?\037z5\276\243\023y\276c\246{>,\027\335\276\025\217(\273\003\246\002>\203\355\376>#2]\276\233T\035\276MB\000?\2135R\276Z\340\355=yv\272\276\256i\316>\330\321\360\276 \227\323\276\034K\032\277$\277_<*\"\032>(:S>d\312\265\276BY6\277r\237\257>y\325,=\\\270\305\275r8%\276Q3\337>\344p\234\276\257j\006< \274\256>\215lL\276\034\211x\277W\357\271=)\025\343\274[\261\236\277\310$\244>S\336\030>j\205:\277\016\342\213=\332z\341\275#\253\375\274\324\226\005?\003\201Y\277#\317\324\275e\307[\2763H\361\2745, ?\334\377|=\354\335p?0\263~>n\314\034\276\322\266\326\273c)S=\375\256\002?)Y\251>\210\275\273>\236}\363>\035\'\200\276\254\t\264\276\222H\276>\\\317\215>\002\241\312\275\031\264\315\276\356E\035\277:\t\023\275q\346\330>\271.\035>\310\243~\275\362~\n>\210\002!\275.\t\332>\027\277\267>\317\263\227>\230\235\276\276\246J\014?\274\253\250=\342\236,\275e2r>HW\226>\212\037]\277\321\000\257\275\334\374\313\276\201\220[>\272\225&\277\342\344\322>\234\310`>\342\017u\275A\211\233=\310\316\032\276\1777b>\257A\320\276\373\237\032\277\350\316\221\276\306\376+>\237\205\222\276\333\032\002=\226G\202\274op\010?H.1=\246>\000?C\324Z>\370\265\207\276\3326\367<\220\221&=\356N\344>\244\345y\276y\025\271=\316\224;\275\245\201\036\276\333Pk\276YO\351<\257\330H>\242\301\371\276\374\210\236>\327\245\270>\231\235\345\275M\034E\2761\2078=\'\021\316>j\244\200>\317~\223>7\\\177=@\037\177\275\346\257\000?q\320\'>V\371\236\276]\212\254\276\010,\210>\345G\264\276\211-\322>\207\233\t?\333I\226\276\264\211\371>\030\214\321>\270\032U<\301\257:\276\022\221\313=\324\037&?`N\227\2760\272\215;,\036c\276\211\002\311\274F\365\251\276\027\347\013\277p{\007\276\255\315\026?\335\346\274\275L\370y\277\275pE\276\027(\243\276\254\230\325>A[\276\276I1\305\275gq|\2768\275X>\014LB\277Xv\327\276F\302\260>H\315\232>Z\'\344>y8\367=\351\320\t>\240\270\362\273\027<\364\2768\026\221>\341\2567\276\330\230H\276%\354\342\276p\242\203\274\315Jt=\332\317*>n{\035\276\372\261\261\275a\020\210>\313\273\241\276\304\351|\276p\013\223\276\271.\201>\034W\252=}\301\016\277\217\356\207\304PF?\013;\276\276\363\267\207>\370\363s=*A\034>\177Y\275>l\224\227>x\212}\276\351\337\376>\251/\324\273\240[-\276\204\257\364>\212C\243>n\323\247=*\240\310>\206&\226=\236+\324>\036\352`\277I[\342\275\302uQ\276|\220\"?\206L\250>\202\223\316>-\352\013>\372s5>\037\337j\277.j\265>\264\366$?rO#\276\27693=4V\361\377\342n>e\004\271>!\250\n?\2069\350>\210C\252>.).\277\337L\322>6\270\216\276\215\366\013\277>\234\233\276j\305K=P\005\350\275U3\000\276|v\037\275\360i\255\276M\022\n?=\311+\276\332\215\035>\321\314\241=\342\202\341\276\233\356\235\276(61\275IU\372\276m\266\235\276\027<\224>\256\331\360\276\207I\333>\213\346\024\276\013\261~\276\227\373\236\275AQ\320>\255-2\276B[\347\276d\236)?\262\342\002?\224\330A?\266\027c\276\342n\237>\254[\346=\243\265!?\370U\255\276\374\021\247>\322VJ=\274@\245>]\232\010\277]\3258\276\242]\347>I`\037\277k/=\276b\211\223\276\360%\225>Dz\204\276=\030u\276\303\326\364;\315>\014\277n\017\0339\312\3020?B[\r?Qc\341=]\337\210\2764S\337\276\200\213\204=HVo>\345\307\204>}S@\275\302B\036\277\371\257\257>J\251\336=56M?\304\243A\276\304\007(\277\251\317D=\313V\221\276\310\226\036\277\202t\261>02\007\275\254\037\367\274^\203\001\276i\265I>\016\256\247\275G\351\244=/\213\327=>o\234\276C\310\003\276\370\210\254=\322\224b<\372o^>#\310\256>>\375\342=\303D\325\275^\010\005\275[\317\351\276\315\013H\277\312\347A\276`c<\276S`\204\276|\241\356=\336\232J>\211\365e>\277\357\005\275\242\350\271\275`\025p>\324}q\276U\227\203\2768\255\226\274g\006\035\276\t\031\211\276\331\224\330\275C\210\177\276r\254\345>|6\312>\340;\224>1\231\341>#\322\257>\360\254\252\275I\000\025\276\306%.>\256\352\216>\235,\221\276\237\227\032\277~\344\364>\031\3061\277/I\333=E)#?Gn\303\276_\247.\276\200\204O\277\372VD\276\2037U>\013\241s\276\377\032G>u\027\223\274x\226\"\276\327\350\212>\"\356\315>\222\006~\276\234\343\321\275\357\305\313\276\266$\354\275\274=\003\277R\256\337<\277\371\237={,\225\276\357&\t\2753nV? \206\371\276&^\034?K\376\"\277_\361\010\313\265\276\275\023\221\365\274\355\324\311>\330\355W\276\243(\246\275|\n\244\276\244\301\006=\037L\210>\372\221\227\276\270\005\025?S\234\027?\003\025L>\326\315n\277\217\315G\276UA\267\276\031\000G>\223\245\177>K\366\204\276\nR\305>\257\207\016\277X\222:=_\317\262=\033n\027>\324O\216\276\255\331\237>gfa>\272z\265>ox\002\276\375e\000\276\365\242\212?#\367\307\276S\251\267>\363)+\276\201\343\271>\327\200\204=\347\364\227=%\211\322>F\205_>\335\327\225>\364\325\010?\367\303\315\276\336vO\276\023\207\272>E.\226>v\203|<6m\240=r\345H\276\032\302`\276C_\025\276h\223\001?<\233-?\027\030\244\275\315\000v>\027\"\007\277Dy\363>`cv>\363a\362\275\341VT?\265\257?=\357\254\027>\261\026\371\275T\024\320\276y\311\345\276\312\376\n?G\346\330\274\330n2?\372\025\341\276K\n\307\276\205\3066?\247\327F\275\227Q\342\273\220\020L\276\334r\341\273i\371}>2\362\253>\262\016\215\276!\201\215>\245\237-\276&<\236=0*\233\276\327\000A? u\252>\317\035\331>\227\241\211>\336~\024\277\312\365\306\276\221\357\246>\270\214\267\276k\206\361\275~7J\276[\316\234\276\210\023\337\276|\270,\276\2313??R\306\370\276\237B\216>\372\273\300>\003\221\327\275\237\200\364=\263\220\224\275C\374\251\276!}\317\273~\304\034\275\347\014O>H}\314=\004\313\334>\212\266\272>\265\215\033=\034\005w\274\215\235+?\306\263`\276\333\365\036?\335\000\201\276\nZ\005>\236t\227\275,\267\025\276\314\244b=\332\245\325=\362\002\335=\004\351\247=5{\326\275\231E\260\275\305\002\252;>q\213\276\326\036\">P\026\342\276v\346\253>w\255\212\276\000\277\305>s\214\334\274\006\232\014<\354]\026\2766u\250\275a\301\201\276\346\3273\276|\345\202>\302I\254=\322\335_=g\346\013\277#\235]\276T\347A\276\306\340%\276y\215\214\276>\304\204\276\227\034\214>\002\257\236>u\327\312\275\204\251\021\276\005\223\255\276\2662\t\276\2472\204>\232\204\036\276}D\223\276\263\247}>|l\327>i~\336>\240\'\234>\203\024$>\033\245\027>\020r1\275\366+\204>\204\326\267>\0354\035\276\232y!?\374\312\243>\004\330\220\276\013\334\315>\26706\276Aj\005?\022S\207\276/r\220=\031\002\253\275\3024O\275\n\340\342\275\330\254\224=\022\2046\272\250_\223=\317w\224>\004[\n\277\002\377\252>\263#\221\276\204\272\331>\302\373\251>\0314\223\006R\347>\3606$\277`\215\000?\035j\312\276R\367\322=\341\211\025\275\263\221C\276\264\303\211\275UN\352\274z_\217>\205\321D\2768\003h\276bb\221\276klX\276\251*\021\275t\265J\277\023\"\367\276z\221\022=\232u\276=\002I\324>E\205\371\274ug\021\2761g\314\271\305i<>\210W\231>\265\256\221>\350\"\325>q\310G?l\245\003\277\257Q\322>\357s\202\276\335\235\322\276\340(\013<\322\244t=VP\031\277^\'\273\276)M\026?\273\227\371<\305\321\343\275\345\300\355>\346}$>\262\010\361\276\377\365\321>G5\020\277pKe?p\013\237\276\264\257\301\275f\037v\275\212\202e>\314\014\215\276#$\360\276\003\023\036\276\301,\263\276\025\352\344>\235\272\017>\273c3?\313\0355>\231\206\262\276\335\326,\275\374Hn?.2\016?i\256]>\343\320\022?\236\210\352>\241\300\n\276g\213\224=\002v\202<\326;t>\227>\260\275\225\010&?\023s0\277\267\021\243>\261W\221\276\265\2561>l\317\220?\265=\224>\371\334~\277\005\r\271>\026\356\231>2&\346\275,\032\212>\254\007:\276\344\374\300\275\335\332s=S\302\261\2752\352\276\275L\007E>\026\302^\276\036\343~\276\340\313\226\276\314\366\231>\211\007\354\275\257$S\276D\017)\276\343\241\001>\303\006\240\274\376`\354\276R&\214>\217\364\217>\351\225\216\274q\300]>\366\331\204\275\354L\261\276\366\350\017>\311;\356\274)\261\004\277\353\275\002\277\341\003\313\276\332\301?\276:Y\342>\201/\253\276\306j\262>\230\256\346\274\253\221*\274\223`\335;\021\000,\2772Y\347<\242=M>\376o ?\243\327\230\276\nz\005>\246|\367>7n\213<\2318\233>\212v\226=x\243\273\275_1\246=\351O+>-\022\023\276a\337\244<\305\237\300\274\321\177\260\275u0\241\274\361v\277>\227\300\244=\255+\331>e<\247=\177\353[?]\022\030\277y\210n>\002\210\235>S\2108\277d>\017\276\033$\n\276\207\'\\\276\352%\245>\221#1>\275v\213>\265\0160>i\345\">\274\204\277>e\235\361\276(o5\276\303\225t\276\265nS\275&\341\272>\245.\232=\212,\250>._}\276\315\355\260\276\362@9>@1\020=\021I*\276A\217\n\276\2474\357=\377p\213\276}\'\324=\024\373\036>\213*\300=\3104\275\275\357V\204\276\330\334\234>\001\027\326>\033\232<>\222\177\202\276w\254p>\006\020p\276\016\3618>L\271\006>\256\343\250\276P\023\r\277\345\323\262\275\032\370\031>\360\355\273\275g\267\020\275\327\014\302=C\304\025>\274\266c\276@\301\201>\362\273\022<\251a\211\274\257iA\277\230Q\253\275\342c\216\276\221_\206\276\361D\337=\246n\271\275Q\275\025>H\351\312=O\321\224=\222#\001?\035\216\214\276\301\305\037>\n\352\202\276c6|>\323\'\346=3:\214\275\350/\252>J4 \276Ly\234\276\274\302G>\210\302\n\2763\301:\276\324\203\020\277\352_\014>?8\342>I\226\320=X\321\010>\343z\003\277\214Q/\276\013m%?J\254\324>\214H\006>To)?(i&\277\200\033B?\252\353\235>\nv5\276\363@\001\277\006S\364\275~N\316\276\241\260\233\276\371\216I\277wi2\276\236\201\007?\314\032\235>t]Q\277\034\344\205<\002\036\330<\217Lg=\232\260\313\2753\210*?\231\320\264\2765\036\342\276\264,\372\275\303\003\n\276\242uB\276\230eo>\030b\026>9\326\027\275\035\367\370>\206\214K\276\036\007\224\275\364\330\020\277/\365\033\277\2020\267\274(\003\205\276zQ\262=Q\027`?\350\225 ?\351\322\376>d\353\252\276_\017\003\275+V\214\276\307\366\230\276\327^6>\t\364\277\276\010#\021\275&\271\204>\227\3516\277M\252\266\275\304\027.\276\357\010}>\265P\240\276n\031\315>z\277\222>\026j\033\277z\313\007\277e\275\031?\220\250\337\276\024\3540?\242\305\'<\202\375\033\277\311F\206>XS\007?\323\024\035\276\\>6\277-R\034\277\204\020\020?f5l\276\250YA>\025K[\277U\354E\276)\n\\>\203\212\256\275\014\346\026\277\271\232\304\27524J\275$a\347>Sg\010\277b\200|=3\324n\275+4A?\200+\317\274\215\250X?\201\344\210>\267\316y\277@+\036=Tw\237>E\364%\304\275\274_\027?\356\327\342\275:\017\346=\007\0171>.\252\352\273@u\363\276q\261\237\2752\347!>H{\r\274\036\363@>$\360b\275\360\016m\276\3759+\275E\215\223;g\002^\275\277\337\231>Au\207\276\350J\227<\344\\\226\276-n\372\275Q\354\227>a\306\361=pg!\275\210Rt>\241\342\240<1xf> \377\027=\213\362\027>\3354\n\275,{\334>\004z\264>\360\024\230\275.\021\002\277\2436\366\2750E\354<1\203\222>R\252\241>\346\276\263>\006\'\350>*I\036?\177\035\314\275\365\334\206>\020\2076\276\301#\017\276l\375\205>\246\321\"\275749\276\t\240\357>\353\342\357\276*N\024\276D\037\305\272\202T\214\276\343ka\272+$\225\276B\250\216>^\200Q>\034n!\276\227Q\264\276M\334\344\276\2775H\276\306\243M\276\203\016\243>\341\000\232\276\377i\300\275\302n\005#?\311\t4>f\323\033>l\325\331>\246\351->8,\'>\260W\001>F\231f\275\256\373.>\256c\033\276\241(\026\365\017\273\276\347\331\221>\344\205\227\276W\240\221>\\\307K=\r\321\302=Z\200\256>\022\312\177\2765e,>\352\342\031?M]M>AN\330>^n\376=\356\016\222=o_;\276\253\225D?\250\222\235\276\016h\033\277\\\322\203>j_o?\204e\027\276\252\265\t\277\246h\260=,\217r\277\275b\273\276\003\377P\277H\207\000?\037\314\323>\250\307\277=\270$\316\2763\205m\276\0367-\275\225dI\277\314\373\261\276\346\202i\277\370\214\022\277\013\2278>\326g\240\276\357\321\t?\316\031\330>\200c\350\276\250\212\013\277XC\261\275\033\273h\276\277\240b\276\320\300\226\276/\360\214\276\271B\212\276\245_^?\302`\207\276\007\3326>\234s^?\"\371B>\327\247!\276]i\002?\331\016\222\275\021u`>\365\324k\275\332\377\244\275@\220\225<\214\005\253\275~\223\253>K\2401>/\377\360=\206\314\t\277\307\026L;\223/_?\303pH\277\365m!\277\370\255C\276[D\026\277\276\227c\276+\346\217\276\262\352\032\277S\363a\276\036\331\204\276\014uC\276]\035\275\275\200\377P\276\264;\211\275\0054*\276\210\033\207>\007\322\003?\003\026\323\276\270\0138<\373\026\003?\372\363\037\276\246\r\265\276\327\307\210\2767p\262=\025\014\027?H\037\344>\375\223\335>\330d\260\276$vx\276\244\375D>\026\'j\276\350\002\026>\373\320\003?\214\207\017\275\254\336\200\275\'>`\2766\314\230\2765F\277=T\334\222>\273\027\001?s\340j\276\251\243\366\276\306\3271>D\200z>\363A\240>\266\014\004\276#\0312>\242=T\276\357/V\276\365rA>\0218\314\276\227\337\037\277n\305[>\006=\352>\025\362\331\274\023\224??\235zk=\305f\026\277/\"0\276\257\210\233>5%Q>\010\273\212=2H\264;J\037E\277U7a\276I\014;\276kbK>c\234\374>I\372\337=f\2227\274om\336>:\320\224\275\2318K\277\351\016\324\275d\237\215=\336i2>_u\007>\003)\014\276\340\010O\2741d\205>\351\\\321;\331\301\035>\020\206\005\277O\246\271\275\333@\330>6\360\222\276\262\201\231>r\313I\277\227\257\211\276\022\221\251\275\333\342\037=\244\227\242\276(\241\365>\353=\033>\243\324\336>_\314\267\275\223\025U>\223\010d>\274\261;?\001H\235>\332\"1\275l\226\023>\340\004X\276\370\246\344=\2769?\276\225YJ>\320\341%\276\305\355\246>\277\364\321>\237\205\301=\305\343\314\276_\370\245\276\233LF\276U\t\234;\320%\365\275\313q\373\274D\030\277\276\321\r\027>g\245o>>\326\266\274\3164\352<\324\230\000=3B\347>q\353\220>-\020\354=\214\023\376\2755\013\205\276\003\201\224\276\205,\320\276?MO\273\263\033\357\276\333\031\254=\322\244\316>|$\261\274h\3712>0\206\255>\217+\213\276O\363m\276\230C\310\275\250\304_>\267\030\260\276\232\261\031\277{U\025\277\316\001\312\276\034\372\312\274n\242\024\277{\217\276=\215\270R\277\334n*\2775\025\312\276\357\365\247\276T7\240\275(.x\275\246\345\351>\037\273\300\276\034\227\375\276s\256\245>\211\"\013?MTE>C\225\333\274\341y\337\275\271\371\223\276\014\0258?*\233\226\276\303\241D\277\2778T\276N\341\n>$A\026>\214\371\036\277\241r\242\275\205\376\362\276\336\313\237\276\224\317\325>\222\210Z\277\231Ff\276\377\200b>\227\333G\276\303\t!\276\225/\351\276F\2257>\314\270\007\277\216\252\t\277S\276\354>{\262\373\276\261;\241>\003\007)\277\247\302\022?q^O<\355\334w>3\277\312\275\311\340&\277P$X\276\355\240\030?\353\353\252\276\370<&?Y\355\333<1Y\034\277*\210\235\276\317\022\267\276\346\343\341>F\231\304)\220\313\276\241@\006>\225\246\370=\311\023<\275\337\271\236>\230Lo\276\003\3652>:>\004\277\007\'\351\276\201\323\006\277\t\210\236\275\004u\025\277}\013\272\276\331@\373>\352\270>\276T\261\244\276X0\241\275\326\312\255\276&\272\346<]4\266\276\004a\005\276\225~\306\276U$\257>\002\007\376\275\256NY;\232\002O=\236hd\277\242\222\013\2763\320\206>\363\317\317=\305\275\020=\240\227\020>\375* \274\177\366\303<<\357\320\2768$<\277b{-\276\216\014\361=\374u)\275\005\034\211>z\'\203=\340x;>\216<(>\010k\215>\310\211\027\276\tS\256\276m\327\001\275\245\027\276>\021\336`>b\224N\276\204\201u\276p\n\357<\036_\017>\322\n^\276\224;\257\276\245\373\225\276\360\310\227\276b\277\346>\375\330%\277\217\017#\276\315p\t\275}\333k>.K\033>\216\376\246>\240\276\334\275\340\265w;\004\315@>1\263\031>\332Tn\276\313Y\343\276\320\347d>\036(\232\276\030\231]<\342<\010\277\212x\267>vRL\277*\016\273<\010\243h>A\271\321\276\030\001S\275\310\222\202\276\373c\220\276\266#%\276\327+\301>\252\250\035\276\272b==\200/*?\271\263F>Dge\276\301\035\274\274\251:\036\276\364\270\264\276\347\226\337>\234\214\364\276\177\263\r\276\267D\313\275\305\021\270>\001\262)?\226\221[\276\364\305\314<{H|\276\340\275B\276\373\205\024?\260\264\214\277\257<\203>h\270O>\357Q=\27659\305\275\023\017\030\277\031\313i\276o\232\033>J\026(\277\216\242\022\277\24601=\275\250_>\"\361\226>\234 \334\276\024c6\276\245^.\277ZZH\274\360\231\033?\327^\216>i\335\273\276\211^\034\275\024\221E?[s\030>\305\177\341>845\276\3645E\275\235\314\n\277^p9\2776\346\212\276iR\024\276Q\017.\276\230_(>&\t\336>\334\253\221\275\274>K\276\214\354\212\276\\?\204>I%\005>2I\242>\264\261\230\276\020\363\220\276\024\336\256\276\020;\213>\260\231\024\276#{\327\275;\335\024>:a\033<@N\327>_4y\276\271&\335\276Z+\314\276\0304\001\277\341d_>\021\270\215>?B\304\275\325Q;>\267r\344\276\237j\204\276\314\001Y\276\276\236\205\274*g&?\224\262?\275)$e>M\316A\275\023\t\352>\352\006\217>\335j\027\277\215X\033\2770Lt\276~\252\n\277+D\237\2764\273\272\276m\226\202\277o\027\235\276\327\026T\276\207\037\025\276-\315\222=\316\241\271=Lg\272\276\226\037\322\276s\271\257\276\314S\275\275\260\355\361\275\336\014;\276Y\260\032\275\014{\013?\3333\371\276\003F\310=\335\014&\277\"\201\002\277\2774\221>SoJ\275u=\247\276\004\254\271=\325d&\276J=+\276\2417\312\276\331\347\336\276\222\356\262=\327o\227\276r\204\317\276h\356\375=\352\252\304>,\324E\277\322\230\241\275\260\034\221>J\327[\276\235\311\001?\0364\251\276TU\232\272hA\343>Z\316\"\275p\000\001?\017@}\2753\034\t?\035*\205\275Lh\022\276\'t\006>x+\202\276\200c\016\276\214\243\241\274\357\303\315\274R\351\302;%r\365=\263d\277=\302g;\277\326\001\033\276\n&\323\276\177\033`\275\t~\017?-m\267\276\273\340\022\277kP\007\277\247-\225>\023\313 \276X2\\>\211\356\200\276\231\355G\276\327fa\276\006P\264<\223\262&>7\234\013\276m\234\016\274\036\260\327\275\025\004\001\277\314\306\262\276`\331\205=D?\206\275\347u\255\2768\303\230??\335\034\276\257\235\215>\326\312{>\351\3464>\023\270@=>\316\024\276z\020g\370\210\360\272\322g\336>\370\315\331>lh\257\276\213\341%\277\2425\352=x\210\003\277\3376\201\276\000\203\344\276\215\337\307\276\306\315\256>\203k\305>w\202\210>\247\311\001\276\277\335\353\274g:\206\275)\337D>\204\223\235\276\317\322\005?\270*\225\276\256h8\277\362;\213\276Y\316\231<\250W\371=\270\325O\277Mo\372\276\337W\234\276\\\026\247>_\340T?W\030\255\2764\227 >\246\323[=b\3524>\354=b\276*\317\236>\022x\200\276\247\221\205\275\330]\026=*H\206\276\036q\020\275\027\216\236>\021\323\017\276\0222\304<\344\235l\276\034\220J>\234\3704=\026\022>\275a\0016>70\302\275\333\322b=\005\'F\275\261\226e\275\366\001\235\276\311M\232\276t3t=\345r\313=\010\355\330\275?}\010\275~\025\317\274\246\242\024\276\262e(?\237\023v>C\320v>\370\272\302\274\037)\220>\n\274!=\363\220\363\265k\257\275\363\277b\276q\253\"=\217\271\016\275\370\205M\276\341\336\357=*s\211\276D\306+\277\304\364\351\275\324\210D>{b\304>\200\3666\275\024\211\014>\2467^>\355N/\277H\033;=\033$\001?Wb\035<\262/\036>\230y\251\276o\212\361<\373\377\310==\325\363=\235\227\307\276\364D\211\275\271\377\343>V \213=\325tT\274\224\242\227\274w\022h\277\225\r\307>\020\222\254\276\303\030#\277\001\213\350\276\230Z\304=\371\014\014>\255\376-\276\242\t\017\277\237\032p?L\362\363>\205\"\244=N\0322?\227J_>@\034P\277\272/\265\276+\277\237\276[@z\275\373\335\242\276\240\020\204<\020\305\300>\217\364\210\276\367zu\276wU\245\275\271\213\301\275\'\027F>)\244P\275N\"\214>\224\020\021?\177\037\247>\026\031\337\276\340`#\277\2249:\275`\303a>*\307\025\276/T\304\276\230f6>\376\247_=B\005\350\2759\007S>.\351\257\276hW\205\276\260x\270\275}\261\304\2743\354}>3\271\203\276\277\271 >@+\276=\363\220\016\276\256\030+\276\004\244\005\276o\235I\274\020\177\223\276\233\005P>\303\3060>]\374\377\274\232\020@=v\221\357\276\201\323\327>\3415\032?\025\014%\275`\356#\276\234\244\021\277\177M\220<\272\272\266>\030\271\000\276\330\272\374\276z\327\006>\270-\032\277\217Z\253\275\271\256z>\365h\337>-\355\335>\332\017\271\276\214\267\346>\034\230\305\276\036+\261=vS4>\230XA~\243\371=\240\250\364>y,8\277\306\263\213>\tW\210\274\026\003[:W\360\321\276\321\005+\276\372\262A\276\313\r9\276C\035s>\217VO>\275\232\347=]\203\211\274\340\0351\275\2625\322\275\361E\276\273U\014\201\2766\361X=a\312>>\022$\275=\230\031\275\276FQ\321\276\005P\320>\343\247\251>\326Wv>t\243\201\276\221\216\213=!\237\024>\316\214!\277<\351\302\276U\033\000\2770\370W\276\r\214\t\277\303q\372\276\234\003w>\010_!\277\336\333(=6z\243>\310\202j>\030\373F\276K\211\346>\004\204\332=!\221\312=T\222\004>\235vI\276Bx\335\276\362\373\261\275B%\221>!\377\303> \341\213\276\316s1\277\014s\032>dEd=\341&\354\276\240\016\342>\357k\275>\0105\235\276a\362\342\276{D>\276\361\001\257>\207\030a\274\366\025\246>\245|\255\276\250\261\251\276\317\031\032\277\244\316\326\276\251\322c\276Y\342\373<6\342\367=\250f\333=r\302f\276O\363\215=6r\226\276\003\215\022\276\020\037\274\275Um\223\276\005\355\001>5\372\226>\013\353\253\2752\351\354\275r}s\272\326\276P\276\220\'\330=t\221\337>tAf>\374\037q\276\3524\000>5C\242\276\001\230\261>KRt\2754y,?X\323\022\277\364\\\010>d\352\036?\n\374\023\276\315\310G;\321l\314\276P\355\'\277\366\205x=\033\267\267=T\215\207\276?[\221>\366\"\272><\354\367=\377\026\262\276\237\365\037?\014\334i\276\032\3613\275\277 \222>e|6\276]rm>\031\220\037\276w\310^\276$\367\206\276\301\343x>p+\223=\250o\244>i\026=\276v\027\002\277R=P>\026\353?>\205\353\275\276\333\3338>\321\326\215=\373\234\207\276BT\206>\340k6>+\344=\276^do=\313\221\002\277>L\034\276\370\033\313=-?\210>s\360n\276\327\354\344>O\201\266;\361k\000>\264a`=\232\027\257\275fJ\204\276\356\t\232\276o\313\331\276E\371\202>=[\016>\336(\256\275\'x\025>3s\217\276A\030e>V\\\'\276w\332\234>\205\204m\276z-\203<\336(g=H./\276;%\255=`\241\203>[\2212\226?{<\235Pi\276}\220\020?W\002\221\274Z\3565\276\033\230;=\275\206h=R\254\376\275\236\260\005\276\027\277\244\276\221yW\275k\031\305=\306\204\006\276\323\033\"\276\244\274\377<\323\257\032<\3120J\274\206\377G\276\330\261(\277\373\307L\276\333A2>\353\373\023\276\014\256\267\276\341\220\232\276\'B0\276\n\275\206<^\370\204\274\352\263\n\274Q\367E>n\214\005=\235\245i\274\241\361\360\233\340\n>\312\3609\275\022\336\r\276z\000<\276\305\312\357>\373\372\030\276\276\005\256\275\321H$\277Y;e\276qV\371\275\2341m\276\204\272\363\273!&\275\276\031\223\323=n\356\032\276B]\037>\213f\307<\303a\220\275\220\300m\276\221\323\241<\3333l\275\215\201\242\276\021\254\353\276\344\225\325;\307D\373\275h#\255\276\003\314)\276kF\003\277ob\305\276\342`\206\276\223\315\325\276\273\226\233>\317\232\014\277\0162x\276\014\260V>\004\2523>\222+\203\273\235\021\037\275\346D\250\273gE\324|b\271\276\250\020\253:\370\337\031\277\377\316\320\274\213\267D\275\201\2314>\265w\030\276rs\256=e<)>=^\022\276l\026n\275n$V\276B\230\207>\322\301\251\275\352\032y\276\200!\334\0105\333\276}\237\255=\233\342\246\276\035(\333=\215\200+\276\"\177&\277H2\356>\313\360\323\276\216\243\346\273NM\007\277z\273\222>\227\336.=\354\232&>M\227\340\276pA\224\274\266\263\307>+B\201\276\315\260\331=< \266=5\235\007\000c\233\274\303\007E\276A\010\360=\003\223!\275\220\341\237>\302&\206>\230{\222\276\247\030\003>\245\343\353\276\221\243\022\274\330O$>\370ok=\263\017\031\276+\326\204<\220}\231>~\353&?i\256\342\276DA\004>O\225\215>\361q\005\277\241\201\250>\037~B>q\363\311\276\272Hc>\331w\022>\320UM>\264\350g\276\272\241\260\2763f\222>\016\206\007\277*\301g\276s\272\252>\014\3628?K:\376\2769t7\275\351?\270\275p\222\357\276\206\363E?%\245\033=\276\025|\275$+\232\276\347(\031\275\340s?\277\323d\"=\000\177\276\276\326\310\213=\t\232\017\276\315\356/>\247\3367>\035\224\305\276:b\236\276\371`\233>\237\365%>\343\221&>\265\266\245>dS\356\274\240\274\307\274\222b\203\276 \265\274\273G\257\247>\352m2=#W7\276\221\364\327\274h\323D<\242w\360=rJ\020>\177\222\344:\007\235=;\206\322\037\274f\221\373\2751\003\226\271\346N\365\275d\317r>\032\355\022<\344\217\201\275\361\342\374=\314\033\221\276<\350\026\277\233\262\304>\365\035H>\255\341V\276\022\017}\275K\350\033>!\202\221<\241&\376\275!Q<=\033\221\243=\312\200\350=\372\004\363>\256\315*\275\220X\365\276S\275\350\275\355\320j>\217\220\271=\367\210\245=\254\373\330\27620\r>\275\344\212>\312D\263\275^[\351>\216\365h=FD\240>\233^K\276\315N\321\275\254y\027\277\373Wc>y\215\267\276L\215\r\277\t\343\205>\206\337\024>\330f\203>\010\014\271>\315in\276\2264U\276\237\367\216\275\312\025\305\274q\010\336\276\272R\263>\341\337\336\276\310=<>+\360\234=\245\352\257\275\003\245\361\275\372\332P<\344\271\227=\202&$\275\'JR\275\177\021C\276o6 \2768\366\024\276n\345\244\276\255V\273\276\223\"\300>\206-}\276\n\177\364=\207\341+\275A\177C\275\355\017%\274\"\301E>\373\345\320\276$\021_=\212?\033\274#J\212\276G}n\275\314\377g>\257iC>\322\2106=_u\203\276X)\207>\234\361\002\276$\031\320>xo\017\276\231mB\275m\355\n\2771\204\356;\001~\327\275\214\235L\276\201\356\177>\231\322?\275\005$\222>\3458\305=|x\337>\305\334\016>\322\225\275>Z\342\300>\315\273\377=\347@\004?\r\212F>7\263Y>\352_\252=\246\357\361>\240\210%>I\030\241\275\241\343u>\374L\333<\237\265\357\275\273\300\212\276E\233{\276\217\207#>\027\365<>\317\324\013\276\010(\033?\270\004F\276\316\017r?$B\370\276*\013^>\0307C=\301\021\204>\306\352\000>$\310\266\275\264#\224\276\265#\272>\222!\027?\360\232_<2T\234\275\264\364\314\276HY5?~\321\332\275r\247\025\276\336\207\243>\332\213a=\225w\346>\320\216\207\275r?\273=\310\014\273>\275\346E\276\302\177z>\320\333\273=\315]\222>\177\371\364>c\002\005\275\027\n\343=o\366f>\310\226\240=\257\225\234=\352n\277<\231\244\022K\233\242\274%\371\244<\235\243X\276\221@+\275\357\306E<7\262\223<\374\264w\276\312i\213\276)\201r\276\244\201<\276\275m\014>^\357\216>\255\326`>\027\251\027\276\320\345\333\276\376\311\214>\241\206\202>\353\365\361\276\272F\366>\346H\227>N\177\034>\305\311K>v\240\267\276\321\224\035>\276?2<\013\010\354=\2739\326\276\320&/\276\336\306 >v\341\270=]\261\257=%V\003=k\203\233>\346\235\334>\303\261\236>jq_\275\243\220~\276\240l\006?G-\224\275\356=\367=\344\224\354>7\340\301=\3349\225\276\353\277\355=\335\374\250>?L\306= }\371\275\212_\317\275\013\207\310\275\224\010\006>\314@4=\237.\306\275L \235=q\001B\276s\232\307>Wx\351=\212\013\033\276/\343\030>U\241\321\275\033\240v=\361d\203\276EV\334>\247\236\235\275Y\342\303=\321\332+=\274\032O?\305\367\310>T\216\n\275\023b\274>\242\247*\276P\207\025\275iY\351\274\330\223w>:\307\314\275\204\344\022>\242N\205\275\022\'\301>D\254\310\275\221/\022\276AM\022\276\234\336\313\275\274\000l\276\003:!\276\037\241==P&\342=\205}\303\275\326\201\212>f\252\217=c\317\031>O\257\007>\260.\200>\256\237\226\275\332M\363=E\223\220\275Qc~\276\205Ec=}\361#=\017\326\213\276]\337_\275\260\r\206>N\300\223\2765>m>\332$\364=\367\021F>\236\n\274=\303k\n?\"p:\276\215#M>\345\374.\275\226}+=9\356\367> \360\314>(r\307\276\220\365\316\275\375d8\276\312\334\026>~\303\031=z\236\217>\211\276\226=\210\003.\276^q\001\277f\334\267\276\335\354Q>\315S>\276\334\336\277\275\271x.\276\215\353\222\276\273R\302>>+&\277\372Z\230<\373\375\234=\225\021\021\277\322k\246=\267~:\276F\375\347\276\237\335\345>\254\026\250\276\235n\236\276q\240\320\276t\3578;\227^\346>\3728I\277\273=\212\273\373o5\277\021N\233>\315\232\211\277\033\027\026\2768u3\276Tk\272>\342\332\235\276H\"\254>\350\336\256\276\247\277\253>0 \312=s<\314\276x\311\232=\211\275\257\276\262\354\016\276\024\327[\276\ra\244=y\233\036\276\330\007\013\276\240{\336\276\231\032#\276`d9>a\336\326\275\355\377w\276\316\217\001\276\376\375\031>^\366\222\276\023\363\033=\3734\334=7A\235\276\244\237S\276\203eo\275\346\023\253:\330\017\220<\257\3701>oM\244;\037\344\200\276\217\220\263\276-\000\322;\214\t\274>\375\327\000\276c\201h\277\246\335\252\276{\210N\276\315q\274\276\033\325\201\276\227\327\240>N\337\256\275\\w8\276\032\247\025\277\217\317\232\276q\322M\276\322\020\331\276\352\216\237>`\263t\276\331\264\317>\301\177\355>\3446\226\276\242\2055=\331\255\234\276\371\236\320\274\017\021\256\276\267\374=\276\230\213\247>\215\305M\277\024\376\235:\244\027\013\277\303\234q\277\273\214\306\276\311\301r=\341\037\320\276\217|\330< ~Z\2769SU\336\352\213>\3726\027?\260\373Z>Cn\207\275\333t[>S\310\001\277)|\204>$DX\276\005\235\n\277\356\n\314=\350z\235\2767WE>\004\307\254\2756\220E\276OJ\034\275_\333k\276@\356\301>\260\304\312=\023o\016>\374H\007>PoA\277,(\177\276\031\327\001\276\017\332\362<\023\325\331>\245\236\'\2760\000\025\276q?\357\275p\343u\323\300\327\274z2F\276~7J\274#\3107\276L\356\265\276#\230\311\275\270k\250\276\243\037\200\276\214\363\301\276\276\311J>\330\200\242\276\303j\311>\331\021x>{\262\020\277\252b\215\276\371YS>\311\017\010\276B\261\020\276\024\020T>\035\251$\276\345\236=\276\356\350\026\2770\345\n?\307\262?=\302\0340\276\215\347\200\276\315(\201=\271I\245\276\3416\341=v\020s\273\220\214\201\276\026\226\036\277\310\257\004\276(\014\t\277\313\\N\276d;\241>\361\211\241>\337\234\036\277\247\004*\277\342\001\"\277\350\235c\276\014CB=\203\351\306>&\332\205\276\226\301\252>Q\000l\276\340\270\023>P\310\310\276\312\256\303\276\240\324\021\277\254\361\220>\332\274\227\276\300\365\222\276\253Ek\274\3213\275\275\226y\214>\3259j\275\017\236\256\276\374;\216=\225,F\277y\350\032\276U\265\365\276RL\002\276\005\370A>\006Q\213\276\3140h\276\233Y\236\276\246\222\315\276F\223\370\274\n\301J\276\003\251\305\276\300y\230\276\312\221\322\275\333\320\235\274\230\350g>\242\026\t\277\306\'\223>\271\241\032\277\024\264\020\277\237\\\314\275(\347d>%\001\256\274\2601\336>\341\221\203\2751\335\205=\262\003^>\017\\\362\276\311\025\005?z49=\306@\374\276\217j<>y^\030?\205\r\371\276\240%\241\276\231xw\275\223a\357\276)\330X\277\331\253\003=\3479\243\276\322\002B>1\323\032\277\3237\"\2757*o=eH\352\276\273\3634\277\202\006\244\276\273&\372\276\262`\342\276l\214\007\277UZ\254\276\232\341<\276o\215\013\2773\315\224>L>\033\275\347\020\024=,I\210\276\243\250\323\276e\'7\276\216\333\374\275]\261\363\274\254\226\030\276_\243\016\2769\000W\276\322\017\207>%\254\034\277J\013S\276\311\253\226>Q\333\212\2760\r\271>\214C\r>ak\233\276)AT>x\005\001?\321\330\310\276Q_\007>@8\235\276^c\225\2766\037\330\2766:\220=\366l\331\276\033H\303\2764M-\277\357\310\022>y\377\304\276>\317\202\276\361m\r\276\217gt\276~\275\r\275\003\366\333\276\372R7=\340>^\276\3522\"\277\250\264\352\275\250\256\337\276k\203\352\275\033\316g\275\276\356;\204\276\260\320\233\275U\351!\276\204z\014?\241\020\002\277=t\232>\351\342\243\275\314\2550\274\r\r\362\275\212[\352\276\010\325\220=\026\313\036>\303*I\275\023\246=\276\016\002\223\276\262#\323\276\314\031\317\276fJ\265\276\317\273\022\276\345\243\315\276Uv\352\276\335\210\270\276\272Tz\2756[\236\275\226p)>\240\233\"\275x\347\366\274z\001\347\276`\0168?\016\037\341;\345\r\231\276\227\217\'\275\303\362\333<\246\226\001?+\370h\276r4\373\276\345aM\276\206\333\203;V\264\277\276\247qk\276\206\247\366\274tu\216\273\241^:\276{\036\227\275\246n\234\276\343\335}>\351\331\326<.\321\025>\276.\210\276LA(\276\235D.\276L\335\251>\307\366\006>\027\333\207\276\316\312\000=\242n\250\276vr\201=eg\311\276\177\357o\276\227U\241\276\2508\022\276`\020\361=\255#,\275\271\342\372\276\260H\'<\324\010\275\275|&!>\335\344C>|\373Z\276\341\344\031\2764\303\346\276r\217\263>\327a\356>4\256C\275\000\237\177\276\340\246\243=M\241\250\274\212\0259\276n\311\014\276\3224\302>\253\024\312>\202V\265\275\344\211\010?b\252\n\276FG\335=;\001d>\327\016\255>T\256K\276\273]Q\276\365\246\002\276\026^?=\035c\212>\312\216\351=\302\276\246\275?X\366\275\235\r.?&[?>\204\315\324>\206h\214>\247+n<\356\317\242\276\334@\026>\206\366\351>J\224Q>\357\004\307>\317\241\013?`\030\224=u\037\251>\013\275\271>\246}\004?\341G\236>\270\242\350=[\242\225>\362` ?e\322\272=l@f?\3345\004?\263u\301=\315\301\005>\246\227L>\2123\324>.\0346?4\n\214>\343\366\350=<\207Z\275\252\213\372> z\257>\335\3708?\377\356\221>\035\204\242=\311\021\237>%\324\005?\241\rB?kV\234=\264?\322;1Wm>\301\002\373>v\347\007?y\316\'?\344\3305>\355\215&?\277Z\036?.\353\023?\302\337\002?\312\302W>\025}5>\000\341\007>\006Eh>N?\312>\251{P?\346\255\276>T\231\215\2753\217\324>n\250\236=\303\331\215>\233!\274>\310)Y>H\354\326=g\r\362>\346\027\300>/L\242=\037\221\273>!\003\025?i\364\266>\377\324\320>\356\256\343>\373&\364>\206\371\273>\214\236\310>\264\302\231>X\252\n?3\324v>\306\227\327>f\220\n?\372\260\250>\304g\311>\210\366z>\214\020\000?\024\375:>\343\346\340>\332\036\267\273\"\267\347>\2145s\275\370\236\266>A\255\016?\354\343\\>\rS\004?c\351\222>\205k\207>\316\372F>t\206\024?)\\;?r\325\226>\241\017\211>\000\300`\275\251\016\026\277\216\333%\277/\3211\277\251\371\001?\203d\236\276\343\220\351>\234\2733?wR\310=\302\264r\276\305\221\037\277\270\272\365>,\032\372>Tk%?B\355\332>\311\035\021?M(\336>k\317\272>ka9>gH\325>\207\326\303>\363\tR?\226\231\207>\305\227\033?\2302\357>\335Xz>1\251\027\277\224gU\276\231\265A>2\336`=\200\202V\276\222C\315\275<\352\317=$[\330>rm\013?U\220\005\276\035\025\267=pP\241>\313y\005\276\0230\001>!\037I?\216\330\325>:\232\300>\211\372\325\276\006\201\337>\313\201\r?\200\330\002?D\327\363=\204\030>?\004H\271>\026\232}>\247}\375>\235N4\275\302f\036?u\346\210\276\234P\255>\327{\376>\366\240k>d\253\n\276:\004\370\274\200\227w>\024\330\367>\032\306\375>\025F\223>Kwl;Qe\002>\252\351R?\202\376\342>\303\352\203=\327\224\252=3K\004\271\304\021\334>\263\227\354>[C\356=\036O\335\276n\250\014?\366L\010\2756J\246\307\026>6\233\222?w\231\357>\274\000\331>\370\204{=\307\311G?\0239\323>\304%\263>\005\256\242=\342\177\261>\272[\021?\343z#?\'I\331>\336\317\230\276n\030\323\2763G\201\275%\201\201>)\370\224\276e\221\243\276\3065\366\275\024Ar\276v:x\2765\323\315\276]Q\366\276\251\251\017\277|N\'\276\264\347\331\276\034\246\274\276\022\035\236\276tD\243\276p\010\304\276\324\251D\277\271\023B=\315@\\\277\032[E\276>\347+\277{S\207\276\377\332\356=\372H#\277\260G\251\276\233\000\236\276Z\261y\276\320m\346=\330\027d\277\332p\231\276Do\266\276\337\343\316\276\032\355\251>\221\032\363=J\361\252\276_h\307\276\265\025\254\274\372\362\273\275\350[\034>\310\262\177\276\244\\\001\277\272\227\251\276A\207\255\276\310\343\344\276\005\022\026<\334!\216\276\362\231\232\276\250d\016\277\211\367\376\276`\371\305\276<\210\007\276\306u\317\275\332\314\026\277\225bO\277\353;\352\276D\232\313\276\327\215\036\277\253\250\240\276\340\023\213\276R\354\235\276\037,\335\275%65\277 VA\275\031\215T>\362=\003\277\200\214G\2766e\252\275x!\357\276\265\257S\276fj\323\276\300\010\345=\237\037$\276[S\360\276U\035+\276\013P\341\276\nNj\276\216\315J\277\276\316\236\276\304V8>\201\202^=B\305\237\276\021\352\240\275\301T#\277\037]\203\307\321\177=\\\222\263\276k\177\222>?\3445\276\225e\256\276\036\277\242\275\355\003\331\276\254\000w\276\r\004j\277\3620Q<\002\260O\274<\230\202>\254*}\275\234\021\252?\3236[?\255(\356\276\242/\344>=\005\014\277\263\315\305\276\313Wg\276{\346\202>\356\211\354>\257\320P\276\370Z\346\276\230\263\362\276\243\207\240\274\320\036\035\277h\204C\277\000\204_\276\246\340\017\2770A\001\276\005\002\240\276\031\203\002\277\274r\025\277\370\316\253\276\266\r\212\276@\314\200=t:\367>\231\033\322>\371\250\016\276\342\177\013\277Y3\032?CO2=c\016@\276N\231\350\276\2517\020\276P]\212>\036\025\241\276\375~\306\276\201\242T>\320m\371\275\225\377\223\277\3018\225\274\\f\263\276\024\366,\275\027\220\365\276\'\370->%o@\2768\364f\274i\301D\277\270J\216=\210\031\320\276\340\004%\276\310d\036?\230\272\345\275\250\316.\276\277\010\345\332\276\353\242\030?\250)\274\276Ps\021\277\0272\025\276\204\257\235\276\033\240\'\276\032W5=K\370\177\276\313\2447\277\307\272\256>\325\322\364\276=\345,\2761\336Z\276{\272\262=\356\013\347\276\340p\216=\013\335\255>\314\204\243\276\003y\205=\306\220\n\276\r}\214>\304\372\244\274\347C\337\276\246\330\325\276\240X\326\276\312}%\277\265\206\276>7\302\361\276.\374\224\276\327\242\033\277\201\352K\276BIV>\273\016\211\276\252\241\323\276\264$\220\276\023\370X\276\274\246}>\315\177\301\271\324!>>\202\240B\276*j4?z\241\306\276\345\366\346>\003\235\017?\374\262\213>7m,>X\253\267=\370z`\275\242\200\210\275\305\020[>j\016\214\276\211\325\353>]<\224\27337\023?\246\375\022?\025\305\363\275\016\021\322>\364\244\236=n\267\021?\274&\265>\207\263\222>\025\272\352\275\n\031\242=\013\267\002\277\340\213\333\275\356U\312=I\227\201=\037\022\241>0>\025\276\022\020\253<\317\177\033<\256x\303>\216\025\356=3 \363<\306\006\207\276\220\200l\276\000A/\276\300\311\211<\211`\323=\350\340\202\276#\344\327\276\257R$>\337\243\346>\242\336\231\275\323\031X>\021&\342\275\200x~\275\257b\300\227\224\025=\212\3508>\206Q\223>\367Q\250\276\033\023\020\276\350\263\237>\276$\336\276{\027\331\275\nP!\274\264\2205>\017~\376\275\275\035\276=\317\266\220><\244\240>\307J\344\276_\363z<\210\240\000\274\201%\246\276W\302\n?\016\267\001\276/PG\276\327\246^\275\035P<=\350?2>?G!?\341)9\276}\274Z>\353\364\023\276\265\021\326>\010x\223>\220\354\222>\330O?>\211_\271\276Z\264f>6T\257>\275\3103>\0344\021\276\352\265\216\275 =\031\277\351\226\336\275\301`\274\275\236\367\024=\357\323\207\276\262e\002\276\260\201\235=T+4\276\336\266\276>G2\302=\261\324\364\2749\247D\276\232\360\325\275\202\363\306=\2042\035\276\2442e>/\374\022\277q\351\350=\240\326O\275\375\013\236= F\354\275w\2303=\333K\023=\325\022\241\276\231\247\277<&\013\352=\353\375\266>\016\274\227\274|^0\276\331\034\277<\0012\204\276\343w\350\275\263\033C\276\375\241\032\276\201\305t=\211\214(>\372N\301>\333\034\211>\224\317\332\274OI\211>M\237\264\275\3361\321>s\320\256>;\023\217\275x{\261\275\263\353&\275%\341\214>3w\264>\021xo\275j\260->\216\345\036=\366\305U\275j\250\244\242\274<\006\245>\212\374\227\276\370A\202\276{\215\273>\036\004\312=\204\272\307\275\351\3171>\371X3\276>\230\031=\371\213U\276`\016\304\276\344:\345\275\023\225\250=\367\355\345>\2003\377<\222\206\273=\241&\221>\262\010!>\t\306^>l\"\367>\225\3157\275+\355\205\276g\360\217\276\340\n\243\275\254\335\231\275\266\236\030\275\3344\274>\270\354r>\366\264\312\276\263\2672=\231\300\325\274\3017*>\305\025\007\277\201UL>\315z\004?\223\253\356\274\304\3059\274\351\311U\275\336\310\220>\0238h?9\226e\276w\375\212>\t7\273>\304\203\244=v(\240>\t\202\240>I\r(>\353c\264\276\212\332r>\203\016,>\002\327m=\026\213\265\276\302\276\257=\321\357\274>\227\213\225>h\336\330>BZ\007?\314\010\373>Xs\025>1rV=\004\017\032?\312\256^<|\360\267\275d\243-\276S\356\354>\364\357\026>`H\253>&\027\205\276\321\221\316\276\362t\357\276[\277\025>\252C\361;qg\035\275\304\324\212\276\2369\035>\323\272\'\277]\377&>\344\262\003>9\232*?*\007\177\276Ih\027\276C9\303>\200x\360=\027\325\023\276\367A\017>\267\273;\276\372\0133>,\236&?9\031i\275k\312H>\025\203\020>c3\023\275y\253l\274\366\311\233\276\355\030&>\340Y)>7\317d>Q\336\323>\315\361L>\007\nJ\276 \347#=\3513]>F\002\375>\335\254+?~+\304\276\275:\236\275\261v\221;?hd\276\021{5?^\376_>Wk\354>d\323\224=CIT\276#\037\010?E\370G\276\220S\356>>\030\340\274\177}D\276\027^\361<|z\224>u\217\236\276`\203\005?\251T\'=\335u\216>\010\003\246\276\213$\237>\307\007 \276\326\313\340>\255\'\034>:2\023\276_\0355?Qg\001?H\t\377\275D\356\'\276K\r\312\275\026w:\2755\265\300>q6\261\275^+\227\2767.\274\274\361i\212\276\322y\357\2769\023\270=Y\267\317\275\2144m>\360\243e?\326\305\334=n\355\273>wJ\025?\227\310\313>w\2646>\007\n\003?2\254\'?\320\263\n?\335\307\251\276S\202\003?s\2078\275R\004\317=\221\217t\276]\277\005?\016\013\021>T]\201=\2270\317\2758C\366=\361<\253\276\316gi\276_\347s>\223\361\317>H\202\253\276~\335\246\276\221q\022>\237\212\316\276\337.!>\360{\006=K!p?\363\316\371>T|N;\3021\374>N\304\264\274\362\310\271\276c\036J>\013\345%\276\275(\376\275\214\316\344\2750\342\034>\204\3010>yr\256>\026\007\360\275\373\301\246\276g`\334>\n\2216>\260\" =\274h\227\275\340k\305>K\303\203\275R\356\035?U\357\246=\000\253\026=IM\001\276\365\353\021?%\265\355=\312\276C\276#%\363\275\016\232=;w\257\232>\361>\004?\260=\355>B\343H>2\013\255\276\004\263\223=\347)d>\234I\253>\202\035\014\277\217\225\301>\220t\376\257\351\266\275}[\304=\023u\236\274 P\222\275\300m\200\275\236\303\320>kN\301\275\215\373h=\004\020\224=\362\217\341=\317M\214=\351+O\277\210\345\031>\231\253\333>n+O>\024\306\001\276)\337\247\274/\355\207>\360\257\016>8\264\263\275\230/\257>}\013\010=~\350\204\276U\234/=\201\204\251>\331\322N\276\241GQ>$\014 ?\256Lo>\314\316\351\276V}u>\363\025\023>\033\342\224>\226\370b\276\207F>\276Jz\310\276LIx=\243\006\244=}\017\256\274_\014*\277\3730\236>\310\323\010\275\303\374\377=\276U\235\2764\037c>\227\245?\276P\365=>L\370\250\275\366\003\311\2767\371P>\263\353\250\276\205C\215\276\006(\360\276\311\262\204>\255\036S>\246~\023\276\262\246\306>\003\3414\276\331tp>\371B\177\276b\241y\275\310\374\036>\271\224\263=\227\262:<\307}\212>\307\0343\276P/\205\276Z\301{\274\014Z\023>[\3644><\306\241\276d\031\231>\007\274\026>2\205\256;,\351:\276R.\205\275\017D\353\276\016\202\234\275\356\233\263>\260^\224>\246-\375=r\337\225>\253\n\240>\275X\323\276bDD>\227v\002>,]\212>\260a\327\2762\341R>\032\246\033\277\354\324\370=|\337:>\224\242;\277p\211\021?}\'\235>\200\364\036\276\035\237\345=\006\261\332>\2167\354>.\256\223>\n\026\227>{\231\243>\314\276\313>\362\0245>\240\005\300>)\330#\276\355\330B\277\221\263\201\276{&\275>D2\274\276\354\265\'\276\266v\331\275\300/\241>\250\363\266=-V\300=\357\374\020\275\353\264i\275\034\021\023\276\334\254\235=\325\213\347\276\365\340^>!%[\275TC\242\276\261\301\311\275\351\271\342\275rj\301J\nI=\326~Q>hG\014=\345Y\n>H\035\354\275\363\356R>@?\032=\3470\246\276\254q\266>\362ua\275\016{4\276\301<\211\275\365k\322>\024\235\232=\217\260\377=lE\344>\177\257\\>=\241\265>\317\322\020>\001\240\226\276Etc\276\037o\356\275\306\265\276=\307\002\233>\005s\363\275\031(\222=\2655\266<\336d\343\275\353\266\253>\321^\007=\003{[\275\376\300A\276l\310\265\276[s\274\276\371i\325=+\360U>d\313\317\2769gb<\341\374\217\276\326nb\276x\203!>\261P%>\246\t>\275\016Z\025\274\351[\266=\000\006\334=\031&\213>\376\0201\276\257\200\217>\035\247\301\274\262\315~<\251\nF>:]\225>\247tp\2740G\022:\257dE>\211\034\322=7\244\303=\245\220\353\276{\355\025\276\302\221W\276z\213\014=\301\267\366\275\026(\235=\357q\327>&\200\267\274\206\025f=Q\300`>)\260\335\275\270\277\306>_\026\355>\020\025\232\276 x\344>C;\245=>\007w\276\223\251i>\203\357\004>@\333\221\276D}\371=C\235N>\336@\376=?\267\243\276\354\013\246<\317\255\202\276\033\'\201\275\321\034D=\230H\235>\3304\203=\024\267f>\374x\032\274\224\206\252\276\245F<\276v2\034>\205f\205=}\263\254\276|\027\365\276\232\036\035>\273\3725>M1c\276\202B\002\277\013\336\246\276\234O\347<{\250\227\274\204\\9\276\007Z\374\276#\tJ\276`@\027\275\230ep\276\310\337O>\256m\031\276\326#->7\331X>W\301c\276\303\376\225\275\024\323#\276\241.(\276\370k?;o..\276\237\016_\275\252\177\007\2772I\200=l\306:\274n\021\377=\360\240+?\006B\031?\346\005\364\275\256\376\016\276\027\265#\276\211\242\240=\361t\213\275\330A\267\276\243\262\204\276\213\276\344\276\317\000#\276w\013\031\276l\017&=,E2=R\201W?[:n\276\374A\200>$H\227>Q{\264>D\247\365>2!\217\275\307A\231>_\275\037>\313\324><\330\230e\276wj\251\275a\2239>];\271>9\317;>V=\037\276\224\206\311>\232\213\202>k\365\330=\"\337\315\276\325A\210\275\231g=\276<\213!\276\237,d>7\260\270\276\326\260\305\276\323\274\355\2759l\374=\356\327\262\276\332\032E>\376\3469<\366\235\275\221\266\220\275\270H\022=\3360-\276\350\215R\276\301Z\202\276\245\272I>\264l]>Js\010\2776\304\220\275&\001\035>\252\025\267>c\347K\275\370f\257>\236\262\230>A\003A\275K/\337\274\247\277\321\274{\230\203>;\211\252>\254V,>P^7>#A\330>\013\006\343\274\367H!\276\351\235\r\277\256X\361\276\035\030\250\275@\354Q\276\264\022\224>\334\211\">\351\370\261\276\013\3074=,@\254\2768\r\260>\322J\223>\\\276J=\355~\341=\364`x\276\005T\035\277\326I\352\2759\031\"\276k\022\305\275y\t\020>\206Q\316\276\314\232\217=\263\024)=\374\243\020>\317\354)\276\373\327\007=\325\360\225\273\361\0177=\210+\201\276\327\007\276\274\2414\202\274\312\221\221\276\203\332\343\275v\370\001\277\256i\325\276\365\317Y>\303k:\275\330\213\255\276\232\032\321>\3434\325>K\001\375\275\232S\035>>\373X\276\352\275\241=\314\202\200=\036\026/>xF\014>\033\002\017\276\001=\034\274\345\345L\2763\327\201\275\271\022\377;/\216\307\275\217,\222\275\3470\322>u\327\300\275\235\036l>\303P:>\203\362\026\276\366a\021\276\022\277\206=\325\016\\j\222$\276\254n-\274\036\205\254\275}\211`\276h\277\347>\224v\253>\354\024\340\274\217]\014?/\177\254\276\004\245d>\233\017\200\276\277j\205>\344\007\013\277[P\376=\177\031\027>F\210g>\335\265\343Q\247Y\276$\250\207=F\310@>\264\r}>`\\\021>s\264\212>S\371\000\277\213\037\242\276\236\320R\276\255\330\311>\326e)=\003;\210>TO\234=\362\032\016\276A\023>\276\024\006\236=\326\037\357<\332{V=a\264\010>\360/\372\304\243\002\277P\333\263\2768\305\251\276\344^\227\275\215\305\254;\311|.\276#\030\002\276e\273:?\224\313-\276J\024\270>&\364\366=X\223\031\276\234;\331\276\260\035\322>E\004\247=\205e\365=a\253\262>}\373\353=b\217\221\275*\270\023?\262\264\225\276\276\201\232>A\033\224>\312\312a\276\274\r\315>\310\231\260>\222\320O\276\212cQ\277\'S\355\274\247\344\327\226\246:\276\277\337\255\274k;\002?u0\304>0\251\032\276\340\244:\276\202\022\337\275\350\265\177>\342|\346\2760\316.\277E\177x>\303+6\276\221\222\216\276.\216\301\275\346\024\200\275\307Fr\276\010\3162>\373S\223>C\021\221\275$\332I\276\347\313\230\276\3509\"\276\036)\263>\n\255\272\275\317\266\300\275C\2479>\332\351>>\r\005\375\275\304k\327\275\\ry=\214\240\335>Mh\327\274<\237\374=\272\312\376\276\301(^\276\027>\010\277I\236\331\275r\343\343\2740\327\300\275;M?\276\320\337+\275\261\221\027\276\347H\226>\377\362\245\275\350\313E=N0E\276C\323\221\276\373\031~>W\306\357=\251\237\270<\350\325\230>\361\014\311\275\362A\273\275\351X\007=\352\302\203\274\272\374\200\275\231\025\201>\227\013\230\276\205\034O\274\364\0203>t0C\276\311\212\253>\036\007\371=&\362\247\276\305R\025\276\006\005\303\275c%z<\034p\362\275\213\'\014\275`\272\243<\250\236:>\232\3321>*\315n\275F\226^\275b\315\236>\021y\223\274\360Q6\276\350\241\027\277\317S\010>\241\005\327=\276@S>\234\333\254>L<$>G\223\027=\255F\312>8=\225\275\374m\201>\232,\363\274\346\034\214\276Y\346\314=\272w\022\275\340*\250=\327\024\240\275\260\206G:\244d\207=;l\242\276\335v5>\246\373\202>\263I->G\341\006=`\207\367<\245\226\355\275+\347\327=\363\033\252\275U@\340>\330\326\t;\342\311\367>&\257\314\275\207\031^>g\304\321>Ys\267\276\321\005\n\276s\301\256\275@\357\037\276K>\267>\024\267\002>z\203T\276\236Jl\276M\363%>\375\267\231F\350\360\274\037\362\204>S.8>\353\356\021?E\356\013\276F\3610\275\276p\013>_\360\304>`>\230>Fe\023\277Z8d>\246\325\241>+\357H=}&\222>\341W\262\275\322\3608=\004\014\\>\354\200\206>\2543\225=\363<\237=h\317\221=\330F\250>\362K\232\276\271>?\276\'\340\005\277\206\250\036\275\250\363\342\272\316X\237>\254\207\021\277t\262\307>D\202\205>\017$\236=\275.{>\300\370\273>o\255\013? \207\305>\365\271\274\276\311E\202>\257VL>\310\351\307>\207\017\000?\221\263\014>\000\210\222>\n\300\305>\377\034\355>\257p\264\276\373!+\276i\244\205>CS\330\276\005\324:>\226\000+\276\210\010_\276H\002\267>d\177%\275\277\022\375\276\306M\273\273\206\2302\276F\224\215\275?\250]>Q\230\214>\210)\224\276\353\217\260\275\272u\246\276\r\t\342\276\334\324\033\275\274\271\270>\253\275O;\353\255\277=\335=\003\275\003~T>\3362\030>q\271K\276\327\207\306\273\257J2?\310\024K\277\n\234\302>\277\033J>4\352\343\275\337\\\336>\010z\023\277\030\227(>\030.\300\276(\037g\276\275\373S\277\265\376\356>\256-e>\034\340\334=\341\241\355<\330\3759>\346\242\221>\016\325#=\210\374\275>Rl@>\031\210\264>\341\331\200>\344\232\335> \347\226>\016\352\271\276N\364\317>\277\234+>}\273#>\333W\214>\304\236\210>y|\261=\213\237\374>\'\234E\276\247\225\333R\371V>1\244S=\234\266\250>\204\034\350\275\2315\215>\273\213\302>\203\304\303>\357\341t\275\260R\234\276\022H\225>PJ\361=I&6\277\335H\240>\214\207R>\321J\333\276\237\203Q>\235g(\275~\350J=+\253Z>\014\205G>^80?\216\037\023>6\200\232>#O$\274Y\246\037>\377.\352>\251\024\204>9\270\373\275^ta\276_\202\300>\373If>[\351\262>\361\346:>\335\250n\276\332\004x\275\201x\021>h\346w>\206jG\275M\037\267=\n\326\202=\345\230\361=\262:,>\037\205X>?F\330=!\305\301\275\365\360Y>\000PK\276\007\2026\276\213\251\r\277\375z\351\274\3479\320=\025E\253>Q\031\031?\254b\341=\355,8>\030\270\'>\223T\254=!\302\307=u\005\372\276\370\210\323<%\313\256\275\377\252\212\276\3133\202\274\2511\252\276\371\367A>s\327\360<\343\006H\275\nr\213\274l\347\336\276\361\213\307>2\216\204>G\243\312=\307Z\'>\232\352\263=\311\027\303>\246\246\301>\207\004W>X\217\341\275L`\263\276\3168\252>\177\261\372>\357\372P\2764\344\033\276\320\242A>B\3748>|\n\007>yq\322\276X6V\276\0219\250>nR]\277y\371T>\235\004\313>\363\034\246\275\201&\372\276\230\360\230\276\331)z\277\224a+\277\251\265\216=\261V\261\276XN\261=\342\035\236\276a\321\017\276\' \202>C\233K\277G\004\354\274\030\342\300\276{\252\013>\tq\211<\346v\220>\247kT>\206\031:>\3405h>\021\'\376\276n\355S\275\364z\365\276\371\n\035\277s\362\273\276\\\246h\276\203\330\322\275B\351\230>,z\212=\264\237f\276\360\215\025\276=\202\265=\230\316\325>\323Zz\276\315\224\207>\265\361\355\276\255\364\333>\362\350\243\275^{\364\276,\256\017\276$\006H>\005\007\252>\302\357\005<\332\211F=6y\032\277\275\003\365\273\310_\357\275\327\263\014?\274\357\264>\017\276\276\275q#\245\276\311\355r\276\317\246D\277\255\373\255\276L\374\005>\340\"\327\275k\323\224\276\346\312\350\276\224b\004\277p\030\376\270\033\257\276\273#J?\206J\316\275\345\016P\276}|\026={dN\273\227B\022>ZH\221>\010>\035\276x;D\274j\220:=\313\244b\276[V\251\274\375\355\274\275l\000\267\276\262\344\327\275:\027N\273\250\254\254<\222\375\226\276,!\205\276m\271O>\213w\332\276q\371\234=)\254\226>\375\016\231\2768\265\240\274\276\357\236>\"\r,=\005m\201=\033\331\272\275(\320b=\016\315p>\033!Y\275\270r\202\276\265\311^\276\241^\006>\237]\007\276s8E\276j\324\236\273\237\326m>\255\356\014>\307)z\277\367=\000\277h\345\006\277e@5>tA\316\276\365\360_\276\322?x>j\273,\275\177@\225\276jo\271>5lE>\233\200\247>\020r\223\275\374f$=\311}\220=7\004\362\276NS\256\276k\230\225\276\222\236R\276%\356\035\276\261\316\216\276\215\240\262\2762\352F\276IU\224\276u\000\206\276\213\203\202\276\303I\216\2750\t\344\276\355\035<\275K\277\367=-< \276~\215Q>\232\274\361\276q\277=>X6(:\320T{<#Az>#>\201\275fG\221\276\004&\261>\250\024\023>bj6\276\004$\032\275\351\206\313>L\350,=|\204\373\276~\216\262=\351\367Z\276\212\216\033=\002\340<\276\213\204\322\276\320\221:\276jfY\275\223\304?\276\212Lb\276\334-\276<\312^3\276\003\367\007\274\220\211\005?\226\207\335\276\021\326m\276a\\\341\275z\2531\276\237b\207\274R\304\337\276\'\n\370=\024/\376=&\323\005\276\016mB\276~\225M\276\320]\271\276d\035\037\276\032)\327>F\300&\274\361\021\334\276^%6\276mw\344\276\330rT\2767\363\345\275z/0>\304m\177>\223\356\236>\311E\273>\376\032>\276\010,\217;\275\031\013\277&\346\n\276-\201\236\276\231N!=\026t\316p\347j>e\315_>P3\321<\267n\265\276a\2609\276\363\353\230\2764f\375>B<\303\274\025\355\330\273KG\300=\023X\245\276\344\355\341\276\304\235\363>Q{Z\2764}\004\276%\013\274=p\371\007=\323\237#\276c\210\"=q\222\035\275\206\342\310\276\360\223\306\276\020\374\242>q\362\306\275\000(\016\276\3034D=\346@\235\276\020t\254\274\227\340\354>\355\253\223\276\212~\330\276\262\257n=q\236)\276\313\333\233\275\334\204\257=\361\373\000\276U\004\356\273\262S\013>\266\262\311\275C\240\202>\"a\225\276o\372\003\276\361m\367\276\002A\270>.\331.\276\335\301o\276]\270|=\236\222\253\276\t\204\035>+\266W>\016\235\200\276\225\034[=\261\244;>4\357b\276\370\000\304\276\303\357\207\276\262\211\274=~UV\276\365\231\361\274x(\016\276\354j\027\277\024)A\275\303\343\217>_\312\317\275\021\346n>M}\341\276\235\340\215>\016\260&\277\007I\334\276&\"k\276)\351n=\023\313\275>5(I\276\301?d>\t/V>+\225R=\'\027\213\276\377b\353>\302\240m>\245#\255\276b\227\222\276{\273z>\265\202\332\275\312=\201=n!r\276\312l\226>3\227y>\203\016\201\276\n\315\372\274\230\023\302\2768\031\004\277\337f\333<\303\334\237>--\342>=\312k>\370\017\306\275\355\032\271\275\261\320\251\276Q\222\274>!\365?\2765\337y>\212\366\016\275\263,\321>\261*\241\276I{{\276\357\0051=\215\035\360\2754\341)\275\236\265\200>@\006\010=\356#\336>\206Y\t\275\013\014\376\276\256z\006\276\316\263\036\275OX\341\276=\300N\241\301n\276\243<\200\274\266E\241=\217\356\317>E\370>>\372\265\006>\367\\\016>\023\"U\275\005\360!=\313L\263\275W\263\322\275\255\t2\276\272p\212\276\254\\\320\2764\250g\2766\026\230=\n\343z\276!Df\276JR.>PS\376=\346\354\277\275\253(\277\276\245\236\037\276\242\222\017\350\376\234\275\311h\224\276\263l\034\276\315\014\332=\004\251\255>\213Rf\273rG\275=\001\240\332>\244\267\255=\211:\305\276s\033\204\274\340\023\313\276\323\245\373\275\317D>\276\n$w>\200/p>\';\254>\250R\004>\371\337u>3\331+>\367l\253\274T\276x\275\376\025\262\275\372!\320>=i\253>E#\224>s4&>_R\246>\251\300\032\275\276\177\226\276\254\317\214\271u\212\267=\221\214b\275\026,p\276\355M\343>\2037\335\276|y.\275\270\250\377>\txE\276\363\216\010\277\334\004y\276 Q\242>:\243\275>x\327!\276\245\363\203>Fi\262\276\030+ \276\252\037\345\276t\244\274>\311l\274\276p\343b>_\321\335=QM7\276\033\240\372\276Q\230O>\224\254\033\276\014*\222\275 \220\322\276b&\002\276\205]3>\217P\220\275\020\037\330=[\2142>T\004\002?14\316\276\345a\003>B\205H>\362\365\353\275\323\031 \276\t\305\262\276884\274\022\306\240>\226 \033?\242H\243=\237az=)\334\251\2768m}\275+\254*>\211\361\216>/D\n=\036\213\362>\0035*\276\333\246i>\311v\211=\326I:>7l\210=H<\271>\330@Z\276i^\353\275\205d\031>MW->:<\345\276\315y\330\275\360\326i\275\307\243I\276p\221\207>k]t>\201TN=\310~\213\276Z\246\234\276\332\376\275=5\377\246\275\316 \270\271JB\264>\013\205\226\276\364\240\231>N\201\201=\215\302\300=<\\(?G\226\n=C\350L=yj0\275\356y#>\227\236z\275`\003b=\002\351)=s\343 \2775\360|\275z\370\235>\240N\033>\013\261\024>\002\335\213\276Nz\246>\240t$\276@\023\033\276\2515\370=\027\233\372\274\310-;>,X\202\274\261\367\006\275\021\234\010?1\372\'=|\264\253\275-\207^\276\374C;>\350Ao\276\002\tB\277\021t\235\276\306w\232>\350\234\223\276V\005\271\275\311\302\025\276\374\313\236>\206\024j\276H\340\030\275h{\256\275\nfY\274Qt\025\276\261s9\275\236\315\340<\231t6>6\312\245\274WU\263\275j\362T\276\300P\000>\032\323W=\034\2652>{:\n\276<\350D>$\340x\275\321#t<\365\230\033>\232\005L\273\204\212&\275\370\236\014>s\375\211\276\323\005\010>\024\007\305\276\017P}\276\310\227\023>\247\002w>\"~\256=\362$[\275\344\034O\275\352\366\030\276\242\266\247<]B\256\276\264\301e>\210\262\016\274C\320\013\277\345\362\236\2755\336%\276-r\002>\260\267\016\277\210\342C\275\266\325\333<\010\237i=\031\"\376>\354\243<\2760om\275EM9\277\262\267\233>\017.\315\275M\371-\276\320;\314\275\323\252*\276\037\367\230\276\323\371\226>\221\016\276\276~\311H\275\375\341\034\276\005\001\003\276\323\304~\276\273>)>\233\213L>C[\326=w<\335\275\263?f\276\257c\253\2743\343?>\2014\266>\375\311\352<\n3\371\275\225\353Z\276\207\353#\275\r\200\246>}\253\301\276[h\'>B\217\201\275\"\260-=\346\205$=m\353 ?\024@l\2758\217\032<\313\230\245\276\363]\310;\002k$\275\004\371v\276\376\244.\276\000\366a>\036\301\r\277U2\000>\257\017\310>,;\010\276\314\2268>\3735\027>O=\010\354\320>\376\211\354\276\354\0304\276\351\316\272\275\331\010\326;\327\257\217>\336<\374\275\r&\355>\234\006\360\276(\000\035>\213\005\022?\237E(?\375\217\217\2757\363\275>\331`\306=\260E\263<8\321\327\276\023\311\204\2765\226\246>\352\311\207=\023\350\213=\016\202\331>\336<\333\025\200\240\274\263\257\307=|-N\276\216\356\220>\014\215\273\276\231\001_\276`\254N\276w+\330>v\262\272=\276\016\014=\347=W>\225\320\274\276\326\336^>\226+\272\276]\021\205>\255\025w\276\251\332\014\276-\\\025\276\333Fk\275\260U\264\276\315\211q\276u\223\010>\362\202\027\275\275\256b>\321\275\301\276k\367J\276\322[1\276R\336\201=\327\325\207\274\265#=\276\242\005b>\255]\255>\200\227\025\276\221V =. \006=\330\242?=\375$B>\232\324\211>\246\264Q\276\315\351\264\276\311\342\204<\243\tT\276\346\302\317<\225s\033>^@\232>\362*\014=\311e\262>\374\250\241\275e\220\306\276\2039\016\276,\201f\276Y\252\003\276Q\234\003>P0\317\276\267\013\261\276\375\317\242\276\356I\326>\355\306\000\276]\303#\2761\344\346=:\210\203>\206u\356\275\212\177\271\276S\340a\276\365\3752\275U\352\355=\266H\003\276\272\363d\275}\231\244<3s\226\276\222v&\275\347(\\\275\321Z\227>\235\331\330\276\220\317\010\276\231\033\252\276\255\367\250\275t_\317>4\330\361\275$Z\036\276\037\003\326\275\2259\220=d\354\251>\001e;>\002+\"<&\302o\276\332S\323\275-\334}<\307\230\n>/\260\243>\177\300\224<)E\361=\016g}>d\342:\276\310:q>8\220\000\276\271\005\321=\n&\211=\210\216w=J\235V\276\320q\321\275\266yK>\236t\264\273\2277\035\277\227H\362\275\227?\313\276\361\353\020>\260\2611\274PWY\275\201\316O\276\201\375\033\277u\310\222\276\273\232\221\276u/\316>\264\357#>\361\0058\276\246cz=\206\260\004?\177\313\223\276\250\204\025\275\266A\224\2768T\206\275\276\331N\276ws_=\313\263#=\246\313\340\276\3579\202\276)\275\332\275\201\205\312\274,\356R\276,!1>\374\305\355\276]\264\315\2769\336\312\276+\325\310\276\267\352\032>\210\0220\276T\377\314\2764>\005\276\372k\255=\332 f\276\267\204}\276\020\300\310=\205Tf\276\337M\230>2\210K>1\331\211\273[\247\365\276d\3226>\371\331!\277\213\003\027\276Q\002\204\275\026\332C\276\344\305R\276f\332\277>\002\"+\276\001\316\263\2766T$=+Z\004\276\231\377\233\275\3649\305\274\004\206y>\340\200\237=\2208\013\276@\315\246\275\021n\260\276Dx\254=\277R\227\275\272\305\225=R\"\301\276\304\2213=\222>\027\276D\263\213\276d\210;=\321\236x\276\030\314\260\270\312\257\n>\306\t\203\276\323F\200\276\213\346d>g\234{>\350Q\361;fO\264>\235\310\377>(\237\216>\010N\366\276\215R\001>\370\377*\2762\300\262=a8\245>a\326M>\006\314\273\276\301\3563>s\0061\276\312\272e<=\240\336>/\013E\276PQ|>\355\032\n?\253@\316>\021\314\013\277\332\0025<\305\305\020=7\253K=\341\325u\276\031A@\275\250g\261>\026F\345\276\240\205\r\277\332\352\211\327\230\005?\"h\250<@\375:>\3368U=r\313\265=\277\332.\277\3475\204\275\033`\305=>\306\346>M\333k>\321u\226\275x\327\222=;,@>\346(u<{/\352>\312\255\033?`\251*=\214\365\032?\025^\r\276\337\240\000?\200\005\021>(\'\257\276\274\306c=\nK\230>\2732\237\276\335n:\276<\346$>g\236\223\274w\213Y>\300&\221>`\226\023\276#\2248>huR\276R\002}\276*\2320>\247l\220\274\231\016\202>\377q\212\276f\000\376\275>\254\322\274_\007/\276\241\237+\276\345`\202\276\177T\360\275\247qG\276\031\235->\225h\312>\277\237\243\275fq\250>\023\354Q?@\266\034>H#\203\275\177O\203\276\236\376\207>\017/%\275\350\375\343\275D\026Q>\361\300\377\275\260\"W\276\312\245\257=\255\305~\275\305\274a>O\246\037\276!0\232\275\227\200c=e\314U>\227\310\213>f\336\233>Y\366\266\275\224xk\276\305\310\022\277P\"f\276\303h~>|\244S>q\217\205=\214\0016<\350n\245=\317\322\361;\022\303\265=\345!(\275\007\210\215>:\021F?\375>\005>\014Vm\275*3\353>1&G>Y\000E<\2452\300=C\030C\276\003\306\250>\036\030\017\276@}8\276\t)\255=\206{\213\275]oT<\330\3642>\264\314\334\274F\216\276=R\177}\275\340\224)>@X\226>\300v9=J\237l=]\353,>Y\340T\277\230\362f\275\207\214\177\275\342\016h\276\365K\007\276\022\331\275\275L\365\017\276X\324\226>E\262#>O\302v>\277F\315=\256]\034\275\327\272\301>\247\203F\276\'\306\266=dG\236>\356\301{>\010\214\000>\221\010?\276J\207g>\001|)\276<\307\341>\376\312\230>\301\177+>*\271\364=\303N\003\277Mu9\275\000\372\271\274\006\341\315>\262}\255=\312\201\230\275\220\244\002>\010-u\276\361U\214>\234$\364<\225\332\222=\361\333D\277\364!\345;\235)=\276~\014\243\276\313t\031\276\"\273\343=f[\034>\342\317Q>\3510\253\276\032\337\334=\177(\007\276l\317\226:&\267\227\275X\220`>\246:\262\274\330K\260>\324\333\027\276b\303\345=)VN\277\3026\032?\021-->&f\214>>\342\217\276\331\366\202>x\3500=\274\322\231\276\223\215\010\275\024\246\261=\230\304\201\276\365>\316>\311y\244=N\320%?(*\333\275$w\225\276\236R,\274\277^\331>\241\023`\276g\361\031=bS\033?\300\243\210<\316\357}\276 \370\365\276\230\373\221=\033\300\376\275\332\265\236=ci\332\275\221:\343=/-6\276`\0364\277\024\237?>E*q>\260N\r?\312J\323>\007\255w>\303\260\343=\210\371\313\276\227\335\337\276\026\373<\2758\337\340\276\010\226\241>+\\\205\275\035\353\353<\212\327i\276\344\226\277\276\322 \264\276\312/L\275-\266\001\277}\r\212=!\264\310\276g0m\275^\365\262>\256\037<=6I9\276\242\"[\276ud\307=\333x\315\276\324\025t\276\261L\030=\325 \216\273J\001\343<,\355\315=s/\257>\336\007\223\276\022\315\034\276\317R4\275m\241\033\276~\224\271>q\235\252\275XD\256\275\214G\000?\306=\357=\234\005\032>\244\210\320\272)\255\031>\3455\216\276g\266\305>OO#\276\2115\253>\201\366.<\321\217\034>@\007\004\276\234\000\037>\370\234\355=\237@*>0\357=\276\347Yq>6\022\027\276\265R\270=\273\356\346=\225k.>*\276\251\276\241\326\026=\027(\002\277\014\272%\277\302ch=,\205\370\274\204\2259>Y\001r\276f\270c>V`I\275wv\266>\327Ye>\205\250(?\322\316\231>\022B3>\367\372\304\274\371H\333>~\000Z>(\224\274\275P\257\202>\223a\255>\274\353^\275>\263\244\276\t\301\271=\263\326\266\276\031\346\342>\301\370\217>\325\252\325=271>\277\007\264\275 \361z> 4\332\276\242\241f\274\371\"\017\275K8\216>\213O\037<\3354\334\276dv\007\275N3|\276\033I\354=\367\320\002\276z,\215>\241\226X\276\031nY\276\215\353\277\276\216\313\330>\313\007\002\275\217\364b\275\017\366\331=}5\353<3\317\344>2D\017>\344\024\206\2740\000\333\276\324(?\275|\016\332>\202\336\026\275\203\263.\276\313,S\277\335c\206=7\261\\>\"\232\217\275\301T\251\276\335\200q\2742\204\226\276\333\372\232={\035\237>\245}\023>\026Bq\274\201\313\265<@\212,\277\270\351\004\277H\362?>\325\345\365\276\320|r\276\334\237L>\276\376\r\276\326\235\320\275\301\254\371>\304\330\220\276\236fF=\222)\223\275\307\'\007\276r\016J\276\235T\004>R\231\311=\266\004\001=T!8>\336R\223\276G\342\243\276\016\322\237\276\336H\033?\341{&\277+o\377\275\245u\245\275\034\335\213\275C)\007\276|u\205>\203X\372=\300\273:\276\r\177$>\260\2476\277\322\262\303>D\\\256\276T\210\252=\231@\n\277\322!\220\276|r\267\276\022\275`\276\353\'\002=\245\337\246=y\010\215\276\016|\226\273\270\375\247\275\033\201O>\305\271\325\274\"\237~\276\237\305\214\276\343\240\220\276o\tX\276\007\321/\275\007\251I>\000\033R\276@\343b>\345G\357>\364r\000=\206\364C>\264\302\333=\034\014z<\263xY>\3704a>\303\225~=\"+F>\t\227W\276\221\315\203>\220\344\237\276\026\265\364>,\306Q=Z+\240\276(\252\246=\331\014\353\276\270\313\334\276\202\351p\277r\203\334=,8`=\302\337\277\276\027\254\202=\361\005\223>\250Z\260\276\343e\253=\342\356\333=J\252\220\276P\301\235\276\224\206:\276\375\206\007?\346E(\277\246\034\003;\314m8\276)G\272<\265\177\360\275\262 \312<\034\253\033\276\322\326\'\276\251\203Q=\256\013\273\276\313{\376=\305\016\216\275\321\026\021>\024\211:>\306\207\026\276\203\237\307>\215\"\316=\343a\344>!\307\024?\254\374\037\276A~\r\276e\272\211>I\371\356\275R\241(\275\000~1>\356Me>\227\016\000>\302\277R=j\273#>\240@\036\276o(E\2752\227J\274e\006\000\276E\233\233>\266~\246\276\024)O>X\352e\276d\243\205=\246t\356\274\364\256C\274\276\332F\276:\265K>\361\311\034\277\354F#>\364\213e>#0\325\276\247v|\276\254\223[\276\331\274m\274\257N\237>\233\264\337\274#6\004<\274\022\177>\2029\222>\366t\262\276\264m\236;\242\313\216>D\277\277\2754\246*>\221!\265=\323\253\250>\364/f=\342\347X\276\344\026\274\276x\2150\276\234\026`\276\177p4\276\313\200\240\275\310i6\276O\217m\275\246\r\210>\26278\275\267I\006>2\264\237>\271\276\"\277\004\322\352\274A\263P\276\357\364n\275\217\272\002\276\315`\312\275\347\016\036\276\221\201@\276\216\024K>\022x\216=\260.\275\276\3104\331>\357\347n>\177\025\006>Vy\025\354=s\274\036\023\243>N9\226=\014\240g\276\032\332\336=\306\"c\276\256\224\235\276\244(\251\273\244H\003\277N\013\235\nA\351=\255O\377=\237u\302\275\344\252H>\031\277\002\277\255\n\363\275\3330\361\227\345\210\275\323\312\305\275\251\325F>m\313k>\017\357\325>e\367\357\276\354\313]=\324\310\026\277RG\006\277,\233\243\276\266\365s>\320\003\226\276\262\212\213=\353u\214>t1+\273e\240\273<\276\225\234>{V\t=\016K=>,O\231\275s\026>>\302J\226\275@\256\036>\276\336R\276D\201C\274C-<=9\340\353<\006Q\350:\303-v>\265M\243n\022\304>\035\257I=qQ\220\276\314q\313>\251\'\342\275\355V\010\277\225\271\367\275\017\0226>L\246C=\246\355\367=E\177\201\276\321N\212\275`W\256\276\332\005\274\275\210b\n?W\306M>\316\'\217\275\002\213\356>@_\213\276\236\272\035\277\245\365h\273\266\361\024>\213\021t\276{\370\223>\255\343\255=\237\271\003\275\261@\201=#\306\240>\351W\273\276}\214\t>[\210\370\276\035A\014\276o\346i\276\344-\336\335\023\230\276\327[.\277)\324\227=\354\364k\276\360\t\212\274\205\3108\275[n\232>1H,>\357\212\274\275\2057V>\rp\265\276]\313\255>8\r\007;\001\276\035\277r\341\236\275m\211w>0\370\033>k\307n\276\324\241\232>\244J\007>\343\321\203\275\333\347\003\276O\3319\276&\312%\276\200\036Z>g\\(\275\253>\201>\031\023\r\276\344\325\301\2752\301\302\275\227\273Q>\3325\235\276^\334\004?/\2663>\343z@\276$35\277D\262\031\275\255\351\220\276\333\331,\276\037\254\237=VI \275Z)\263>\254\356\236>d2\223>Z\325U\276\362:\213\275PMt>+\372\300\276\363\273\200\276*Y~\275\343\276\024\2773\306\325=LV\026<\271\341\020=4f\321=M\375\330=\362\261\014\276\222\307H\276\203\224^>\217z\335=2\214X?O[\221\276\310\275\255=\356\211\253>\000\353j\276*\022?>\242Es\2762\266$>\2353\210=q@\016>b\0242\273\346d\330\275#9&\276\357\372\357>\202\214+\276F\352\260\254\275\027\323\001=\234\"g\276\212V!<\216\251\325=A\3322\275\252\325\026\275\213\222z\275\221g[\275\304#\363=\037-r=\350\246\213=cdj\274!x\271>\312\'\317>\373\351s\276\347V\253\276\"g\004>\237\361\230\276\034\010l\275f\361\256\276%#c>\244?\257\275\364f\241\2757\336\234\276\250\363\315>\3702\276\276\371\365\203<\021=\004>\021\253\243\276\036\227\024?|\214\344=6\333e\276k?~\276,x\355\276\003\2574\276\300E#>\223]\255\274\257m+>\221N\026\276\177\027\252>\234^m\276o\336\025>\316\204\362\276^\321\025>;\233\004>\035\004\234\276B\322C>(\363\010>\303\037\366\274~.\261\275\251\316Q\2767\262\304\276\375P7\275!\373\'>\212^\037>C\200x>\202\n\263\275\315\303\035\'vn>\341m(>\006 \035\277\027\263\350<\320\303\256\276s\257\354>\274\035P\276\303\235a\276\3128\300>D?m>\305\006\027\275i\325\234\275\031\320o\275\276\247\222\276\3059\017?\347\326)\275\307\001\227\276\267\006\016\277&,\365\274\0176\355=\217y\r\277\223{\363<\007=\256\275K\337\373>\300\374\356\275\237\342\214\276R\356\347\275\300a\215\276H\2258>>\273L\275\367\331\310>\013\007\265\276\250L+>\2018\021\274}\202\325\276\254\306\260\275\010\216\023;\264\214\345\276\235\253\374\275^\326\265=N\237\372\276tdu\275=\213|\275Y\311\216\275\\\223\347=\322\343-\276K]\233\276\233\t\005?\t\t\200\276\275|U> \223\364>6\235\357\275\335\241\232\276}i\337=n%D=\\=\241\276\335\364\304>\306|#\277S\345/=\037\177\220=\277\235\007>\016\201\224\275\003\005R\275\346\312\347\276\372\343d>\277\211\254>\304\261\204\276\202\274\020\2764\024\256=\353\304W>\322\255\024\275<\t<\276\263\001T\276\341a\237\275h@\353;|\031\324\276\365_\201\276\273J0\276\310?\014>\026\032\212\272\341\351\211\276\245\253\241\276\226\245\246=4\266\277\276>\214\002>\255\007\325\276\037zO=\227\031|\275\234L\374=\226N\003?\035\303y\276V=\257\276^\'2>\220\010\274>\341\372\346\276\375K\273\276\223l\224\275\371\373\243\276\222\371=\276\230\177\253\276\033\202]?[\306\272>\202\374\257\275#\343\024>h\324\253>%\255O>\033K\240=\355i\010>\321S\365\276\354%n\276\002\321B\276*\005\200<\243\n9\276=\004\006\277g\217\373\276|\345\252<~\030\233>\230\337\232\275\277\033\313\274<\310\323=\327\300\013>u\267\017\276F\3275>\'9P\275e\220\356=\326(8>u\373T\276\330\273\037>\273\335\356\275\323\272\261<\\\005\376\275\251\312\245>DX\225>\355\020\341\275\333\377.\276S\345\230=@t\216>\312U\364\275B\006/=\333\260b>\346 m>\nG{>\305\354u\276\"#n\276\326fT\276\345Rn=\317\365\363\274wy]\276\352{\035\276;\372U\276x\037\031>J\027\214\276r\215\365\275\030\212\320\275\217:\225>(\276\245\276e\231\t\276x\360#>\260C\334\276\313o\010\275\2168\205>\253\025\306>J[\300\275\202\014\302=\232.\326<\221Y\236\275\315\226\315\273\330-<\276k^g\276\233~\212\276\223\274\300\275Po\355=K\332\350\276\030\243\026\274\262\217t\276R\277\300\276\025\275\223\276\344\313\204\276Y\260\032>U\213&\275\032\301/\275\201\251\036\276\205\366\374\2769h\264\276\367 \312>\232n\250\276\025R>>\312\002\020\277\027\212\235=g\007\n\277%\207\277\275!\370\267\276\267\376\361\276\347\331\033>\214\272\003>O\346\t\2758;\244\272\361\333\360\275\370\246\213\276h\220\307\276\233\324\031\276\226B\257\275C\333\005\276)\033w\276\224\223\\;&\'\361\276\301\312\275=\254\261v>\220-H\276ef\031\276V\310\007\275<\3410\276KS\031\276\251\346\253\276\372o\316\276\220\350\316\276\232\314\013\276M3\213=i\360\215\276W\371A>\027\310]\275X\247\345\276I^\315\276\212\213\312<\023\014\311=\373\254\364<\255oI\277\311\322\371\276\302\352@\276\302\207\343>y\215\327\276G\220a>\241\336\243\275\307\2749\276\210\203}\276\340\234i\275\274\357\006\277ha\232\276{YG>D\213\003\277\320\177\211\276\374\314\321\276\245\022\250=\275\351\003\277B\006\002\277\024\030\002\277\"!\274>J\311->\307\234\341=\321\211d=\202\003\357\276\2124\004\277\251\r\020\275I\350g>\240\304\205\275\230\221*>\274\266\316=Z\000O\274;\001\335=\245o\212\275\351~\035\277 \336\375<&c\353>\336O\373=\021x%=!\303\207>\006\0233\277!\026\357=\310\222E<\237n\223=\300\225\230\2753\341\244>\210K\240>\037U\005\276m\227&\275\014\236\240\273\363\377\234>3j\256\275j\265\323\276b\031\245>\2042\264=\033\332\366>\241\210\354\275\022\032\347>$\230X\271v\364\r\275(\217\266<\327}R\276AW\375\275\246q\224\275l\316\374\275\262\037\325>\354\' \277\361\016g>o\251\305\275@\257l\276\016\333\334\275o\351\376=&\252\032>Jq\261>>_?>.\312!\276\023\254\274\275\351\350V>\300\022\255<^\335\016=\326g{\276\020\214.=\360R?>\363\234\214>\364qD>|\002\033\275\342\237]\276\005\321\373>G\233\036\276uY)\275us\364\276\204\0362\276\351\231\317\275\021,\017=\0135y\276\207\355\004\276aP\274\275\253\362H>\260\201\273\274\301#\360\276?E\005\2762p\245\276\242L\377\276w\001\025\275\205{\240>\272fX>\031.!?Y\"\000\276\337\350\325>\270\216F\276\033\225.\2762\330\030?dK\252\276/\337\263>\270\216\013\276~\262\350\275/9\030>\231\2251>\206\337`\276\240t\302>\2255\034>\ngv\276S\215\006\277\031\330\031=L\353\204\273\350\221\214\276\034aR\275\305\341+\276\220P5\274B\323\212>/\303\267\275\267\317Y>\316\226\037\277\0035\357>\342r\355=6\304\273\276Wk\204\276Z\254\006\276RWM\276\026{\231>\364\262\233\275\350\351\250>\372\362\205\276\355/\274\276\350\340\216\275;\342\272>@\343\006=t\007\022>\334\242\322\276\325WJ\276\27392>\377\0031\276\211V\353>\243\244\304>\247KP\276f\310\312\276\263O\223>\231#J>b\260/\276\035\306w\276\314Nr=x\362\233\276$N\317<\301\377\004\277\230\203\007\277=\375\003\277.\273e>?\303\243\275\327&I\275KI\271\273?8u>\332\322\243\276\274)\014?\212_\217\276\005x\340=\345\302\234=A\311\002\2763O\203>\317\337\314\276\n\001\210>\372u\275\276&N&\276\244]\231z\251a\276\222\203w\276\260\214t>\205~7\276\020\024\n=\202\220z\277\313`\204\275\373\261\307=\335\340\377\276\367\356\210\276\025\304\372\274r\324\303\276\224H+\277\264\022\372\274??\243\276X\002\033>\013iX\276\314\362!\276?+\204\274\225@\034\276\277\235\022\275\017\261\023\274\334dp\275\236\237\342\275\326\215^\276x|\005\276<\035\033>\032\356\207>\237\037\342<\311p\325\275.]\303=\345\313\232=\315y\322>\261\215*\274\200\0058>\273M\202>\220g\224<<\225\367=[\nH\276\236~?<\232\343\232\276~\230\246\275\333;\264=\301\375\210\276`\335\221=5\234\t\276Zk\264\2762\035\304\276\254,Z\276\237\230\263\274\017\022\010>e\033i\276\217w\254\276\005\316\266\276f\237\225\275\311\0076\276\027O2>\221\341\363\276\346\300I\277\343\251\\>\033\227\023>\216_Q>\361\313Z>\316\360\276>\"\260\346\025\240\324=\302\366&>\035\247\322>\263\211e>\267@\335\276\036\322_\276\03405>\3732\266<-\353$\276H\303X\276C\323\022\276-\006Y>\016\343\205>\367\250\005\275\250\013\322>`\200\365\274\351*\257\274?h\365=\204L\262\276Pr\253\276\374\216\211\276R\024\373=5\245\355=\322P\003\277T\372\232\273m\021\270\276\357\366\034\277\311X\224<\361\364\357\276,\333\265\276$\333O\276^\2333\276i~\263\275v\354\003\277F_[\276\221o\317\275w}\216\276Y;\253>\255\260\245=\241sS\276\352k&?310>\t\311\274<\205K\257>\334E\337\275\225\027\025\277\323z@>j9M\275k\250\326\275\343l0\273\202Z\355==$@>\330\320M>\230\r\212\276\"`r>AYp>\224\004s\276\000\202\240\276mI\274\276\'c4>\240.\301>\351\010@>:\262\202=I\240\t>44J\275x\220\276=\276M\215\274_\251U>\020\016\253\2763\234$>\201\311\277>\200\n\006=\354\340X\276\010~(\275LAS\275\327*\266\276[\275\016\276\234G\265\276\003\002Z\275\255`\235\276\255$\333\275\375L\334\275\316\303\213\276\\\335\346\276\341\277\267\276C@6\277\266B\305\276\254\307\257\275\304\305\253\274\355l,\276F7!\277[\004\244\276\034\337\210\276\361\344\001\277\255-\353\275:E#>\362\331H=\270\207B\276?\372\020\276\346\362\306\276\020g\020>\221\351\037>\'p\210\276\230$\023>\301jw\275\004\373\223>f\030\371;C\241\262\276\3519\213\275O\220\261\276\261\002\034>\324\200\316=Y|\234>\356W,\276JH\021\277m\001\031\276\006\252=\277:\026[\273h\222\262=;\323\210>\202\227p\221Y\354<\372\261\336\276\016\273\242>\026\320,=\211M\267>;\245*\276n\273\031\276,\213\220>\220\306\362\274\246\n\227\276a\202\224=\313\270\322\275vp\316\276\233\321\246\276M\237\224\276#\024E\276\254jM\276$\323\t\272\243\010\340>\221~\271\276L\246\221\276\227\234[;\342\221E>\203P6\276\201\345\314>\332\r\"\274\241JS=\233@K\274v\210\331=\367\213\200\275jiJ>\334*\352>\014\221/>vU\321\275\257mH>\310MM\276\300&\341\276M\274\247\275n*\362>\366\344\313\275\310\323\374>\330`\375\274u@E> \275\264>G\"\177;`)\301<&\251K\276\273m\207=\271\233Y>\275\264\243>\031\275b>\326\367\001>D\316\224\274\241}\226\275\177\225\216<\344rI>l\367C=\376\")\2754L\010\275\303\r\253\276\341<\r\277\"9\333\276\225BR\276\032^O>\361-\r>\017\376\330\276\350\253\014\276\345\353\203\276\334\206\336\276\233\272\352\276\317{\261>\215x9?\'\365F\276p6\214\275V\360a\2765|\226\276\305\350\374=cA\265\276\317{\211\275\326(\356\275\013?\266\276\236\302\210;/\3213\277\307\007\265>*\025\247=\"I!\276l\027\013\277v0\251\274vr\241=C*\007=zl\003;\202\300\337=\356M\263;G\307\204=\247c\031\276\220\013\345\275C\210g=\265G\003==\376f\276&\2255\276\347ur>!\021\372=\2304\255\275\000`\007\276\334\211\022\275e]\210\276a\277\230>\371\tE>\233\032[=+n\021>\312\274\305\276\212\222\233\275\201\016\307\2762\0323\276u\323\221\276\224\347\245\276U\351w>\024Nu\276w\236\034\2769\234\030>\264E\267\275\266\372\036\276\241\034\277\276\212P\331\276\n_\250=*1\242\273\210\020\340\276\021l\243=U\t\346>%\231\020\277\334f\034>\332\201\014>N\024J\276\357\245s>\347+\305=\314\251\361\276\354;\035\276\3445\027>\357A)\276\022\023{\275\360\243\327\276\345\003\261\276\376\342\231\276I`-\274\335\337\030>\233\274};\311$\324\275\201\222\204\275\033\215\206=d\254\226>G\206\361\275\341\2133\275\320\345\274\275*Q\216=)\362\014\276\036\031\213>\260\361\370\275\377)\263=/\035/>\253CB\276\211E\225\276\247M\004\275\274=\323\276\273\260S\276:H\326\276\247\271\252\276\311\237\352\276V1\307\276\307\023\207\276\236_z\276\323\'\257=\242\2103\277\022x\020\276U\206\266\276\350\236\310\276\205\360I\276\332#\305\276@\277\332\276\356\030\323=\327\230M;\344\223\267\276\230\234.\276a\311#>#\352\361\276;\030\244\276\264N\375\276Vh\022=\200\017\264\275d}\231\275c!0\275\272\036:>\322q~=\177;\236\2769h\022\276\230\003\322\274\236z\334\276\\\251a>Q\240\246\276\254ck\276K33\275/\350\240\276f\263\230\276\274\346+\276\212\203\\\276#\n\236\276\331\340\376\276\255\276b;\335.\252\276\363\002\r\276\373\357\037=\231]n\276e\202O=\221\206\366\275\367[ar;\323\275(.\331>pE\261>\033 \374=]\257\265\275j\261;\276\220\'/\276\263\224\003\275\355\340\"\276\333R+=\021\354C\276Y\334\003\274\326\326V=uk\253\276\202\244\303\275]\023\250\273\007\026(>v\260\302>\301h\027\277\254\253\001=G4\275<\314\374u=g/\207>\365m\323\275\371\010J\275COY\276\357\315\252\274\203k\242=\037\215\024\276\374\2716;\016\007\203>}\315O>=f\016\276\242\377\365\276\010\357\265\275\230\211\356\275HS:>T\270\036\275 \305\212=\230\207\027\275@SF=\212\246\240\276\300\230\013>\010\034\377\275\271\031\254\276\020\357w\275\001zP=\212\200\001>\207z:\2769\256\364\275\231tl\276\244\0231\275\302\255\304=K\246\310=\202\257\022<\027\364\340=\ni \277RE`>.{\017\276\253\262\311\276z#2>\257\274\t>\342!\006=[ \213\275\366\r\200\276\034B\223\276\355\310\256\276n)\331;\022\370\004>\315\240\331\307\345I\276z\212\3719 2\206>j\203W=\\\301\026=\252\r\304>\375\000F=\271\017\226\276\332BY\276E:\017>\341#(\276\270\326\243\275\317\337\212>\264\025\231\276\311\220\243\275\227\026\\\276[q6<\266\312\311=z\267\352=\215\254\277\276{Xk\275!\206\324=\220A\r\276\351\240\326\276l\2730\276y\221\263\275Lwd\276\022`\211\273ZwK=\265!\032\275\225\276\001\277\247\330\371>\265hG=\273\335\227\276\024u(=\341\265\310\276\026\245\201=\016\016\340\276\330\273\036\275\224\273\317>J\0004\276\216\233\367\276\310D\336=\016&\301<\260e\013\276^\000h<\321\006\002?\n\1774>\211 \326<\362\322\275>\347J\366\275\335\227_=\331\000\337\276\260\204\033\276\224\340$=\177\3077>-\304\034\276\324\254\235\276\363\272\201\275\267-\021\275\264\371{=\200=\230\276L_\227>\366\021\301\276\312\246M\276\252\206\326>\360\214n\277\216\n\345\2752\364b\276k0\203>]T2\276T) =`\357\235>W=\333>\340{\333=\364d\252>\322h\204\276\355\330?\276?CW>\014?\225\275\364X\212\2755\260\300>\334\225\'?\364md=\350n\263\276\342\211\240<\313x\360=\021\"\n\277\323\251\177\276\264\247\254>3\373\033>\302L[\276e\002\273\275\202\306\225\2763c_\275\210L\314\275\007\372\007\276;8&\275\261=*>SrJ\276\'w\002=\022\311\331>\364\034\215<\242\374]\276\242(\002\277 t1=\347\352\013>%\243\372\275]\033\360>\205\r\213\2756,\310>[z\002>\307R\322>\010\360\235\276\263\310\306=-\021\305=9-\036=_\021\212\276\333-\215\276\221\373m=3\243\245\276\356\031y>\260\340\030\276\036\367\266\276\025R\254>\272\201\276\276\227\207_>\327\233r>77\213\275\3231\214>\261\307\210\276\034\320\376\274\265\242\241\274B\315+>\334\244\006\276\356\302_\276\005\322\260\274\222\346\341\276W\217\352=(]\210>\"k`\276\341\200\016\274#\032I=\270x\022?\013\313P\275j\336\204=X\223\324\274/\311\023\276Y\037\242\276\312\206\365\275&\017\231=\016W\031>\301=:\276\330\376\232\276\236H\247\276\315mB>\017)\257>\372\t\265\275%\026%\276x\314\216\276\324\354\201=\241\037\364\274Q<\322=E\\\223>\316[X\274]\364\017?\310|8>\274t\332\276~\375L\275o\340\222>\037H\326=\257B\236\276G\221\251\275\nB\233=\354\3749\276G\360M\276\212qo\275\376\340\335\276\227]\332\275\n\261\027;\210\271\230\276b\273N\276\324~\232\276\351\241\203>m\022T>\253\233<\276\0377\243\276yvy\276\230\264h\276\215\003>>T\313\367=}\342\007\276\377\277Z\275%\353\t\276Z@\241>\261\007\030>C\na\276\375\030\235=U\301@\2768Q\350=\014\263\310=dA1>\302,T\274\\\322\344\275{5\016>\243\002\320=\341\320\263\276k\021\266\276\237ec\276=\240[=8m*\276C\216\233=\\\316(\276\363\2116\276Y\037\022?\277\316F\275?\023z<\305\\\337>\"\3474>)Z\t\276\246\232\303<\361Q\362\276\231]\030?\223\333+>\215\001\351\272\305w\215>\021\265\370=\211n\361=\037\n\252\276\214Aa\276\022\264\n=\242E\013?KMR\274=\317\005\276\326\254\344>X\032\265>\237\336@\274^R\375\274\221\305\230>\325\177\002?\327\263\212>5\207*>\357(\206\275\222\212\005\276\350\300\014\276\272\301m>\215\236>=\000\244\352\276\272\253\365=\301Q\253>\212KD?\201\014\303=\2744\272>\325\203\200\273\251}\220\273\300/\352>)\361-=|\302\t?\004\374\327%Z\376\275\213\251\362\275P\026\226\275\361Vd=\251\302I\276\366?\035>\346\305f>l\363\260>\223Y\343\275\277\352\352=l_:=\334%\306\275\376\001\260>Cq(=Q\003\"?\030\"/?\022\206\225\276V\237;\276\270N\320>[SD>\234\255\306<8\375w\276\256\020\201=\334\005\003\276R\2339>]g\205>?\335\261>\260\223\026>\275\315%=\272\377P>\017\243\206>\036\215O\276d\037\034\275M\257\202>\037*q=\334\336\342>\350\372\307\276\244\202\021>]C=\276{\035O\276\036\242\323<_\177N\274\\5\036\275\232r\252\275\265s\302>\004\256M>E\210\204=PM<\276\034H\253>\014\021\346\275\337\333\243\2759\277I\276*IG\276Q!C>\370PD\276\255>f>\216\002\257\276\243\r\326=z\220\020?\025\032\352\276_e\370\276\034\"\272\275\226q\277\276[\206\207>\207\317v>j\366\335\276\315T\202=\250`Z>l\025\273\276\256\007\212\274\316N~\275D\377\323\275\203\215[>/^\375\275\336B#>\3403G\276XL\202\276\353\301\267>W\021\201=\322C\270<\337o\347>\347\335h\276\331\276\313>0\016\252=]\261\354\275qA1>@pE\276\274(\275\276)\016P>v\266a\276n\t\341\275Bv\264>\225I\213\276\230>\205=(D\327<\275\206\210\276\366M\214>bQ\273>i\002E>\341,\234>\372\357\236\273\340\033\037>\361\237\340\276\235B#>\r\331\213=\254~/>\216\237\007>\301\315\260=J\024\231>(\364\017?OC\213=r\335\277\276\203gK\276K\322\275\276\334\206q\276\302+1>\362\334\236~\321\224>\036\333\336\275\301\216&\276\300Y\377=ZF\325=\220\r>>\363\277B>\334\305\007\276g{\034\276\017d~>\221\350\325\275!;\241>6\256\223=\266m\200=Gp#\275\247]@\275Tck>\233\256\251<\177N\020\276\340\263z=`}\254=X\361\236\276\310\036\367\276\2103\327>e\305X>\037d]\276\036X\227\274F\010\035>\252\346t\276\241\222\207\275|F<=\014\2124\2769\336\">\322 \022?m\340\260\276C(\221=v`\007\277zV=\276\367!\244\276\005q\241\276\r\201m\276W\224\242>*\364\232>\014\215\312\274{(Q>T\301\267>\024c\231\275xi\264=8\035$=\233\321f\276f\275\252\276\033\350\333=\371\352\302\276\017\342\366>gD\033\276q]\3479{\\\367=X\314\021?\301\323\314\275;\302\355=\007S\300>\3611\204\276\262\357\337\275%\217\346=\300\327\200\276\254*o>\260\233\365\275F\250\215\276\021t\234\275!\032l>\"%\010\2752\031\352\276>$B>2\210\212\2759D\200\276<\3527?qgD\275J\357\227>5O\213>\215\327T\276\242;Z>\317\224\030=\\\270=\276\002\211A\276\364>4=4Z\237=t\331\'\277\272=`\275.\334\210>\266\311\314\275\252\262\206\275I\032\270>q\265\036\275q\373D\276i\240\204\276\270\354B\276\023\002q>a\001.\276\222\031\230\276zZv>[\315\263>\372J\273\276\371\363\303\276zT\320= \367\353\275\343\336\264=\000\263\277\275m\314\266>\'n\007>97->\221\340\241\276\206\261t\276K\036[\276\2402\030\276\262\260D>\"\253$\276\314\276\346>p\372\335\276&\316o>|\243\314=\301\220W>\251_\020=\304\317\216\276 \002\031>\020j\'>\327\020\327\274\023\304t=(\322\232>w\327\034>\363q\243\275\204\265\r>\013LS\276O\236\'>\304Q>\2740\303,\275\225x\257>4\244\263=\227\264\312\276\267\315\253\276%\026\205>W(\221\276\nL\274>x6\250<\247y\213>G\200\303;\352E\216\275\310\200Z\276\373\253\347\275\341\376\024>Z\255N=\344\302\341=\206\357\271=\256\332\247\274z[\022\276w\217\241\276H\002_\276<\320\014\277\213\2464>T5\370\2758\035\255\276A^d>\'o\331>+j\214\273^\241\024>G-\221>H0C\276?\256x>\275\314\217>\214\262\355>\226\340\300>\301\320\017>G\352\">\032\t\200\275\032\251 \277\271a\r\276<>n=\002\032\267\276C\241K\276\263z\200\275\325r\005?\'&\004\277\'\002l>\261\332z\2765\302Y\276\300M\225=N\245\343\275\026\372\267\275\214\267\260\275F\t\312\276\275\253\213\273\000\346\343=\252)i\275\237X\223\274U\311C=\325\3753>\307\316(\274D2l>\243\227\316\274\'\001\346=2\022=\274\260\255@\275\351k\220>\ro\246\276<\241\225\276y\207\276\276\321\241t\276r\312m>a\023\270=\274\215\230>\222\013!?\220\244z\275\215\027\345\276\214\r3>\277+_\276\320w\"?Jn\361\276~N\214\276\0247U=\352\245\272>\274\236c>P\330\362>\021\262\332\276$rF\276\006V7\277\267\3509\276\014\001c>\213\263\325>7\370\343\276}\305\327\276>\3739\274\205b\326\2750\230)>i0\231\275\371\177\003\277\357\371\250\275\246\242\247\276\250\220M\276\300\207\241>R0\224\274w\251\361>F\367\275=r\rB>n)\326=\260m\016\275v\342U\275\334%9=\022\363\334\2758\204#\277\344/\032\277\333\200\275\276\n=\213=\227/P>\032\342\203\275\023=\033> \030c\276\236\375\013\276\026U\317\276\263p\202\276\253j\245>\226\257\314\276\005\236\211\277O\023\003?\341\310[>\te*\276\035\261@\276\277G\233\276F\177\t\276/\031p\276\204\177\324;{s=\276\216{\025\277\343\303X>dK\'\276@e8\277>\253\305<\267\t ?\275\021H>.6k>\326\326\'\277D\315\205\275Y\325\240>\277Z1\275f\230:\276\274\300\221\275\322u\207>nQ\027\277n0\355\276\372\215\310>\335\252I\276\\\233\n\276|?\322\276U\203\014\2777\376\202\276,\365\206\275\025i\335\276kA\324;h-)\277\305\353\314\275L\244\250\276\035\337\021\277#\nv\276\007\330=\277\364b\220\274\264/\376\275M\346\027>\363\013s\277\001\322#>\356[\367=\362\371];!*T\276\343\001\207\276.\026\212\276\214!\242\276r\223\242\275/F\333\276\221~\355<-3Z\276w\'\350<\267\322\331>cS*?\233$\272\276G\233d=g\264z\275\233\325\322\2758\363\370<`\264\352\276?\221\303=\017\324H>^\305\r=\014yl?\021N\333\\>\021\006j>\037\364\255\274*+\t>oL6=\324[P\275#eT?PI#\202\376\301\272!\314\301\276$\2337\276\250\347H>G\355\004>d\3167?\265\225i\274\263@\014=\362\202m=\353+H\276\317u\377\276\376g\000?\366|\371\275\032\355h>,\2456>b\344\240\276YG\351\276\321`O>%\271\305\276\236\026\262>JN\355\2768jq=r\000\274>I[\007?]=\315\275\227T\361\275\300\304\315\276\336\327\220>\276`\233\274\005\017\365\276\236:\264\276\201.\220\276N\351;>\030\212q\276n\312(?\370,\256<\221!\234<(\000\355\2752O\212>\316\\\017?\265\246\373=\327\312\265\275\3239\024>7\2144=t$\222=\277l\273>\022o\034=?\366\356\276\304\366,\277\033j\222>%)\333=\351\270\263=\200:\000?3\203\357\276:1x>\356!\016\276MJ\014\276\374\024\177=\203\365\274\276\303S\276\275\307\210\030>@\344\"\276\263\245j;_~\036\275\210\246\006?\r\277\200\276\024\036\2718\220\3763\277\261\267\016\276B$-\276\366%,\2771\201D\277\264C\333>\3568\353\276Q\034\224=\004j\004\276\233\177\327\2769K\332\275\351u\001\2766\221_\277\031\353\361\275\300\311\226\276h\205.\276!\037\250\276/\304&\2763\353\260\276\256\353\346\274\316\322\363\275\037\3614>\016\370\305\275\332r\227\275P\347X\276\216\344\177=[\312&\276\205\352\331\274\271l6\276\321E\016>J\336z\276/JT\276+\253d\276\320ai>\025\025\320\275\227q\336\275N`\375>\036U\033?g\311\335>\213,\013?\255\355\233\276\256\311,\276v}\304\276\363\227@=\374z\226>p\242\'\277\266D\210\276\215\320\253\276\245l\010>R\030\341\274A\'\217=\315\375\214=\234\324U>jk0>4\346\023\276\242~;\274\024?\016\277\271m:>\253\343\035\276\014\036\336=`\233\314\276\252\221+\276\206\327\237\276\017\222\036\274}\027\207>\177_\220\276\366\241\337\276\313\222\274>\370^)\276\361\350\340>\345%\274>\266O\321\275\263\276\317\276\362\220r>\326\t\255>\304\003\272\276\376\014\030\276\356R\033Js\250>b4%=r\275\002\276\333\340\000=\177\000a>\\K\330>6x\234\276r\204\006\275*\373g\275.#\335\274\202\034D=:R\034\276\301\256\270\276y\0140\276\r\360\202\276n;b>\236Y\037<6&\224=3U\347\274O_\026\277\264\356\345>\365\261@>V9\276\275c\362@\276\265\351\262<\004<\001>\213\026\024\275\353\251\204>#\r\230\275\266\201s\275\251\302\211\275#\347\211\275\370\204\275\276cU\270=S^}\276\372h\033>\335\373\225\2762\360\211\2769\215\005\275\007\231\241>\300\254\231\276i\004\276\276.\3646\276\022\206\027\275i\"\243>\3340t\276\361 \204\274\007\312\225\276\300\272\365\275\240\265\027?\312\235\024>\244#l\275\375\323\304\275\035T\340\275\3015\236\276\277B\222\276_\226\024\275r\3000\276\276+^<~*\360<\0324A\276\271Sv>\364G\276\276IP\250=c-Y<\203\334\016?\303(\273=S\0272>A\243\236>\373\346\275=3\020\254\274\227~p\276R\300\335=T\326\306\276a\303\303=y{\242>\3358n\27533\205=\323\032\021\277\250\264>\275\370\362\211\276\241!\332=\201s\243>\231\001<\276z\306\213<\266\262\235\276\230\321\213>\367\371\223=\243\361f>\036\203<\276$\333z>]\307\003>\364c9\277\036Gm\277Z\'\361\275\340\2251\276\177Hz\276\343\"\214\276\333\013\207>\232\317\016\277\325F\230=E\373N=\232\013q\275SIn\275\2732\221\276f\356\200>\275\270\305\275\277\225@>5\211\221\276\234p\272>\202\031\002\276\320\251f\276\347j\005>\006V\370\275\277J\336=,P\370\276\313<\007\275p\350\344\276\276&\004>\354\322\220\276\235\267\325>\001\007\320=\310Xb>\351\311\014\277\272Y\257\276\353\350\216\276\316L\222=y\035<\2769`\303\275\361\375#\276\300\361\271\276\014\327\363\275\t\332\205>\245b\301\275\271\216\032\276A\307\257\276\261\002\246>E\304\245\276\371~m>\3565P\276\3157>\276\276\007\257\275\005\010\243\276\246rt\275\234J \276\027\250\247\276C\0031>~\366\315\276\tz\201\276\301&4\276\234\257\324>\321\340\240\276\014\300L>\234\206\267\276g\302\337\267o\347\276j^\241>\004++\276\247@$>\317T\233\275\306^\235\275\303\222\377\276\357h\000\277@y\001>&Aj>\263{\233>\210:\367=[\207\001\277\366\332\246\274\345\007h>\312\301\326\2762\377\246\275\214\356\311\276\252\336\335\275\022b\2358\232\374\004?;L\021>]\361\201\275\264\3768\276\2646\221\276\233*X=\322\032X\2761\376\357\2764-\331\276{\221\013\276\2119\322\275s\256f\275\032\2637<\003_1\276\223\013y\276\321\366\327\274O\343\301\275\3468\373\275\363\310\255=\220\"1\277\210\364\301\276\332\304\t\277\261mK=\203OS\276\221d\301=\342\344\253\276A#8>\364UD\276\356PE\276\216\007\265=\356W\014\277]\351l>A\032\004\277F\210Y\276\274/\303>\217\024c\274\243+\035=\037S\206=\223I\317=\326\324\253>.\345\007\276\266\366\234<\235\000`<\256_-><]F\275(\022\021>X[`\276\016\271\001\275\\8\264>\300\371\203\276\017n\007\276\350D\006?\323\237\027?\346LI>\024\335\210\276v\275\205\275\177\372\261>\353\351\024\276u`\336\276\345Y\337=\216\316\261\276\241\340\022\276\037mp>EM\035\277\222Y\214\273\022\327\214>\265%\t\275S\263\267>&\030\231=.\0317\276W|\201>\205\312A\276\352\333\267\274\345\371\270=\246UT\2767_\333\276\256\014\n?O!\211\276\234\277d=;2H\276s\3433>GK\216\276^\272v<\233\343\016\276C\005\245\276\206\351\332>\201P\006\277L6&?\303\355\313=\014\007\247\276\000\203\010\276\205\241`>|G\013>\033s\300\275\272e\262\275\221\022\336\275`\003\210\276\t\320\021\276\r\274\241>\277\nS\2767\237\003>\347\273z\276\334\"\221>\333$\200\276\030\233\273\274\304\n\004>\252\256I\276\266a\277\276\323\242C\275\221\225;=E[\311>\336\260\225\275LK\273\276t\306\227\276\245\275==\300\336\244\275w\312h\276\306+\244\276QyG\276\000\345Z\276\233\356\031\276\235\372\304=\263`\235>-@p\274\0053\030\276H\026\030?\n\357\211\275\000\322\257>\311D\264\274\342\221\305>U\354\035=\246V\224<]8\303>\230\273\313\276}\246\214\276z\336S>\350N\202>\214\035A>\234\n\237\276\362$\374\275\036\346\301\276r\272,\275b\370r\276\313\234\r?\321,\010>\250\302\341=h\246\207\276]\n\r>\201+\343\276\035\203\363=\023\323\261=\n:M\276n\014\224\275\013\\\313>x\353\222>)2\231\276F\245\273=`\243\023\275\314s\273\276N\301(=u\244\206>\010n\224\2769\244\241>\321\332\367\275\2266\000\277\237\375,\276o\3372\274\360x\263>\327\354\366\276!b\204\2768\324,=v\361\335\275\346\245\030>h\033\353\275\306\241\262\276\230\003\036\275\252v\261>\317\026\334=j,\007\277\360\240\251>X\353C\276E\356\206=\375\025\252=\355\002\216\275e\354V>j\256\234>M\264\030>0\\\273\275\352&\204=\002Ye<\312oz=A\250\001>#\235\036>`57\277\035\365\363>v\030\242>\235\004\212\275x\214<;2O \276\347\300&\276\350\0162<\214]\270\276\017B\344\275MJ\023\276-\241?\276>\322\020<\313\236!?V\005\005>e\323\000=\2263\210>`[\220\276\037K\246>})\034>c;;\276\036\264\301=\2459F=\202\247\303\276\232\r\267\276\343\231\342\275SRT>\023\311F=\242\256X=\024.%=r\343/\276c\231\276\275\247y;\276\256F\237>.\341f>\313V\365\275\020\363\201>\336%\205\276\327\251\275\2763\252P\276h_\203\276E\355A\276\274\345#\276\306U\247\276,\267\t=\325\315\002\276d2\320=c\007l=\217\262\007>\021\007\024\274\024~\267>\0311i>\305d\322\276\203\005E\276g\017\270\275\260b\032\276\237S\020>6\220\321\274\302K\023\276\ny\3679q\215\260>8!\321>\264\002f>\022\355\037\276\000\224\340\275\211\013\203\275\021\201T>\227fB<\210\360\326=8\007\005=\023\\r\276\035\252\257>u\202\251=\344\300\200\274@D\225\276\221d\213\276\006\363%?O\324\253\274\243y\254>[\376\024>\266e\227\276\301\272\215>\247\301\352=\226\366\214>\307\003B\276\265\362\000?\247\016\305<\253\247\330=y\270\375\276K\256\007>x\332E\275\216\257\035>Y!\277=gc=>\242\273.=AX\001>:\034\365\275\020\342\177>\203\236\005\276\231q\275\276\223\246\221=\226\205]\276\202FF\275\000\356\000\277\2061\250\276\321\031g\275\007\223m>&\3079?h\302l>\256IW=&\302\020\276\203\315\347\276\256o\205>ff\225\275!~\270>7\235i=\263\353\210=\306\014\315\276\253\030\177\275\343\347f>f\037\020\277\034\327\247\276!H\234\276t\016,\277\2542\000?\204\226\034\276}u8\275\250n\372>c\344$>B\233\365\275\312\203\351\276\037\031I\275\211\320\036\276i\305 \277\3743\343=\330@\010>\032\366\266>\367H\360\275\363\355\323\275%\367\036\276\031\0018=9^j\276+G\342=\263\022\205=\363k\366<~\256a>\317\215,=4/\031\277\346\005\007\274\306O\004\276Yq%\276\326\"\036>\314%\037?q-\345\276\355\335\301\275Q\252\237\276J\341\031>\277!\030>u]D>!\2632\275\025Br>a\306.\275\017\277\273>\034\031\217>\035IS\277\"|\363=2\014\252\276\255%\232\276\'/\255>e\024\243=\361\021\210\2754\232\274\275\010\212\322\276\350?\223<\021\214\222\2766\310\214\275\271\240\336=t4\237>%\355\335\275\246\320s\277\222.e\276$Bi\276\213\224}\273\'\377\214=2#\324<\240\tr\276{\323\336\276\363\205\323\275\277\237\367\274\315\036*\273?\305\275\275\026\\>\276\005\226\331\276\263\r\324>oI\005?\267\221/\275\004\002\347\276T\022\261>\026\177$\277J\177\243\276\3478\201\276\324\355\310>`q\352=\370L\260>\206\360\"\276\370k\212\276\037}\235>\232\020F\277\235E\221\276X\206\274>\341p\312\274\201\331\177\275Fh5\275\226\337\367\2766\254\224>\025\232\237>\314I\022=\377<\251=\265l\204>.\210\247>ig\r>\367\352\261\276P\237.\277SC7\276z_\330\275\240 \004\277\010\334\215\276\214\355\007\277\3051\234>\370\202\233\276dvG\276\003T\203=\327O\205\276\"\330\327<`*n\275\031\271\244\276\0223\013\277\214\350\001=t\306\330\276z\316\031\2764\266\014\276\324\231T\275\375\"\366=\270\t\014\277\373\311\354\276\237\'\311=\032u\300\275\020x\n=AT\223\274\327a\013>l\020X\276\2028n\276;\351k\276Xmt>\254U\346\276\023\217J\276\377\243\n?\030\312\'\276\031\2179\276\217u\241>\204F6>\346\022\315\275Mh_>\\\017W\276\026\241j=g\353\'\2774\346\231>\021\201<>\237\253\301=d\207\202\276w l\275\037\374\221=?M\241\276\"FW\276w\250\316\275e\272\215\275\036\242]\276\250\224\215\276\241\211v\276\2575*\275-|\243\275\002\217\336\275v\376T\277v]\006\276A\035\t\277\006\177b\275a\0328\276 (\034=~\256\351\276\030;\316\274?\350\316\276\210a\236\276\275\n}>\003\006\262>\253\245\267>l\241\264>\255\241\267=pH\277>{>i\276>\255u>\005\313\026>=\257\007>.$\241=a\253;\275A\232\221>\313\362\325\275O\242\272\275_[D<\367ft\277\257\004E>5\306\325>\rH\337\276\372\352\304\274+\350\306\276]\007P>\262\213*<\367;\252>\233W\262\275\373\274P\277\241`\203>|\341A?\202\263\257\276 -\223<\2773B\276\271\207X?j\230P\276\354`\304>\226\372D?\003\024E>r\217 \277m.\023?\330~\031>\030J6=\352}\n\276\270\022F\276\360A\301\27694Y\276\033sz=\213&e?v\\\003:\347\355\224\276\303\314\235\337\\\353>\306\370\001\277\'Z\323\276\327\206u\276\r\250==\275J\303\274u/\024\277\336u\210\276\n\3121<\263\300\202\276\370\211u?\356\265\251\276r\233\035>L\322\003\277\003\031)=\030\277\213>>y\020>\014k\223\275{\025\030\276\260\262\027\276q\263I\274\260h_\277\354\242\237\275XL<>\210\016=>\355*\000\277ZE1\276\377\264G\275z\201\">\222\262/?\020\265\355=\241>\203>\240\363\353\276&\023\346\2755\306 >\273?\300>\345\270+\276\3764#?\362\250\003>njB\277\332[\333=4\334~\277\253\236\002\277\255\301^\276\035\344\310>C\236\"?\232\354 >\313\236\210\276\334\214!>\206\362$\277\242\"\230\276\311\243\365>\211Eb\276\017\335\214\2745\023\025\275\357\261L<\345\215:\275+\212Z=\032\312\207>y8e\277\210\343\005\276\312\243\201\2759f$\276P4\270>e\240\245=\305N\024\275d\320:\275\203V\034\274(\352\204>\023o\354\2743\360\001\277:D]\276\273,\032>0\363s\275\02714\277!\034\276\273\363\216\255\274ox\264\276\357I(>\227\030~=*\310\027\275-O\017>\326\353\025<\217r\333\276\'z\312>k\335\260>?\246\320>}\'\241>*X\310\275h\262j>\036\266\020>f\325\023?\306h\231>*\374\025\276\340\304o\277\250\305;\276\t\330z>\226\232\306>\374rD>\302{$<\033\341\204>`\206\321\276u\347E\257\364\356=X\307C=\035\230\354=\212kE\276\277\372W>\007x\020\274\013\031\314>2Io\276\224\272H\276\221\216\024>\356\035\232>\213\241D\273\374\354\313=:R\364<7\213%>\345\371,\276I R=\211\202\003\277\300\363?\236<19E=\013\324r=\202\324\211>\374s4>\303w\022=\006\253\257>m\365\217>j~\254\275Im\313\276J\264\226>\243\020&=\344\321\273>}h\271>\n\362\025=\352;\005\277\252\326\014\277\013 \316>\333\313&\276.h\211=(\330\336\276\317X\223\276@\251\021>\021\224J\275\005\337\252\276(\324\327>\031q\322\276\014\237\232\276\2547L\275hmc\274YO~\276\347\227\004\276\325\014\333\276|,\324>/\236.>\034\363\306>\364\271\242=`\305^>\3629\324>X\370t\276\004Ms>%\325S\276\204S~\276\346\365B\276\261C\340>=\247Q\276z\233K\276W\300\263>\016I\026\276\352\246\305=\rp\007>\353G\246>2\200\321> \320\234=\237b\364>\252H\030?\327\302\004\276W<\276=\250\231\206>k}\237>m\202\204>Kc\252\276\276\312\371\275/\267==\014C\305\275\266\200\306\275w\302M={Ju>?M\256>$\365H\277k\267\272>(\360\177>\212\037;>\237\230\302=\213nf=\3448\334\275f\352\257>\315\017R\275Hw\353\276z\352\267<_g\242\276\013\206\362=\2408+\276\230\302\247=~&\254>\253`J=g\247\312>\246\231#>\035x\217\276\216\2249=gj\313>e\244\242>\251j/\276)\207\371=)qD=\204\240c\276~Pu\275G\275\001?\177\243\266>~\034\277=\227SU=\301\010$>V\237\253>\335\000\237\274\\\307\210wo\001\277=\347\377=\352\261\253=Qm\321\276\301x\037=\177(\275\275\2116\214=#\265\262\274\"\274\010\277W\204\260>,\277Q\276On\331\275\243\353\375>`\301\336\276\027[\361\276\321G\354\27595\023\274\245*$?\370\210C=I\014\035\276\0172o\275#\306\272\276n\246\270\276\362\203\211>vv\037?{xH<\301@\000?@M\370>\231\361\244\276\r\261\246\274\211\343\270=\230?\310>Z\037\200>\230\2664<\377\221#\276\321\343\030>\257\310\263>\236\233A<4\t`\276\263\336\020\276Lj\254>\034\376\321>:\276\373\275\211\005\253=[\332f>k\243\305=\306o\033\276\"U\230\275zZ\010>Y\327\">\244@\000\276\355\035Q=w\351j\275\333J\210=w\202-\276\273\006W\342\302\345\275ro^>\213{j>\005\310?>\252\235\277\276\231\225\237\275\331hF>\361\334\002?\316\356\000\276\320\201\205>\006\210\251=\037\200\226>\253~\207>;jV\275\271\013\005?D\217c>\346\215\035>\010;\216>\205\027\266>=\037\260\275\366\336\300:\353\257\235<\3441\'=b\020\214>\370tU>ap\215\275\376\204\207\276.\261\212\274\314\370*\2749W\330=w\215\347=7\213\226>\010\"\312=\223E\226\275e\021\004>\344\316\000\276\021\215^=+\241\217>\367A\330=\371\357\256>\306\300\\>\254|\311>r\225\\>#\"\350=\333\r+\2767\265\247=\303M\226>\316\246\252=\204m\000>\335\r\363=\253\207\255\275_\r\037\276`;\275=\252\366\215>:\013\255\276\214\033\240>\322\021b\275R>\013>\202e\202\272-\266\203>\241p\207>\356\250\260>\037\233\315\276\321$s>\025\346\255>\217\004\353>\241\2477>t\243\217\276@]\334\276\231K\253\276b\203M?\334T\255\276h\200:>K\257d=\320\341\254\276P_\031?\317T\267\275\035\270\232\276\374t\322>\004*\216=\267\t\203>\034\235\307\276\237\354\233>\323\273\024=\036Z\023\276\217\244(?\366\016\360>5kf\276-\002\245>Z\033\233>\307\277\260\276?\320\r\276\222|\314\275\310\227\312\274\010\370\202>\301\222\261\276eZ\206>\275\313\346\274\305\r\207<\232j\301=\201~\366\276Q\301\021\277\306\350\201>8\0255>\\\252O>4\361\206< \262\006?\"\016X>\207\212\273\275Ji\251\266\267\311\275\273\177\342>\201\301V\276\025L\275>}\022\010\277{\264\225>\005\251o\276e1\r\275\r\262p>\335PY\276M)P>\252\366\234=\024\236\355\276`=Z\276\203]V<\357@\214\276Z\222B=\342\304W=\331\020\006\276\\\t\337>\201\372\272\274\027\027C\276U \007\276)\355\301>\372S\272>\277\016Z\276sEu\276\375\325\300>\031\360\267>\207\372\236=[tG=@\034Z>>\217\205\275\034\376X\276\275d\314>\244-v\275\360Z\t\273\222\020\337=\013iO\275S\351\215\276\326\313\315\276\017v\035\276\340\\\206=vV)>\024\2776?b\221+>\035\327j>-\222\215\276\202\347\271\274\217\014\345<\034\032X=\374\0370\276\352\212\227\274\263\016\024\275\372\330\034>\222 o>\372u\203>\253\356i> \336H>8\210\022>5\023G>\214Vj>\242\010\244=\032qQ\274sDB\274\333\370\262>|Z\257\275\301t\201>}\014h>G\331\013>\274ch\273/zu\276\034>`\276\022\344\257\274\027N\347>-A?\276\235dv=y`\247\276j\016\334=\320\024\242\276\022\0019>\367\014\335=\n\t\272\274\231\351\017\276\246\035\214\275\025\326\230\276.zP>\210\033\r>\275\275\000?X\230^\275>M \277\330\323^\276\330\020\251\276\233\272\225>\324\023\207>?Z\">\306\216\037>\ny\261>\226\031A>\032\0366>\341\r\247\276+\'x>\020?\\>\346F\'\276aF^\276\275\355/\276C\213J>:(l>d\027;>j&D\276\373.\304\205qa>\211\215h\276Q}\251>\334\232\r>m\201H>\260_\217\276\016B\265\276s6\207\276ON\023\276\243f\344\275\303\326_\276$`\370>\031Y/\2761\316\301\276d\247?>D\351\372\275\377\306C\276\004\342\277=\305\r\001=&W\206=t`\364=\312\024\017\276\240\334$\276\300>\005\276\316q\275=\353=b>3\340\342\275\252\275\345=9J\245<\202\005\321>\353V\215\273[\241\263\276\273A\206>\217\251\345\276a\204\332>\234\361\236>\"\244^\276\236\372\341=\223\"t\276\037\276O\275W\235\210\276\333\252\257\275\313L\'\276\022\351\352=\'\014\267\275\321\021t\276\030\343X>\0169\301>\214\'+\276\245\206h>:#$=iw\017\277\220h\264>\201\206\225>\263\306\003\276\371>8?\321\232J>\375e\232>|\240\t?\215\356\274>?|\243\276\267\336\001>\215\233J=\207\254/>\340\3100>\224\242\237>@\242\345\022>`q\026>>4\227>\347\306\355\275t\276\023>\334\223\320=\201\305\303>F\371><\034+\235\275~\212\363\275O>J>.pC\276\245\2750\276\315\206l<\355g>>\224\316\323>&\225+\276\275\0341\276@\212\263=\203\211\272=L\276\304>%\237m>\345\373\340=\331\027\262=$\322H>\317\342\007>\2702k\276g\344\212>\220\3773\275/H?>\232\275\017\275\3554\256>\247B5\277L+\322\275\013\374\230\275\025\221\242=\373\0244?\327\376\362>\330\233h>\210%\001>|\274\n>\034b\004\274aU\207\275=\315N>cqp\276f\333\263\275\335W/\276\334MZ>\375)\201\276$\352\343=\251\372\316\275\345R\362\275[\321\211>\033\022\210>3\203\211=\345\372\230>\367{x\275b\252\343>\216\340z\275\347\241\360;\223\360\246\276@\221\356\275/\256\371=\027\004\301\2751\233\027\276\030a_\274\277\300 \276\330\271&>K\334\231=b\330\276\275\366\004\220=h\357\304\275\344\226p\276\246/\306\276\t\316\267\2762\324U=\260F\243>\354\335\n\276\276v\000\277\200\302\243\275O\000\241>\000\260\226>\032\246\231\276}\230\030>\236\240\014\275\237{c>g\252<\277gR\001\276\001E\235\276\017\253\036>\377\314\247\275\'\272\014>{\265\204\274&\327\276>\277\3378>R\312\346=\334\206\177>\003t\203\275f_\366\274Hd\303>{2\003\276]\tT\276\236\271\237>x\355\346\275\"\212\302\273\2312\305\276\370\341\255\275\215\0025>:8n>o\232\316\275\360\372\t=\267\355)\276\367\342\216\276\013\033\276\276\361E<>\336fs\276\003\245\244\276\205\250\001\277\277f\317=\335(\371=\304*b>\026?\243=\031G%\276\333&\200>\257\336R\276*\257\000\276\311\000!\276\010t\230\276G-\020:\370\330\006\275\320\006`\275I[\355\275\316%a=\357=I>)j\333=\017\t\317\275\3115`>\322\2650\277&\t\205\276\360\227\310>Z\225\221>>\271E\277\277bD\277\346\363`\277\022\375V>\005\225\267=\'\327\032\275\245X\023?\274\013\t\277i\'\021\2760\362\324<\356\rz\275\252\241\314>(\312O\277\327\305+\276\244\307(\276\035\227\202>--\214>\035u\275>Vw\026\275\036\201/\275\333\nM\276\211\314\r\276*p+>\377\342#\276\261\3742>!\323\240\276\356R\177>\013\2168\275\217\371\360>+\367\006>\303\207\226\276\311N\034\277\242O\n?\371\210\320=\242* \276n\255\021\276\340\035c>\266\024D<\017\375\226\276z\331T\276_\242\261=D\023\225=1(I\277\374\226\001\277\033d\002>\r\005\262\275\241T\246\276|\013\366<\310\320\314\276\361\001\236\276\020Z\020?\017\3726>\342\336\225>n\225\022\277\346\021\010\275\243m\267\276\301\334\234\276\376\2729\277`\275r\276\220\n\013>lS\321\276x];\276 ~\222=\211\240\314<\373\207\327\276G\206\235=\037\344\031\276l\355\231>\013\366^<\347\010\020\277\177c\r\275*\035\350>\277:\030\276\243R\016\277\222\2639\276\224M4>\260\312\022\276Q\251*>yU\360\276Qft>\347+\321=\272\256f<\255b\'\276\234\010\032\277\247\004\331\275\260\177\016?\206P\346\275\264\215\331=\206\215t<\235\237{>#\\\025\276\343\244\305\276\244\276G<\204\324@;\310\263v>8\221\201\276\030\261\001>\266\320\203\276\364d\243\275D\177\273>\037G\223\275\361\\\362><\230\222\275\323\265a>H\023\256>\033\270\221=\3330\004\275Xh\014?]\336y>/\335\t\276p+~>\234\234:>\361\243\307\275+]}\276\235\226F?\373\3441\276:\263g>\365mg\276\257\363\207\275\327\016s>\366\312\327\276\242\316\242\276\361\236\270=T!\341\276i\020\026>r\276[=\205\251\206\276\273A\226>=\251f>\002\220\256>E\313l>\177\316\036\276Ib$\276\232]\306\275\222\036\005>A\316\211>\024e\234=4;6\275|!4>\343)\225>s\305\346\273\333(\223>\375\001\251\275\334J\355>\3444q>+\315\300=\372d3\276Z\335V\276Q\033k\276\356\274\316=\033\361\302\276<\246\373>\264\333\322\276M\311\031>X\231\027>\220;\376>\24452\276\372\353\266\276(\322H>\253\250\025>\214d\221>-\344Q>%\305\034>#\"\n\277E\024\307\276Y\314\202<\022\371\t\273\345\332\312=\273\317\304=5<\206>\030/!\276\213\n\331;(]?\276\031G\037>\006\313U>\211\221A\273\213\376\006=\312\334\021>\240\260\340\275}5\302zu\242=\217\324\003?Z\273\303\276\345\036\260=p\254:;\312\034\234\275\006~\002\276\202\272{\276U@q\275\243m\030\276\362<\212\276\313\257\013>\314\346\255=\305\3638\276\344\202\231\276\343\323\313\276\023\350\021\276\216^\377\276*\034\212\275\22013=\036\007\365\276\363E\211\276NP\356\276\263-\031\276\265\201\351>\370\372G\277_\220\032\277\230\020g\276\340\241\272\276\000\036&\276Q\250\373\275I7\211<\317 5\276\337#q>\341\320\304=ac@\275\207\2152\277\231\007\224\276\n\200\271\275\317\017\001=\215\010\327>\345<\212\276~\341\232\276\354\342\271\276\345#G\275\343m\260\276OM\307\276\302\242\202\276\274qz\274\364\234j\276\207\275\203\277\354 \277\244\314\222\276\226\037H\277\235-\323\276WB\200\276\211\214^\275t\357\254\276M-\212<\r\032\253\276\274\n\024\277\344\270\302\276\340E\023\276\024\026\325\275&\325\007\277_s\306\276,a,\275\3703F\277\221~\235\276\273p\260\276\203\326\035\277O\277\242\276\034ny\275\025\257\234\276\362\321\256\276\'4\355=\026\273\236\275\366\330\277\276\357u\216=\256\033\355\276\300\006\235\276\251_\257\274\356\345-\276\317\333s\277\353\357?\276\224\212\343>F`\023>\216=:\276\356t\214\276\362\003\227\276\332\014&\277\014\314\262\2766dZ=T\'\007\277\241Q\254\272\311\0243>W\325\372\276\037\030\306<`bv\275\316$\275=\216\335\325\276\323\023\362\276KB\257\274#F\215\276g`{=\363cQ\276\260\254\241>\253(u>\034\356\003\277\271\351\300>\343\261\344=\274\343\261\275m\306\207>l\345\037\275Z8)\277\320\251\357\274W\274\210\276X\300\201\275!,=\277\222\333H<\257\366\234\276\204\330\345\276,=\276\2764\337\275\276>\225\204\276N\3643\276!=\327\276\201\224\003\277VjA\276L\353\216=\367\024\265=\210\211\226\277q>\376\276{z\213>:\0269\276\367M\237\276\215\243\343\276$8K\277H\322\254>\375\346\270><\020H\275\360\277\020\276j\000a\275\305\335\222\276\234Ym\276\300\201<\276\016\327\325>\357&\306<@\327i\276\214W=>\037\2614\277\374^\265\276\303\372\242\276\220t\245\275\351\222\331\275[\022\340\276sZ\217\275o\363\027>\014\344\233\276Z\205O\276\266\363\221\276\336v\310=Z\215\370=y\242\235\276+\242U>\344\234\260\276\026\264\014>\270\276\014>\037\203\313\276\222nP\276P\006\267\275`|\374\275G0>\277Z\217\024\276\242\225D>\024|\213\276\\m\200\276\201\324y>\212\201\373\276\355vp\275\242\315\260=\354O\225\275*\026\245\276jw\205>J\331\321\276m\312\023\276\343s>\276\351oU>|n9\275\201)q\276C\261(\276t3}\276C\257\302>.\244\231\276\200~^>\003E\031\276\013\0101>A\236\321\276s\357\353\276\302\264\220\275\202\316\251>>\267o\276\247\021\257\274T\372\265\276\222c\005<\223\2210\276o\346*\275 \311\267>\214\244^\276\302f\250\276\340T^\276\262\306O\276\\\321\n>~\250~\276kYM\276\232(\233>\353\030\356\273\005\250\222=U,\024\276*\231\304=\016\246\326=\327M\223\276t\210\274<\337\304S>\363f\322=.s\010\276\312\256\227\275 /\251<\275\177\336>Z\3367\276\206\204P\276\277\334C>\340{\360=\227\206\307>^eB\276\277\375\204>\304R\262>\255\375P]F\262\276\206\t\320=\207\346\"\276s\211\333>\250\177&\276_\370\323\276\205\313\251\274\321\315\004<\275q\207>\264\303r\2756ok\273\r\202*\275X\362I>\334\025\227>\227\0359\275\3532\237>\234\351\001>i`\231>T\212W\276\027\252^>[\030\001\275\'hf>\237\251.\276\016SJ>\335l\227\276\030y\206\276\346\025b>\020?N\276\352\364\006\277\013\226(>\026\023[\276\341\202d>.(Y\2730\223\224\276\0310c>lL\026\275\033\337O>\223\220\362>,\322W\276\024@\031=_$\035=\252O+>\360o,\276\305\263/><\326\274\276\327~V>&\001\343\276[\3253>\304\177\213=$n\000\277u\3319\276W\366\245\276\374\360\216\276\217b(\275\327\354\366=\3009T\276\273J[>\t\355\233\276\357\216\244\275\016#D;\336\351\033\277.\315<=Qgg\276\230\262\244\276\017Y\232=\337I\220>b\330\326=\340[\306>\312\203\240>\270I5>\367\036\311\275\325(\262>\3077\240\276\321\264\270>\311:\344\275@\243\224\276\212\004\304>\014\261?>\316\2424>\271\325\210>\365\025\327\275\201\223\330\273o~\004>\007~\271>\222Z\315>\235\324\235\275c\364\010\276\202\370F\276\331Bj\275\354]c\273\262\251\235=\251\365\272\274\352\356\267>\344\343\217\275\025b,\276\020n\270>\017\232\007\276]E&=\020\362\222\275\212Q\357\2746X2\275J\251@\276\355,D\276\013\267p\276\204\355\231\275\014vn>\265Y\300=U\253%\276\223\254\244>\304[\003\275/\356\204;\262*\n?\263\267\017?w\2109>\022L^>\344\330\222=5,\340\275\272yw>~T\014\276\210\314\262>1\263p\275\246d\225=y\347\t=[p\323=\303\345\t?\335&\232>\355/Q>i\256,>#\377\223=\337\035{\276\236[\247\275\307\257Z\276\237\357\341>C\247S\276\256(\264\275\225/\304\273\"\325\221;\274\320&=tZ\260>\207\326\352\276\306\210\251\276>\333\316\275\272\300@>-\216;\276e\221\025?b&\r\276g\260z>\"\024\257>\321\030\307=\345D\247\276\207\240\274>G\206\345\276\230\021_>\211\010\233>\322\023X>\333L\021\276\361\264\314>\323\022\005\275\327\323\247\276\017n\306\276\210\271\374\275z\205\024>\275\357\375>\314\356N>Ti\302\275%\014\n>\257\n:\275\344\3224>\270G\215>\224\366[\276\213\346\217=\035\265N\276YlL\276\273\351\213\333\007\307\276\270\306\266>\'\356\310\276\346-\246\276J\034K\276\366\313\035\276e0\020>,\203^\275\204W\022\277\254\200\320\276\255\307\300>\002\332\375\275\354\236\312\276\257\255\216>\263\271\314>\021jr\276\234\302a\274\225sf\275\303BF>cE\234\276\301\325P\2762w\252\275g\t\202>\'\nR\276cA\256\276\356\345\273\276P\270z>!7:>\210\224\321>\177\204\303\276L\250\214\276m\271\236\275^O\021?\205\337\340\276\301\311\035\277\303w\274>\356\233%?\354~\033>40i\276=\000\207<\255 \276=\322\206\252=>77>0\224\346>g<)\2762~\201\275-\247\020>\251\230\204\276:\206\340=)\242M>\024\244\316\276\367\350\341\276\350+\205\276L\277\004\277\304\"\271>\030Fq>\220\232\251\276.4\333=U\331\033>S\376\364\275\365\340\210\274\007T@=\374\r\216\276Ni\241\276\244\022\004?\230\024\224\276\201\240\325\275,\207\034=\177\026\211=\203\316d>.\026\231\275\227\337\222\276\r\034\210\276\335\025\363>\370\363\001\276^\370\210>\\\347\034\275Q\206\226>F_F\276T\343\211>\030\266V\276\321\027\213>A\313\236>[\026\203\276y\324e>u\305\345\276s\017\026?\261_\321=\"\023\254\274|\210\205>\277\273~\275\030\002\275=\024\243e\274}P\177\275\365n\301>:\253;>\002B?\276\270\262\010\276%m\227>\333|\365\276\226\2624>\272\007\030>\227\032T\276\035\222\216>{\252\027\276p\376\303\275M\257\005>\3509\002>\216\2739?\230\005\275>\032I\313>mFp\275\311\356/=\371\324\335=s/x\276\027h_\274;\003\212<\006k\n?\003%\022\276\235#\254\276\261U>\276O\302&\276\220\033\251\274\233\'\277>\223\226\n\275,)\335=-\017\007>\027\370\252>\033-#\275oc\367=]\336H\276\225\350e\275y\362\036>hCq\275\350\2476>\313\200\224\2743\035\006>qC~\2765\336\242>:WS\276\352\256\213>d\035B>\204\303\263>\211A\032?\"\026\017>t\245H\276P\244L\276\333\200\030=W\314\355\275S\013\323\276\030\000\330\276\312=\344:+\365\014\277\ti\366>\\P\201\275i\274I>\2146\235\273\036\006\367=\005&\266>cA\020?\321\314$\275\006+X>qEn\276\333\307\354=\322\236\206>U%\330>\331\211\023?\340%;>\233\351j>\026\360\323\275J\240\251>\231ee>A6\">\372\t:>\3652\246=\321\300\006?\326\n6=\036\323\013?uh->\2266N>\342\361 \276\306\264\262>\202\356\017>\026j!\275\366\316\016?2\\\256\275\357\232\311>\034t\257\272K\017\\=\216\235\213<\177\242\201>q\243\370=\303\n:<\237\212#>\373\315b\276J\315\234\276\243\031\377=|\211\306>(f\220\275\360\263\237\276X\014\260>\356\032(>\361/\203\274\361\204#?! \024?\211\256\277\276^\253\215>\242\037\244=A\032\007?\346\304\371>I\306\337=%\232\335=\207&\013>\342K(>\356t\177>\333\251\233>\312\310L>L\274\022\277rl\231>M \214>\367\317\r?dT\360\276F-\334=q\224\002>\0106\217\276[\3119>\237Y\247\2735\274\232=\327\253\254=\200\306\234>K\nM>\352\010\250>\233\265\242\275:\274\230=\377\2351>L\251\305\275\3513p\276M\204T>\026n\344=6\223\326>\007\372)\276a\334\004?\303\335I\277\346\321\005>\241#\257>\002H\231\276{\007\237\273W\342\340=\207S\264>\231i\260\273Z\230\005?\270\371\346>\ri\353=\357\\%\2761\251R>p=\201\276\274Rj>\237\220\t>\261YL\275qd\035\276\242\344\243>elN>\026|\030>\350s\364=\351\365S\276M\r\317\276@s\206=6\345_\276\030\232\000;z\031%\276D\244\013>\316}\">\002\244B\275I\355\221\275\365^m\274\260\0327>h\263\217\273\275%\216=d\341\325>=\035~>\002\2108>&\322\360>O\376\000>\365\251\326\275\211g~>W\317\333>\224\001\362>\350\332M\276\2358\266\275B*\002?\305\302U\276\304Z\347\275\332We=!\222\347\275I\177\'=\251;<\276\2477F\275\346\345$?m\334\253\275m\033\303\275:\t!>\352\363*>\225\362[\276\025\275\210\276\315!\235>\244\377\013>@E\254\273Sz\205\276b\351\310>\374\352\241>\250\230{>\306\273\262\275p\352\275>BM\343\276\2104\264\276\377H8>\n\225\352\275\225d;=F\2163\276\313q\305\276\352M\037\275\2630\024\275F\240u=\307\342P\276da\334=0\331\220=\'\362\253<56\230\275\346\003\252\273\356\377\350=^O\023>\265\001\236>_\357\033>\301\331/\276t\353\211<6\010\304\274{\3321?p\332\373=\222i\330\2755[?=|\033R>\214\366\303\275A\000\322=\344~\024=\240\200\216>\035\\\206>\277!\220>l\344\206>4\025\343\276\220\017\025?R\271\224=\227+\237=6[t\274\315\213\313=^\201B>\247\357\322\274\004\000\314>3&\322\276\020z\222>\314\257\211\276z\177\356=\352\022/?\335\331\001\276\007r:>\004\312\346\276_\001d>\217C\037\276.\233\274\272\352\361\332\276\222\327\325\276C[\304\273\260-\254=\270\267\267\276\265.\240\276|\344\215\276\202\212\265>\t\241\251>.\n(\275\233k\007\276\226~^\2768\352\255>\257\354\'=N\021i\276\027r\251\276\370\214\342\275.\215\r\277#+\276\276\'\373P\276\317\272/\276L\301\345>\255#v\276\215)\205\276N\346 \276+\311\224>@%\210\276\331\361\237\276\274+e\276\234x>>hy\001>~\211A\276\367\367\272\276\227\220\340<\262b\313>\334f\r?}D\n\277|\371\322<\235u\206>\177\266\257\276\344Q\013\277\345\025\306=\002u\335\275)[\210=\362\252L=\005\230\010\276\"3\222\275|%\303\276\365\375\201\276\2371\225>h{\036\277\364\242\243>\213\006\020=x\273\006\276e\375\201:k\257\217>\006\371\033\276\252\326\n\277*\202G=PC\014=\035\274\217>\237\252\233\276\207!\020\275d\201x\275\212!\014\277\270\352B>\203p\254\275o\245a\276\353-\301>U\353\300\276*\231+>\2206\234>!\363\020<\201WZ=\215\277\334\274\250_,\276\362~\365\276\n+\204\276E\017\327\275\351\t\347\275\231\005\251\276\341\210\304\276\274\325\016\277li\362=\363\240\200>\217\310\220\276\312^*>\306]\253>\341\310P\275\212\201\n\276\220\301D\273\276\324\237>\013\211\320\274\200\344\363>S\363Z\276\364\007\\\276~_\242\276\207\352\212\276\322o\257=}\265\376\275\220X\035\276p\030\243<\312\340\342\275K\337+>\013}\260>\002\266\003\276\345~\272>w7\205\2755R/\276\213\024\240>\222\216\016\277A\273\246\276\260L<\276\353\277j<\234R?=\261?\303=*\024\371>\266Z\030\276\253\311\266>7f;=\276\213\341>[y\272>\224\2538>\376a\372=\265\013\223\276\267\000\347\275\017\302\200\275\304\3341;\014>\254\275\322\344\002\276\374\2327<\213\237j\274\364\354m\276\360W\340\276\357VH\276\310\226\361>=\031\210=K\316-;\301\021\376\275\'\221\330\275\201x\036\277\376\230\211\276\035\372\365\275\322\272\034>\357\t\241\276!\231\375\275sv\247\272\026\031\223\276\024\020\021\276\2004\005<\206\221\024>\370\306Q\275\343\037p\276\245 \024\277t\037\027?\276\n\302\275QeE>\260\375\032\276/;\277=r\243/\275\3710V\276\036\314^\276\036\002\251\274\200\356\241>\013h>\273\314\260\250<-\203Z\276\314S\246\276\300&\227\276\t\361\313=\331.\222\275)|\n\276\346\246\n>\356X\\\276m\0066\275\346\243\030>&\366\240\276\201\261v=J\353\255\276\342\303`\276K)\352\275h\325\235\275\263\200K\2769\234\324=\352\274\023\276\007\356d\276\001\365\364\273i\331\244\275\227/\267=\227E\\>\2648d=\340\033\306\276z\313\340\275\361ek>\000\266\204\274\217VF\276\\\322\315\275\360\322\r?\034\312?=\375\353\333=\300Q\005?\345*\362\275\203\016\301>\356\'\320\275\r^\017>{\212k\276\324:\337\275\2124t>W\222i>\210p:>\263\326\r\276)\002\321\274\374\2407\276\342=\200\275\004\337\214<-\232a\274\371:\273>X\371!\275\207\033t\276T\301\213>0\267\235\275\237\022J=\357\234\t\277\257\212\254\275=\336)\275\037@;\277\226\257\241>\232\277R\275y\347\237\276U7\n\\\276\204\307\213\275v\3622=\235\250\r\274 WR\276Z\'\267\275\315\331\316\276\353\001\260\276\354\276\341\276\264H\016\277\320%\220\276\372\370\360=\312&\346=\312\377\306<\262/K\275E\3111\274c\317\217>\343\020S=\204\371/>%Oc?\n9\355>\'\022M\275\275\177\310\276\227\375a\276\202\361l=\363\033?\276V\035\343\276\333\201\364\276\267\324L=:Q\242>\317\032\342=G\213\236\276R\353\244\276\244~\273\274M\264N\276\257+\236\276+?\232>~\363\256\276h\214\216\275=\275\221\275\314W\375\275\016\252B>\022\203\244<\377\343R\276}\255M>\321\311\373\275Tp\001\276\020\353\306=\022]\240>\314K:\276.\001\221>\301\240R\275F\324\277\275\223K\325=\211\2170>\367t\310=\026y\250\276!\216N\275\233q\006\276P\305\365=\342t\210=B\333]>\'x\323=1\'\245\273)\305#>H\334b>\336\272\272>\325\215`>\245;@=\363\2477<\212\342F\276\324\"\220\274\215S\017\275D\212\250\275\244\354d\276\027#I\27417\013\276}\214\027\276\245\033\373\2758\243A\275\225\212\217\276Y\263\305>?\246\243\276P\241\354\275F\032R\275\237m\223=\315\271\343>Y\226<\276\344}V\273\240\334\255>\220.\357=^\245\333=\204d\n\276\224\310\304\274\3546\210\360\212\030\277d\273\220\276\252\221\261\275%\237N\274\367H\262\276t\205<\276Fd;\275|?\251\275\250\205\220\276\177\033r\276\014)\014=7R\352\276\252\324\255\276la\216>\376\364\317\276H\305\326\276\263\224\215>X\370\365<\206)\253\275\220\212+?H\202\277\273C\356\253\275\234I\321>\312\2427\276_\"(>s\346\374==3\257=\032b\034\276F\034\342\2748\233\243=\366\343\207\276U\204\022>%9\271>u\325\234\276\210\312\202>Z.\212\276\026r\261\275\212)z\274S\310\370\2730\0209\276H\035\251:\024\016\376\2739f\323=Wv\034?uc\256=ee\217\276\353\031B>@\365\353>\213a0?\207\002\253=\017\316\206\275\025=\241>\352\366G=\236\214\003\276a3\026\276\304ug>I\331\217>\023\204\225>f\314\200>\334\035g\276\002&\203\276\240D\364>A\031g\276W[\347=K\300~=\341\037\340\273]\313\224>\025\020\352>?i\242>\201#\262\276U\201\351\274s\315\230<\315\362O?43\320>\336\\\313>\235\252\330\276\371\274\363=A\3715>\333\334\207\276\014\360\357=\266Z\206>\014b\341={\307,>\205\001Z\"5W>\032L\342=8\177B>\010\022\'?\004%R?NQ<\275@\2766>\000\301I=\217\275\202;>J\236=\325\300\207\276\254\350J>\237\254A>\260e\027?Z\307\022?\257\032\303>\010\364\316>m6\255\275\364\365\270\276%j\266\274\361\215\305\276?\036\005>\014\017\206>\003pt\275|.\267>\362t\244\276\030~\305\257\255\263>L\n\301>8\027#?\225\337\347>\'\340\235>\242\016\263\270\213\324\024?\347\020\020?\236\034j\276\177\255\343>\304\375\031?V\222\241>:\306\371\276m\005\257=\235\246X\2766\212\n\276hY\256\275\000\271\222=\271\305\340\275n)k>E\244E>\342\352p=\366\267\016\274\267\237\214\275}\316+\276\375\363D;w\016\202>7\327\266\275\276\274e>\376,`\275\031es>\'\306\322>\217E\263>\210%\000>\320\357\213>l\263\271>u\200U=\216\272\237=Q+\337\275\370aT\275\342\307\214\275+\342n\276\350\275\272\274\374\367\344\275\352\324\264>~-\200\275\323\253\371\275\221_\326\276\"\210g\275)lD>\371\305\005\277\273\362b\276w\246\245\276\342A\225>\352\232\317\275\355\222\223={\202L>WmV>^\002_>\361\346\350\274P\0132?\355~\236=\035\232@\276\267i\224\275\035P\341=\212Dz>\365\251\323=ZQ\006?\241r\035=\323W6>=\302\006?GuO\275bq\001>\374L\360;>vQ\276\343sH>\376\230\316\274\230\321\010?\347)\007\276\\\264\346<}-}>\265\006\247>\263\330\202\276\034p\367=\326\307\004<\rc\027?\314L\201>{\021\340\275\345\312\274\274+\230\277>\242\2677\276\336\230\221>#\231\032\275\260]6>\030+;\276h\330\254=\252\300\252=&m<>\346x\002\276\322\240\373\276\202\021\345\275L.T\275\205\003\226\273`\007\232>7\343\027>>$\224>\254*\002\275N\0064\276\324\220\256\275\311\344(>\221\370A>\363\247\347>^\221\036>\r?\240=\246l\242>W\026\013\276\356\230\203\276Y\3178\2779\342\263\275\345;\204\27587\266>\217_w=\204\025:>\320\007\316>e\304:\276\2274\302\276\334\232\026\276\033\206%\276\0062\222=v@\375>>\335^\276\304E\013\277o;\304=\372\346%>p\3467\275\225i/\277\231\002\263\275\324\330\352>H\'\207>\245@\200>-\235\221\275\366>P>\314\035}Ok\325\275\r6H\276NC\013?\023\243g>\321\2417\276\232q\r\275\203\251\270>s\247\357\276\323\314\014>A3W\275j\302<\276\332\034\257\276GZ\037\277\362J3\375d\223\276\377\235\206>\302\342\214\276\377\226\353\276\362\003\323\275\375\223\244\276\260\315\036=\264\273\t?\314g#\276\r\373h>\223\222\201\275\355/\264>\364NV\2769\376\002\276rc\313>\3764\210>6l\005\274\000)b=\243\240\234\276\2121\266\276\342\335\264=\2532G\276H\323\373\275d\346\350\276>ON\276\317\354\375\276\242fQ<\205\327\023>\"9\343\274\264\225\314=5\252\274\276\202\340\362=\000Fb>Q#\225<\335q\320\275N\020<\274\277~\374>\340:\314\276ov\203\274\201\006J>(D\234\275\335\322\201\275\002\205\301\276P\260\337>x\241\002\276\262@\341\275\377a\373\275\331\022P\275\200J\206\276t8D\277\007lh\275\003o$\275\332\261\n\277J\340\310<\241\004k\276\\\201\034\276n]\220=\265\004\205=8\0316>\270\352c>s\233\004?\017\201&\276\315\336\307>u_\247\276\t\t\217\276\357XX\276\200M\022\276}\302!>\364\316\330\276\301m\334=\342.\020\276\316\323\371\276v\376I\276\3709~>F\205a>\326j\022\276C&\212\276\3663\315\274>\263\234=\20239\276%\242\244\275\350\300\202\275\261\3178\276ozM\276\001\'\375\275W|\017=b)\253\276\210\236\255=Y\271D>\372\315e\275Q\327\255>\256m\302\274C\314\031\2765\3357\276\033\350\323>]z\232\276\277\205\375\275\004\306L\275\243\222-\276\347z\202\275\251\301\326=\344s6\274<\314\212\276\242\264\335\273nXq\275:\356\327=\2534\002?\rl\230\276&\212{>\321^\n\276\274\031$\276P\373B>\374\307\334\276\366\223\221>\241\357(\275\2000\207\276Q;e\276\2748\334=\344\252\257\276\277\r\014?\177\'\212\273\371\237V\276#\032\356\273\263-\251\276@d\013=\013\361x=\374\304\276\276\357\225\005\277[^i\276\311\330\221\276X3 >\210Q\214>!\n\232\276q\244\316\276\206\213\301\276 \201C\273\254\000\204\275\245\345\021\276&\241T>\325\320\022\276\323\021\371\276\342\267 <\037\031\367\276\3565\306<\016\t\351=K\032\214\275E\306\204>\373E\217\276`\303\002>%zQ\276.\310\226\276C\"\210\276B])>\341Q\237>\270\304\234\275\254\337\215\275qX\217>s\203\207\275\035\222\001>6\344@\275\347\315$?\277D\247\276;\225u>\263\264\007>\366 W=\327\326\216\276\274+\266=\304S>=\274\330\200\276#\350\210>\354\302\316\274KU\035\276\265h\033\277\377\004S\276\007\355\t\275\226D\274\276g6v>^\274\207>4\257\361\275\333o\003>\224\270\306=\027\t\230\276p\220\260>\372|\234=\rVk>\277Z;\276Q\261<=\310b\255\275\031T\237>\301\365*>K\2026\277\353@\273>\337\260\354>F\350)\276\224v\"\276\306\363#\275xHI=\247\313\335=Nr\343\276\305\303\364\275\206\355\345\275\203h\252\276SC\017\277\204w\003>y\326\222\275\377s\n?\024e\t\277\262\320\355\273i\2516>T\333\\\276\342\336\301>Z29\275po\314\275/\006T>\306\240\332=r\320\224\276y\350\275\276;#G\275\30346?\207v\335\276\361\214\006?\030@\243>\215\203\016<\356\307\373\276\220\346\004>\221\"#=\021r\314\276=\344$>\217\006\350=\374:\300>9\207\347\276\335\241\224>\0170\257=\333\301Z<\314G5?\324-\303\276\364\264\245=\374\224\270\276d\0247=\364N\305\275\257\301*>\200P\242>N\340\017>{!\005\276\350\355\223\276\214\272\252>\221\263\360\275\246\303,>\253&\227\276\3762\204\276\215\365\200=\370\002\026=\360\263\245\276<\300\216>v-\310=M_\264=t3\210\274\014\226\223\274F\343s\275\212z!>\366\234\230>\266\021\254=j\317u\276K\301\201\276\225_\333=d/<>\361\275&>z\347\341<\370p\365;*\277x\276l\357\342\274c\367\224>~0\232>qy\314>^\023\204=V\3421=\277(\000\277\371q\244\275\3160\370\276X\347\211\273\203\321\225>\262\315\236\275%\267\\>[Y\223\275) |>b\242]>>\262\263\276\230S\240>\0377\307>\261\273\203>\232N]\274\256E3> \223&>X\256\255\274\273\240}!\276\363\251\201=\242\214\265=\221\3243=\3511W>(\230\036> \023\r>\276\351U>\200\260+>Y\202K>\255q\r\276\013\020r\275\024\300\341\275\243\375\204>\300\005\353\275\271\007f>\204\221b>\240\215\250=\236\006\214>X\247_\275\346\246\314\276w\302\205\276[\374G\274\234\355\202\275u\3434>b\221R\275A\306\341=\273\264\r>\367\n\365>%}\002\274\003\234\000=\014;\r?\257\264\330\276\375\374x\276\352B\241>\311,\025\276\2168\275\275\360\270\206>\246}\356\275QaI>YP]<\235\214\221\275\314\275\254\276\223\316\364=\353s$=\300\274\005?\261\243\265\276ba\273>\364\237\255=\334\203X\275&Ns\276$k\007\276\364\311>>\313A*>\321\337\310\275\357wh\277\035\242?>}\317\037>VK\220=-\274\252\274i\203\243=>\002\r?\"\263\274=[O\351=S\255O=\271#\332\275\332V\250\273\014\340\r\276\331}w\276nQ\304\276\177\312\247\275\233\351\270\276\264g\260\276\261\233\010\276\301mt\276\364X\372\274~\020{< \214>BQa\275\231\211\202=\217\320\323<\'\312\207>\3201\213=\276\t\335=\312\326\300\2769\017\357\274\256\317\317:\227\003\025>\375\350\230=\022\020\013\230*b\275H\356\261\275\006\372\213\276\232\005i\276\020t\352\276\323\355\023?\223\022d>\032\330\312>\263j\036\275\256\227\177=P\211\352\276\004\305\360>\322%g=\037\312=\277\2178\373\276$\200\331\276\010\260]\275\323\344\202\275\354X\207>f\002\205>\275\005\236=B\226\247\276\016\373\013>\215\321\350\275\031\364\375=\255\026\256\276\355\337\344>\226\232\331=\033\021\257\276\255*\037?[\n\202\276\244\374\274> \350\001>3\274\263\276\314\220\252>i\246\216>\230#\322\273\3424\0339\201.\211>\342\363\205=f\214$=\201\377\014?L\005\006>6\2578\277\032\241\275\276\331)\230=\337,\242=p0(>\270\345\327=Zc\266>\250\363\033>s\r\355=\331\356D\2768\340\212\275\2629\271=\270\274\006;\253\006\270>-\367P>E*\\>]\342\272>A\333\275\274\327\016\256>3~\231=\272\007F\276\206\270\235\276\213,\262\275\001)\242\276U\352\032>d\340\034\276~)\031\274\330(\377>C\222\003\276Y\032Q>\037\342\332\275\034\243\032\274Yr\200\276\373\300\220=\247\335\342\275\026\334\372=\216\177\270>\\\220\257\276\352\027\321\276\275\326\316=EJ\333>|o\214\275\343\272\356>_\231\325\275\217\365\216=\235\276\t\275I\367\033>\244\343`\275D\217[\275\234\337\337>\341\246\214\254T5>\276@\245\275\005\264\251\276\227\033\342;\217\265\244\275G\351\232\276$\037\035\276\360\343\254=9g\217\276J\353\013\277\365\310\230\276\246`\201\275\203\310a\276y\276J>\232|\345=\255\353h\2765\377\300>:\231\307\275\264a:>!\305\261=\256y\213\276\301{\201=\317\240\336>M\341\235\274T\335f\276\023d\363=o\257\351=V\312\246\275\365\272\362\274\314\203u>\355x\202\274\344\022\202\275\236}!\274\214$\244\276>\200\035>\007\361r>\200G\024?y\002L\276k\236\352=\005\002#\276\272\230\232\275\301\256\023\274\020\342X>f\003\321\275\233\356\n?LtH>\331\'\016\277\3746\207\274\207\035\334=\246\301\205=\225^.\275\307\211\025\276\276\214\241>\307\247\016=3\370\266=\2432\230\276I\300\333\275\220^J\276\3113\235=\346\337[\275\264\253\020?\307\325B\276\271\"??\226\331I>\260\022\306\274\373\006\240>\213\326\256=\224IH>;2v\275\005\252(\277\372\201\001=9\240!>\334\032\207> \276\323>D\216a=t\307\022>\214\354\336=\276%\357\272\005\021\235<{$\217<\317\201b\276\233l\215>S6\352>\274`\274\2745\034\021>T#\244\275\221,\261\276\002\335\276\276\014\233\242\276\030=&?\263\277\022?p\266\307>\237\256\260>:n\303>\333\241\030?\216\'\037\277\332x\330>\021\205|>\222\362\306>\024\003l>iZ\335\273%\300\340=\023\215\353>*\312\267>`\367o\274\233\371\251=0<\203\276c\035\300\276\207\345\212\275\275%J\276Nq\336=9\253m>ld\026?\360;\244\276j8}\275\006\336!\276`\363\221\276\013\204\200>\271\251\312\276\203\221\236\274\370k\177?\235\326E>9\312\232>*-\177\276\327\213\245=h\'\210\274\342d\212>\353\014\245=3\332\310>?\001\200\275<\001\224\274\352\270\252>\342\321\301>0\305\316>\362\0059=s\231\333>E\256\024\277+\367\002>o\366\"\276\215\223\317=U\030\342\275\333oH\276\351|\210\274t\216\231\275\177F\r\276\305\355I>\233\365\247>\207\0246>!}\226\276\222\004\202<\224.\331=\222\260\034>\313 \266>\357\221\010\276\261\002\305\2752b\255>)\332\262\276\321\016\027\276\256.\206\2765\257\037\273\361\215\360>\216<\203>\300\272.\276\'[%>\010!\257>\250\215\316>\372\3007>\035|I>\313?z\275[\003\326=\235\266\316=\272<\265\274\t\352\347\276=;\036\275\234z)\276\352]\350=\345\006}\276\235\337\317\275t\202\002\277\332Nw>\227\204\337\236\276&uD>\233Q\027>+\371\230<6\232,\275\3678\273\275\342\237\246\273\377\256 >\330\220\267>\251uC\2767\276\035\276\243\233\302=\330\006\312\274\243L\273>\t\256\244>6\264\322=!\035\311>\254D->\1779\263\275\270s\272>\367P*\275\217\3076>\\]\347=\251\215\302\273\027\374\n=a\240!>\027\374\033=\351\023\336<{8$=\356y/> @\247>\332\335^\276\340\022\251\275\311\377\035>\021H\224>\371\255\240\275\024\026\245>\373W\360\276\223\274W=\227]c>\354\254\031>>r\255\276Y\253/\275Y>\213\276\014\350\203\276\271j)\275\301\230\336=\201\301#\275\005\263\365\375\346\300>6H\276\274\004\224\353\275\241\2145>\232\221\247>jZc>\307\001\215>\351\337\313>P\177\206\274E\000\016?1\367\027>K\273a=\231\363\270\275\250\372\254\276\264$\356>g\242\202>\366q\245\276Dt\027?\331L!?Vd\035\276\255\331\310=\000\336\277\274#\367\236>JQ\262>\327\254h>\257\203\250\275\264[\n>\220.M\276&\032\201\274\307\001\003=S=\221\276\027if>\177\243x>\330\0005\276=\336\313>\235?E>KQ\302\275dE#=:\220a\275\210\221\265>\374\n\336>&|\225=s\235\027\276\004n:?|\320\252=V~\201\276E\257V>\222[\214\276b\337\212>W\233\367=\264\231U>\266\006\314>\305\347\360=\334m\304>E\025\221\276\274\326\003>^\"\262\276\212P\017?\207_(\276L>\306=\335\354\360\274Q\004L>\031\024$\276\2378\374<\240\303\271>K\237\332=}\'\014?W\010\215=A5\021?gb\241\273+?l\276\336\025\204\276\377\266\'>\363\322\246\275\342v\232\276!:1?VC?>\\\016\237\276\177\337\355>\250c\026?\270&\330\275@\327\213=DB0\276H\202\337\275\227A\021>\303\006\353=\005\234&?\221\316\374\274)\305\344\276\017\3326>F\035\202=iX\323\275%\2037?\227\210\223>C$\223\275B\222\211\276\304\212\220\274\322\034_>\371\264\201\275Jm\324\274\347\220\002\277^\260\314>3/\242=\022\217\353>\033\225\230\276[w\300=<\213N\2767j\351=Fp\005?\002;\240>\215\313\257\275\021\374Q>\337Y$>\211\016(?fw\266>\377\314\311\275\236\227N\276\262\275C>\376\037Z\275\263\305\205\275\037\357\006>\244\212\357\276\021\240\317=\314}\263\275\336Rv\275&\240\"\276\337y\352\275OIH\276\362\215\206\276\231{\212=a\345\200>y\247\320=\220\344\343=\262e\270\275\245 `\275\263\316\250\276\263\264&>\201\312\255\275\210\314~\276\333{l\275\311\333->\324\367\027\276\265g \276fE\314\276\366\2160>\263G\340=\362@\210\275\005@\004\277\325\347\035>Z\235m\276\325\312+\275\223\366\253>\252&v=je\204=\000\360\254;\345\272R\2767\010\352=\\\004\263>k\256\204\276&\252\375\275\350\223u>u\313\325=*\272\200>\224\363\330\274\333<\022?\004\037q\2766L\200\276\246h\005\276)\215:\276\324_\021?\341v\237\275\254\026\266\276`m\036\276:\230\272<\314\034q\276\245\352\330>\315B\344>\371\260\361\274\025\277m\276U4L\276k\224\217\275]\246\306>\001\013\372=\356\ry=yb\273\275so\277\276L7 >~j\t\275U\243i>\3032\277\275\347\266~\275\265\344\364\275\034M\234=\355\370\010\275\004\314\017\276T=\035={\036\202>\363\334K?\366\n@>\310U\016\276\261H&\276\017\2768\276\257\361\014?5E\033\277\233v\216>\005\222\276\276\267\316*\277n\222\265<\351\336\226\275\263\337W\275p\324F\276\001\256q\276\303\214\275\275\255\001)>\355\r>\274\030T\234>\202f+>\226\346\026\277\377zn\276\242\263\252>\313\365\357\274\010rG\274\026?\353\2764\026\201\276\272\307\222=\373\310\301\276\272\347\320\276\265\360\352=-?\257\275\267\241\202<\271S \276\346\375)\277\371\027F\276\033\372\321\274\242\343Z\2773k\206\276\234\302\367\275\320\2345\277\301\337]\276\227\207\201=J\005`\275\201#\223\276\355\2311\277\000\256\210>\021\005&>\3414\177>:&\242\276%r\200\273\200 \033\276Un\013>f~s>\335\200\304\276\220\2465>\371>7>\33498\275`\272\376\275($\220\276\024\314:\276\351E!\277\255\026d\275\366P0\276\231;\214=\244\222\233>[\237\355=w\270\205>\251\252\217\276\275\250\260\276E2\215\274\260X\221>\341\346\211>Wa\372\276\202{^>\232mk>\344|\240\276\355hN>tj\227\276\301\303\237<%\263\010\275&\013\275\276\"\032\373>\224\372\355\254\227A\276\021s\212\274\001\214W\276v\330\216\274\372\355\224\276 \212\232<\316cY>\031\021\032\277\270%Y\276?&\247\275\333\363\035\276\t\355\027\274\235\261\002\276\006\260\200\276\340\006\257\2749GJ\275\370L\322=\t0^>&\"\"\277\350\004@\276\017\346\027\272V\234g\276v~\247>\215\243\207\275\310\225\274\276L\270\203=\223\352\017\276q0x\275\205A\323<\320\361\200\276XI\n>\225\027\207\276\207\207\225;7\314N\275!\014g>\216p]\276\016\235\004?\246%\327\276\366*Q\276\327\220\325\276\n\311\036\277\251\215\350\276\304\322\221\276J\354\303\275 \354\323\2755\310\037\276I\340H\276-%P>\024\306\022=\325\2267?|\221\202\276\002\204\275\275(\\\363=\275\327k\276Qg\370\276\010O\243=7\305(=7\306\236\275\243\034g\276\303\r\214\275q[\243>\374*0\276\242\034n>\207\005\253\276\3444\370\276@m9=I-\334\274C\025\255\276$\2712\276\324^\210;\317O\214\276yr\270:\223Hm>$\351\016\275\222\261>>[Y\306\275\n\355\025\276Er\222\276\346+\234\276uc\261>\355\006L\276\340\236+>\344\376S>\206\220\034\276\203n\212\276KJ\251>\353/_=G,:=cf2=\325X1>\344\241\221\276\311\300T\2764\303\221;\254;_=9:\002=Q\245\273\276\305~i=\030\2672\275\220\271\273=\315\233I>/\0364=1{\026\276IRV\276E\t\201\276?n\337=\347\210b\2777\230\210\276\206\204\204>\343\326\263\276qM\330\276\256\'$\277@\335\243<\354\243\241\276\t/\365\275^-h>\013\225*\275\"F\330\276\235&\305\275k\277\'\276\347\370\020>:\021\343\274\316\261\263\276sB\250=\306\224\275\273L\332f\275m-\301>.\304\331>4\364\210\276\2470*\276\265\232\003\277-\003\266>_\205\354>\254\276^>K^p\276\331\nm=\311&0\276)\224\004?;\267M=\035\351\353\275\2546\342=\316\211\374\276\004dE\277k\223\020\276\323\213w\273P\221\000\277\364Xo>\003~\031\276{\313d>\235\363\227\276V\"!>\311\266\233\274\373\334\200\276\250G\\\277Z\206\336\275i\201\323\276\273\367c\276\220`@><9\212\276\342\302H>\340\016D\276\300\222\243\276$^\374\276\00422\276\001\337\275\276\336\226\304\276\032\224*>\262\325o\277V\226\302\276&i\341=\212\315z>N\264\214>\215a$>#\'\207\276\017\\s\276g\002\345\274VG\325\276e\244\007\275\355\211u\276\014M\202\276\2650!>\233r\037\274R\024\270\276\252\034\236>SO\013\275\251e\260\276_\002\236\276\002\311N>\2360\263\275\310\230\305\273\253\344\'\276\350\355\367=\335\006\205\276\017Y\273\273\302\255/<\310\241\014\2768\274\202\276\332&\034\275\241h\203>\230\345v=\364S\316\276\237JL<\311\303>\276\007s\301=\300\023\224=\212(F;QK\023\276\246\001\222\275\255\342\342\275\255\202\251\276JS\300>?\331\202\276\026\351\200>v\225=>\362\332\220\2769\037\347\276\036\333F\2762c\245>Y\302e\276\207H,\277\270t`>\204\3525>\005\342y\276J_\022\277\2127Y>cd!?\206x\245>\n\261\321>W!\200>\031\277\326\276\'\205\215=\2705S\276IK.=\361/\374\275\272\034s\276T\210\321\276\3751\340\276\234\274\003\277\340\035\024:2\267\201\275\272G\336\275\372\316(>\360\315\276\276\345\366\365>ksx\276\253\\\020\275\336nT\276w=\003>|\250\315\275\250\377\220>RI\206\276\277?\355>\003E\362\276\364i\271>\211t\026?\342\240\217\276\255\261\315\275\"v{\276\267\036$>\302l\302\276\365@\022>WH\034\277ma\322\2767\231\226\276\\\n\251=\265\214\321\276\205J\312=\207\371\256\273Y\3452\272\005_\016\277\023\347\263=2\225^>C\201\331;\017\210\016?\210.\274=\220\230v\276\001}h<\321\301\213\274\001g\212=\030\261\'>\205\373\201>~\036\'>Y\242\013?\224G\211\276q\302\201\275+}\026?u\n\003\276\272\302\270\275\364\244S\276\\0D\276\265/ \274A\016\215>f\255\266\276\210@\030=m\363\324;o\361K>\346\361]>\3373\315\275\035&\006\277\246)>\276\322v\241\275\202?\335=\002?\324\275(\272Y\276L\300\272\2762\330<\276#hX\276+}M\274 V\014\276 \270\\>\377\307\316=\005\2355>q09\275E\017Z>xS\343>Va\004\277\276\340\304>\223\360??x\022\225\276-\027\335>\220v#\276\277P\224>!\367\210\275cW\013\274\337\307\256>k\222\211\276\"\003\361\274\323\213U\276\2454\260\275\240y\303;\221\327\366\275G9N=\013\267\301\275\230\245%?\363\004\005>\013TP\276Dt\304=\224\255l\276\300S\347>\263\255\231\261\263>\017r[>>\324P?`\241.>\303\333*\277\316\356\350>\334\253\235>\023d\311\276\230\343Z?\243V\023\277{\273\016\276\355_\255>|\362\005\277\257\317\223=\001Q\353\274\036\030\001\275\311\035g\276\205`\270=\312\333;\275l\376\">\234\275\267>\253&\030\275\031^Q\276{\343E?\243g\003>\215Zb\276(M\325\276\321cZ>O\264!>\347S\004>\246\3428>\335\3332?u\255\276\2751\204Z\276\253\277\361=\254\322\344=\245Y\021\276\030\033\223\275\252\315\004\274\230US>\0052\242\276\331\226\275\276#\375\351=\217\367\t=\023\314Q>\026X/>J\0171\276K\361w\276\312\252_>5m\300=\017\017\224>\014\030\256=\023\262\r>g\264\022\276j_\010\277\324)B\276Nk\"\276\216\202\023\276u\312\025=\331\273\326\276.K\177>k:\210\276\327d/\276\275 ^>\250.\261\276f\340\303\276\327\017\013?\370)\036=jh\211<\202\206\224=\366\304\356\274\267\027D\276\315\252\255>\347\356\212>\237\271\342\275\371\327\035>\025o\231\276\003v\347>CI\266\275\346d\315>\356\016\325<\252\303\362\275\274-\257=^\335\024<\001\272\321\276\345\2441=`\204(\276\360\022\243\276\010\261\233>;\242\004\277I\014P>\372C\256>\371\037 \276q\315\377=s\256&>\361\366O\276\335@\204\276\371\331\001=>\320N\275\203\302\220=}M\022<\252H\003>\217\212\330\275\251\343\n\275\226,s>\357L.?\262Ql\274t\002\210\276\016\241\270\276\374\257\220\276\374\332\352\275\021N\275\350a\241>Jp\356>\233\354\266>\005i\215>\321\306\262=\353(\027?|\316\"=t\206G\276rY\346<\325\301\022\276Y\341\002=\361\353\362\275\205\362;>\2368\023>\226Z_>W\316>\276^\021\250=\177l_\276[\230\364>\247\r+\274\246\373=\275u\366\255>\367\235\333=\203\363\305>\246\234\003?\331nt>\245\216C\276\306\365v=\223\334S>I\344\267\275&\363\360\275\231\323\222>\217\0260?\206\234\314>\274\350Q=\020;\264<\217I\227\276\333\242\255\275\347\013\250>l\327\325\276\363\263\316;y\244>\204P;>|\246\253>\n\347\307>R\373\233\016?\353\241\255=n\276\\\272.\271\306>\372\227*>_\275\270=\022\274\306\276\254\231\264=\322\200\232\276\341\305\333>t\0172\275}\347\203\276U\037\250<\260H\257\275\362\307\020?\241{\361\2766\331\326=\322\343@>\276j8\276Rb*>\021\231\333>\247\337\256\275|\266\350>\241\256c\274\200p\205>+\245\207\276\016\377D\276\330\322\270>/q\332>\334\031V\277\375f\034\276\253x\326=f\225\037\277\316\270\036>d\013\033\277\256\305\254=\377B\353\275R\330\225>\021\373J\276\306\337\206>\266\277\007\276\265\307\255=\336\273\353\275Y\032\303>,z}>VgN\275/\346L?\014\240\303>\275\017\032<\361\017\026>\275\246\230>P\324\027\276\350B\253\275Z\005\244\276cB\036?\314\252\273\276\254\331\266=\211\210\016?\342\244\016\276CL\t?\007Q\024?O\354\344>\222\377,>C\330\207\276\345h \273\301\304\314\274\003xt\276\025[9\276\034\244\005?\233\2434\275\312s`\276i\0247\276=e\035>\342\261\003\275siP=\302\276\027\277\246\372\343=\265A\214\276\226\255\"=\'a\250\276\261g/>iB\255>\353IO=\355\324\353=\235\334\362\276\037\371\266=d\023f>+K\000\276E\024_>:\277\200>\001\230R\276\216\0362\275Zx\021\275\372\271 \275\0340\034\277\024\1774\274\245\001\336\2749\321\366=\300\335\320\275\217\232)=\300\3038\276\257\205^\276\356F\006\276\340\376\376<\357\244\251>\257;\323\275dh\217\275\266@\237\2764\321\264\275\"o!\275gy\315>\334\241\310>x\035\320\273\022Y\234\276\032p\354<\350|*>l\365\331\276\204\317\014>\301o\231>lR\230=v\'\003>&D8\2748\376\304>Z N>\205\206\233>\257\375\005?Pu\"=\324\006\272>uD\037>V\201\375\275\2631e\276<\201\\>\323\354\377\210\330\367\275\260\237e=[!\330<*\202\365=\032\252\234>:k\257>ok\211>:\374\236>y\317\314\275\257\315\235>\333\030Q=\352\220\222=\3676\216>\377\320\251=kE\341\275>\363\001?\230\r!>m\273|=\\\273\260\204z9\276\326n\310<\336\251:\276\177n\352\276\320\244\032\276hB$\277\203R\230\275\255A\374\276\200t6\276\211\004\210\275\335G\007\277\212\265\006\277\347\020<\276\266\255\036\277\346\320\023\277q\374\245\276\035\315\343\276oA\022\277\363%\334\276\350?\344\276X\247\267\276:\223\003\2778<9\276\216\366\333\276CK\352\276\366{.\275\235s\265\275t\333\023\277\2403F\276\313\037%\277\307u\225\275\271O\253\276z-\344\276\353\202\230\276\232=\361\276\033i3\2778\355\264\276\025\"6\277_\224\343\276\264\277\017\276\334\254\247\276\346k\020\277\316\020d\276N\313\263\276\244\267\021\277\265\t!\277U\314@\276#\336\023\277\233\307\002\277Fe?\276-\320\376\2761\311\200\276\270\232\r\277\377\275\204\275Ah\365\276@\006c\276\031$\372\276\253\310\230\276\013\"x\276\035?P\275\251$\035\276+<\252\275\017\370\242\275\364^\234\276m\206\325\276\351\231\007\277\244\017\340\276\'\262\334\276\262\303\256\276\244\014\362\276\022\277\323\276\'\204\321\276v\221\306\276\234]%\276\237\270\366\276iJ\344\276\003\003\204\276b\r\251\276\361\351\230\276R\370!\277x\223\021\277\314v`\276[\2007\2773\250\254\275\222\365\353\275\352\270\271\276@?\025\277\262+P\277\201\035\340\276@F\223\273\216\356\224\275#\307\037\277\177\374\302\276\002\2475\277\006f\337\276/\370s>\250^7>\316\334!>HpA>0\343\254\276_\034\003?\276\032\223\2765*\n\277:\347X\276\005\316\204>=\220*?\345K\t\277k%\321\276\275\256/=\317\221\356\276D\034\303\276\225\323\224\276h=\213\274Lpo<8\262M\276\357\022\346\276\312|\352\276\367\334\022\276d/\030\277M\264M\276\355$8\276\300\244\214>\3547\356>\344v\033==\"w\276{\352\022?pW\377=\304\330\023=@\307L\276dL\237\276\273\311f\276#\314\037\277,\220\265\276C\336\251<\225t`\275\245m\t\277\026\277b\276\254\006\277<\241\361<>\2366G\276\016a\344\245\252\216\276@\ti>$\305\002=#\347\231\276\367\217\307\276P+\307>\374\301\224=D\270\200\276\242\260\227\276\353\210\375\276\326>\207\276\0375\226>M\350\337\276[\277/\277\010\264G\276\330T\304\276\376N\010\275\241\243\021\275\307\033\320\2746\263\376\276\363\242\210;\343<\334=\374\366v\276(<\207\276 \204?\275t\014\375>\204A\212>\"\306M>p\247\004\277@\214\241\276\225\320\024\277\327\030\306>\334\365\230\276\254\376\312\275W\341>\277\325\001]\2754\265\021>\025\336\316\276\307\323\251\276{\014\331\275\"|\245>\230)+\277K\031\024\276p\205\235=\'\262\332>\3156\320<\262\220$\306\240\216\276\355\325w>\017BW>\325r\262\276ji\316>\005v\315\276G\323|;\337\252\246>!7\277\276\2108,>\364\255\204>\343\265\253=%,\t>\005\335D=B2a=U\234\256\275\305H\207\275[r\005\275\221vP\276\315\243\372\275\214\"\206>Me?\276\277V\030\277\\\236\222\276HQ\t\2773\242\364\276\310\255\224\276$\217\210\275\005\345\010>\264\241\232=\240\377\337>\235\277\207;{=\232\274\3414\256\275\354H\032?\203\231\376\274\203\021\217\276\233#%\274A\306\342\275\020\200u\276\003k(\277I\037\373\275\274\"\333\276\006\024\334>\0165\303\276-\333\211\276\306\002\346\3535\223\2762,P=\353\261\306>Xe;>\377\355\210=\263\261J>\246U\246\276\363w\313=-3\223\275L\274q>\205{r>\300\204\302\276\372H\361>\244\207\315\276\000\033h>t\360#\277\006W}\27688\217>\253RD\277p\233\021\276\313\274\223>\265\340\373\275\244z\201=\206\270[>%\375\211\274t*\013?7\n\227\275\205\022\017\275Nf\037>\277\207\007\277F\'?>_\205\200t\325\234\275\271\2256\276\333\342\000\277\210\241\215>^\335\033>D\213\000\276W\201\323\276h\253\201<\336\204\226\275\360|\233\274\211\\\005={k\225>;\t*=q\264y>-\346\360=8\234\332=!\2029\273Aek\276,\014\212\276\232\260\375\276\272\"->e\007\005>?\302\271\276l\370r\274\315\235\024>N=\316\274\023\375H>\346\312?\275s_y>\306d1\276\324<\234\276\003G\323\273\\\200\202=\250\371\003\276R\320\030\276\201\311\245\275\355t\032=\225\010\023\276&\2531\276Ig\251\276g\224\261\275>\270\247\276d\350\333\274s\001\343\274qfV\276\275$g=Sx\021>\362\177\213\276\222\177<\276\2301\310\276\356\245\340=nF\331\275\242D4>\320\t\255=\000\r\221>\372\307\243<\365\007\276=Mvm\2761\360\251\275\3204\234\275\357\325k=\226\037w>\017u\230\276N\244T>\202\352\217>\312L;\276\"x\020\276\273g3=49\205=\2230\022><\215\017>\372x4> P\233=@,m>K\303>\274\361\201\227\275\203\236E>m\356\303:\021\247\307\274\337%*=+\016\003>\313\200\206\275\365D\223=\307\377\233>zM\037>\244\356\001?\2328\001=\337pE\276k8c=m\231X\276ZB\005\2771X\021=8M;>\235\033\034>\311)\262>\220\361\265=\372@\310>2|F\277\366\021\250\274\333\014.\276\245\322I\276\270G\311\276\237\260\237\276u\236\272\274!&\311>\200\302\242\276Z\3111\276\317~{=2\016$\276:6O=\010]\022?G\247n\275Z\266K=k\374\352\275{\234\247\275\204%)>9\240\327>\332E\364\275\303\222\346\275\236j\220\274\207\211\213=(\341\247\276\210\247\">9+5\276p\227\272\276\204?\014?b\022p>\322@\227\276\232@\032>\232C\345>\222ze=\344O\221=qh\330=\340$\344\276\234|\027>5\026\251>\220\177\025\276`;\207<\324\221\317\276\352\206\354=\244\242A\276\373\353<>\177^2=Q\207\227>|X\271=\\(\300\274\211\227:\275\246\260#\274Mhk\276\324z\211\276,\225\'>\0313K?`:\214=\235\367\315\276\003?t>\255l->\037\\\327\276\201\000#\276p\236\001\275\370\200L>\214\005\260>R\346\246\276\2631\034>k;<\276\203\242$>o\244Y\277{\315\002\276\022\226\242;\"w;>\215pA\275I,\025>\347\013P>\"\271\310\274\261\370\250>X@<\276\002\240\021>V\270\372>\351\341>;\345<\335=\263\315\277>\020\314\021=H\327\021\276\323\242\026>\2314-\276%\002\004>^9\335>4@d?\223\013Q\274\035\022L\276\303|N?8\2727>\217\312\205>)\263\277\276\244\020I\276J\037\355\275\313\356\342\274\334\351\255\275\305R{\276\215\312\201\276\376\233?>\025W\t\276\004^\233\274?\263v>\366n[\275@\345=\273\343\024\371=\230\222\035<\030\343\256>bS\237\274\270\206l\274m\206\210\276noa\275Bh\346\275\271\325\006\275\276\344\264=f_\234\275C\255\200\275\006_\005>@F\230=<\017\264\276\270\300^=A/\344=\347\200\221;\203\303\206\274\3768\255=H\330\225\276-\246\002\275\373\325\006=\266\237\"?\202^4\276\277$d\276\266Y\013\276\032-\325\276\271\267D\276\227)\312=.#\263>\347\353E\276x^\230\274\370\213\320\274\354\357\240>\274\004\265\276\002O\216\274\327\345\340\276G\263\274\275\356\r!=n\272Q>\257\273\022=\\\004\032>\267\014\273=\000\200\324>,GY>Y\326\013\273m\355 \277e\177\243\276_O|=7e\373\276\346\333J>\261\237\354\275\"@\245>\006+\345\276L#\330=\177*\234\274\336\031\014\276|u\234>`}\231>\274\377\255\273\211\362\217\275\377\241;\276\\s\306\274\211\000\335\274`\1776\277d\320$?\216\347\372\275\317\262\227>\021\034\213>_\342}\276\234\374\303<\206B\233=\rS\211=O\245I\275\341\371\371\276.\256R\276\311\2365=\231\345\"\276\265\306\201\275\226\323W\276B\322\232\276d\0274\2766\323\340\276\263\370\343\276\254\013\246\276\255_\206\276\024:\273>*\006\032\275\033>j\276\321\245\252<\000D\245=\2222\204>\245\272\r\277\373\002\004>\024O\241=\2639,\277\004%\007\277\226\201\036\276\004\377\035\276\223sZ\275R&\254>\206\304\032\277\220],>\314h\344\276j3I\276=KW\276ogt>\330!\314\274\026u\226> \365?\273\006S/\276\032O2\276n\003B>\005\376\215\275D\026I=tX\n?p\323\020?G*d\276@\217\333\276\226\374\252=\320q\277\274G\244\252>?\336)\277\366\\\203\275\263R?\276\211(\332\275\255f\210\275\274\362$\276\003{C>\236\007\267v\327C\276y\2326>\003\352\\\276\244]\345\275&\"}\276\331R\027\277\031i\013\277\245\252\317>\367\032\225\276y\372\312\275OK\'\276\233~A\276{<\246\276\237\325_\276\327\222\316\276}\225.\277\334l2\274\241\342\361\275\031\276\220>\350\026!\276\032\270\233>\2558J\276\243/\365\275\257l\270\276<\235t\275\363\001\244=\270\003o<4[\260>\306\373\266=x\355l\274\022\021\223\240u\240\276*\365\232>\n\245[=\210\316\222\275\'&\305\275N8 \276UI \276s\366\004xI\221\276\0035\364\275\202\226\363<#6\322\275k\300\250>Ny1\274\215Eh\276\230\225\322\276\014\327\334\275\204\211U\276\234\212^\277z\340\337\274\3551\363\275\3373\340\275\261Xg>\261\324\254>(\005P\275\024E\037\276\004\256\354\275\326v\245\276y\203\255\2763\240\316>\361\374v\276fS\350\275K2G=\023\031\357\274\310R\267>\376\263\363\276\2567\301\276\304\356\232>\037\371\243\276\006\016\300=\265\355&>\267\313w\276z\n \276\364\272\275\276E\307\201\276\267>\016>/\304_\276\023\270\342\276!\277\273\275\233mQ\276\016\316\321\274\227 \302> g,=6\265\307>\370\333\306\276\311/q\276>}N\276\034\353\240\275H\343\351\276\203&Z>E\224\271\275\311\254\271\276\267y\351>\373\337\300\275\357\276\245\275\340\007h\276\373\271\374\275\026\223E\275\006\035\021>\340\337\r\275\322\376\034=\243\237\276\2753dU\276\227\322\214\276V]\037\276\235\244\252<\005\343\322\275\245\200\217\276k\\\327\276\205\376\'\275Q\004\246\276\345p\334\275+B\013\276\361\007\304=8\213\214\274P\331\001\276\034A\007=\204\201\227>E4\272=\350[B\275\320N]\276\223\034\320>\355\342\226\274:\033.\275\276\300\365\275\005{P\276\337\374]\274`\345\021;\307\377/\276\342\252\212\276+\302\202\275*T\270=\324\320~>@\350\370;\245\314\244\275\357\375\014\276\371!\264>\326\374\274=\035\223\024\273 \250\330\276\230lh\275l&9>\205\021\215\276\007\225\023?\263\n\002>&\3142\275\336\372\013\277 -\017\275)\336K\276m\251\010\276>\314n>\375K\233\275h ]\2768}\214\276:\265|\273\377+\320\276\263\202e\276(0\365\2750e\016?\200\314\316\274`O\001\277=\021\017\276]\207a=\317hM\275\214\025\355\276)f\201=\260\253\230\276\263\006E=k!\021>\353\352n>\223\007C\276\225L/\276\356\312q\276Os\313\276\376\214\325=\345\317\254<\362\230\274\276\346G\347\2764\304+\276\231g\251>+\216\221\276\364\300\020<\353Z\020\277\024\200\323\276\341\314\335\276\354\332a\275\215$\215\276\0144O=u\235x\276\177\274\226\276\0331b\276\006v\255\276\275Q~\276Ir\233<\200oF\277\303\020\267\275\232\374\005\276\261\001\375\275\236`]\276A\316\204=\005F\224\275G\370\207\275\312\331\304=\224y\270\276H\300_=\200\247L\276\303@\016\277\331\221\335\275\020e\241\275W\013\343\274ga\217\276P\372\220\273\245\305\034\276\260\341\205\276\321r\236\276\n^\245>\031\367\000\274\331:\000>\024\\\020\277\017\363\301\274\252\302\006\277/7\025\276\231\353a>\373]\027\277\327W\354>s\233\\>\"\036\336\276\263f\231\276\233\202\020\276Rpl>\375M\266>\\\023\223>\267=(\276\256Q^\274\277\333w>:\214S\275\254{\376\276\000;d=\2379l=\333\352\033>\265\234\322\276\277\241\343=\214\366\233>\307\235\375>l?d\276\207\232\206>\254o\304\276\323^\337\276Ab\255>\276@\234\276\274T\260\275\016\261e\276#N\013=0\373\220\276?h\'\276\027\307\213\276i\313f>X\364\271\276\356\246$\276\366\314\225>\373Y~=\266<\312=\313\253\310<0l\324>\334R\203>\354\257\313\276\215\256\323\274g\265\213>\362\205\233=\177\266)=\2014Q>\036\343a>\266\363\261\276\205\271\232\2766\327\001\277\371\036\226>C\236\365\275\'\206V\275\227=\357=*o\312=Z:\257>0\317#\277\017\001L=\310\353^\276\215?c=\271\031\\\273\360\245\210\275%\001d=\211\260\243\276k?\356\275\324Q\211\274\204\267\031\276\253\005\000\277|w;\276\254\370\003?+\n\345\276\206\330\025>#^5:O\216\253\2765d\205\2756-\037\276\275\017v\275\331\341e=\363\021U;^\030\224\275\003]\357\275q\316\034>\376g\307>\215\211\330=\272+~>Hm\250<\227\000,\276\3764\271\275\275\301\203\275\200\211\033>\224\r\224=)\306=\276!K\217\2767x\202\276Ie\346>\n\317\020? \024%?\263\031\226=\n\344\365\275\220\335\223\276\237\213\306\273\234\3301?^\244L\276\026qD\276\003\353\006?!:\363\275i\375o>\235\314\253>\245o\307>\373\022\200\276\020T\266=f\235d=\335\035\021\276\313x\220=g\020$>\333\301\030\274\0338\020>n\371\034>\354\250\334=\255\345\277\275L\020\212<\212\260\310\276\000\027\350<\273\251\274\276^/\025>\006G\271>\314\023\003?y\370\006>7\t\250\275\363\002{\275QC\265\2758\222\031>p\272\224\276\036\276h>m\266\310>(\033/?844?tUV\275\224\033\021?\335\235\201\276\267i\216>\365\205\017>ie\334>\317\361\227>2\346`\276\374\267\000?\225\334\034\274J=\242;\216+h>-\326\272>\316\001k\276\014\372\032>\360\301X=Uz\224\2766\241\361>\2516\242>X\223\227<\006\270\315\276\204\005\347>\242\205\023>\223A\267>m=\333=\250\302\205>,\362~\276\251\2415\276\317\224\005\276\177Y,>;\3672>\323\262\014\276\rn\020?y?\303<\006\316\375<\036\364\375>\324\322\222>/\327\263>\270v >-Yj\276N\033\036?\316\323\212\276\355\270=>5D\244>w&\304=V\2421\276\223\035\206>3\036\277=\214\234\271>\007I\361\276\222\231\237\276\211z\236=y\214\307\276\326\223M>\377\377\372>/\026\177>\303\250\354\206\325\373\276\\*\'>=B\214>U\277\000\277\3427\260>\362\2379\274t\265u\276\023\330\336\275\214\030\237\276>\007\034\274S\324\352=\342\234\326>@\365\243\275\257\3250>V\004\347=\352\241\336\275D\327\003\277\334 \217\276\353\0001>O\372\036>\\\375\206>\373\251\311>\343}N>\020\n\004\277\333\250\273\276A\322D>9\362\210>.\360\310\274\033\257\350=\023\327=\275X\360u<\315.\234>Oig\276\334\303\244=\333\325(>[\002\005\274\026\354w>\264\031\201>\344;\355=x/\212\2750\303\362;\376w%\276\215\370A>tx\317>\316\272\245>\237\341\321>\325\242\262\275&,\321;p\210P\273\243\222\262>\322\230u\275\033\000v\274\266\035\243>\337\334\357\275\212\030c>\016\307\227\276\037\224\365=\265|\366\2743Q\332=\213\022\236>\355\335\013=\254\033\033\276\000\245b>\215\r\350\275|\272\312>\235\314z>]7\317>\306e\311\2756\254\241>\377\362\305\276%\371\202>\261\225B>\215H\034>\253T\205>\374\342t>\376\311\021\276o>\212=`cQ\275Ll\016\276\221\206\240>\276\225y=Ud[>\370#\264\276]i\300>\362\032\237.:H>fG\n?\233\034\350=\334)\203>\277\212\275\274\270\t/?.\267\233=<\3438\276\\\202\236\275\234\302\312\276\334\254\272>\212\244/=\252\204\014\277O\317\016\277C\257\310:X\247\"?\036\222\246>4\2274>@t\330=\006\030\331\213\242^\276m\377\233=\340\031\211\276/\026\375<\367\252\245>V[\317>\236\321\207\276\004\307v\274\231Zv>`\216\314<\2116\376=\212\345\001=\352\301\232\276\271\014\205>\314\000@>P#\"\274O\032\014\277\233\275q>\314\217\\=\301\002d>\303\365\241\276$\311b=\366\302\353\275\274\345\241\276\016\217\266\276\374\234A\274\216A\022\276\262l\022\277\314\335\310\275\266\022.\276Zd\320\276\210Q\340>\366\355\373=lJ\351\276\214\230\036\275\303\232\231\275\230\004\367\276\210\250v>\272\300\230\276\313\216\020\277mX|=\035:\330\276&6\206<\361\367\230\276g\206h\275\364l\305>\222\305\013\276@\254.>\250\201\305>\211\241w>\364\374\340>P\274\034>}\242\213>\260\366\210>\324qV\276]\347\370\275\034\370/>\346\364W\276\302\030>?S\327\322EM\212=8\365\203>\233\3325>\272\247\331=\261\324\t>f_{\276\367\237\322\275\217\035\320\275v\265,>\355\375\213\276\023\r\002?\250\200\226>\261e(\276\300o\311\275>w\373=\374;S>.\357\235=K\ni\276\326\\\210=\233\305-\275\251\321\"=\0006%\274\337~\230\276\352,d\276,\226\202>\177V\n?\337g\014>T\263\227\276u9\255>\223\010\020?\027\243\331>\302\017\356<\300`\021>\317\234\271>\253j\214>\217\260I=t\256\334\274\361\237\331\275\226\243\260>\201\313\363>F]j\276\017\037e\275w\237\237\275\370\212\324=\215Y\274\275\370\252\211>4.\244\276Y\020\316=\374j2>Jf;>\316\303\215=u\2474>\372\2555>\361\351\375\274\366\244.\276\035&\205>z6(\276\355\353\331={\376\256>n\ta\276\337m4>D\235\037\277Z\260l\276_4\206\275\030\353\300=i\025\302\275\007M\357\275#\377B>\267$\347\275f`v\274\027\273\267\276R\021\014?mn\350\275 K\227:Z\\\301>A#\016?2\204\032>\271\3313\276\202\3203>\'\230\226\276\315\313*>1\373\367=Z\340^\276\315\344\306\275\372\252\034\276\035F\202\276\244\2700\277\332\211Y>\323n\025\276\002x\245>\375\216_>?n\352=\303\262*\275\234\"\311=\362\277$\276Cg\n>\237\245\016=\202\241\001>\324D\021\276\234\221\303>Ctt\275\364\356\336<\360\322\312\276g0\030>^$\254>\235\374f\276\321<,=\021n\305\276\246\311\314>\301{\325\276\352\311`\275\221Eb>\254\213*\2755\306\270=\237\236\367\274\215\260\027\277\255l\317\275\232\031\207>*\266\333>\021\277N\276\373\373{\276^\300\301\275i\216\366\275 \373K\275\371:\265>>v\213>\007\341\r\276\027\305\212\274\306\214W\2765\341\263\275\033#\271\276\'\376\371=/\345f\274\322\307\004\276H|->&\034k\276\371W8\2766a\273\276O\360\376\275\370d\023\276\266\"\205\276\304f]\275\013\270<:\223\263><21\265\276\032\373d\276\\T\004\276\3053\234\276=\003P>+\362\326\276s\364\255\236\325\255\276~iQ\277}\357p\275\'\312\377=\247e\274\276\334\235\240\274\225\311\323\276\035\332\232\276\204\005\317\275[\205\366;\023\254I=\221\n\310\276\202\311_=(\265\261\275\230\325P\276\236\253\032<^\365\261=h\252\344\275:\225z\276W\035\020\276\245\227b\276M\251\314\275\2267\323\276\204m>\276\021\270T\2777\372B\276\256A\223\276\306\303\302\276\014\213\267\276\262\344\014\277\361\203]=6R\362\276;lO{p\022\277U}\205\276Ar\023\275\216\0208\275\256t\376\275\025H\025\277\316-*\276;8\010\276\221\367\221>\306\364K>\007\3372\272v\307\222\274JZ\302\276\261\177\001>\333wr\276Q.\300\276t@\230>\341(\310>I\211\212\275m\273\200\275w\265\'>\277\326\373>=j\237>\375\\h\276\356\241\317\276Tj\033\276\300\211\307\275)\356\220\275\206\375\023>\244\252\274=z\267\036>F\003\237\276\033\327\226\276O\374\241=p\214\343=\227\225\233\275\353\354\300\274/\016\204\276M.D>I\032\210>\"\031|\276\203\234\333>\221\3230\277\r;\353=s\032\346\275\356\321\200>\320n\026>4\3416\276\237\037x\276W\237\274>+\332\343>\350u\013\276\253\303\214=\327\334\304>\271\253~<[j\255\275S\221\262\276oK\342\275\260$\304=\022\t\"\276\265,o\276\376\351K\276\334\372\033>\201r\216>\373t\233\276._\243\276\330\306\366=,\027.>\263\272R\2773h\007\276\204\244\276\275\373p\037\276\277`\262=/\357\016\274\317v\274\276\300/@=@C\271>\035~h>$\024\272\276\025<\206\276\233t\204\276\024\363\305\276?`\235>-\243\255\275\013\346\271=\210[\213\276V\3314\275\230 9>\257\210A\276\225\360\374;\002a\013\2763\304;\276,\n\004?\370\200\211\276\030\242\264\276d\0216\276e8\203\276\215\016\277\276\337\353\377=a7\340\2760G\273>\334\304j>\"\013\313=\'S\202\276\207\343\001\276\317H\017=\262\266\320=6Bp=Y\204\032>=\240\021>\374\'q={?\000>Lh\334>d\252\006?.\n\241>\317\227\245>W?\033>%\022\031?\365\005\217>y\376\200\275\330|\365>\345\360 \276^\2616?g:\305>\330\354\017>\266l\356\275\242\n\\>bN\022?\265\203\353=%\345p\275i\305(\276~\303\202\276Bre>\032\222\275=H\231i>\\\343\267<\356\355\007>\nL=\275\214\253\225>\376e\231\275[w\221=\3056?>]\212\270\275FT\331>\337\302\224>\321\3521>\016\304\265>\236\330\206>h\014\030?n\376K>\022\341\t>\345B\037?6\351\345>\226\037\030=\312\360@>\236\230\243=\261r\227=\212\265\315=\332\337\000>~\327\032?O\336\350>\336\344@\276\345\363\372>%)\317<,#\226>\344\2055\275\323\253\207\275\350M\244>\346K&>\025\275\306=\2662\222>\036\213\021?I\206\004?\322\206\233>\'\276\344<\025\366\007>mL\002\276\3000&?\353\321\226>y\265\"?R0/?\276\204\202\275\353\311\365<\202\332\365>\232\233s>\005\304\342>Pg\230>l\356\262>\265\223\247\275\270\356\236>)\311V\275\030\251\250>\215\325\273>\217n\355=\320\226\356>\3136\247=\013xA>\007\207z>\247\027\320>\332\027\231>\324\014B\276\375\373I\276\277JK\276\256\240y\276\222=\002>^OF\274d\203\254>T\357\206>\246\211\214>\005\\:=\224\030u\276\331\037\007=$D\236\275\222\240.>\331\017\367\274\250\366\373=\214\373.\276\235\241 =\347\255\234\276B\373Q>sq\262>q*\252>1\3153\275\243N\366=0\345\202\276$=\014>O\235T>\232\346\237\275\220\276\271\275\3617(\276E\000\226\276o\311J\276\370\242\257>Lw\016>I\362\365=\\\317\240\276u\305\003?l\241\340>R+|\272\017\203g=S\000m\240>\336\367\263\276\202y\016\277\277\246\213\275L6\267>\232F\233>\332\0207\276\020\033\204>\276\342\363<\315\310\272\276\233e\270>\'\275g=*\006\227>\374W\247>\353\223\202<\346\377\210\310\270\004>\034-\200=r#\356\276\350\352\014\274\327$d\273\373\r\203>=0\207=\253\302\357\275\251\321%>\\\361\001?W\316s=\'b\013>\375\017\355\276T\334\256>Zf\241>\013\207\243\274p\t\366\275\014\020\361>\212m\230>\236|)\276\300vQ\276\001\223\306>_\331\002\275\214\224\273=\036 -<\\\2468\275\251#\321\276;=\216\275\217\362\t?\010Kh>\271:\004>D\373\205\274\362w4>\347\224\251>\332\321\004>\253\210\016?2(\255=\001L\272\276\374\035^>\341\201\365=q\215\243>\237\204\355=\017\234\205\276\362\244\013>\323\266\222>@\303I=\205g\264>\304\372\233>m78\276\273(,?\364rQ\274\330>\376\274\320\325\261\2768\002\213\276\033\274\031>\210\023\003>\013[$\277\275(\007>Kk\215=\005\225\374=\3506\307=I\351|\275\214\325\006\276\234\375\023\273a\213\217\276\340\003y\277\307\352\300\276?S\022\274h\227a\275\002N\237\276\001\343\322>\225\207\305\276\355r\336\275o\017\250>%\246\227=\334\365n\276\200\271\320=\242\2062=\035y=\276il\216\276\311\2436>\326FB>\016\223\271>+\310N>\316{\310>\016\215;\275}xj=\305\312\321\274p\345\265\275oW\225\276:\303\234\276z2%\276V\316g\276S\337\017\276\343bd\276-*E\275\266&<=\330\251\321>\365\330P=\242\230#?y\014\224\275\033\373#?3\2678\276\220\316K>\346\263\252\276\001=\007\277\3129\032\277\241\341c\276\270\366\250>\021\300\275>\233\223\374\276\273S\313>2\341r=\312\210\307\2756\204.\274\036\301\013\2757E\264=\373w\344=\375\036\354\276L\212|\273~p\262=W&\037\277d\010l\276\340\010*>\004\342\243\276\277\003a\276\020\303[>\355)\322\272I\376\326\275Y\000\000\277)X^\276\252\270\215\276\270T\334=1\205x>\225@\210=\177zS=\223\217\217>.g\273=%6\213\276\032\312\272\275\325\321\320\276\334\036\235=1\r&>9N/\275J\034\301\275\317\004H>T\2528>\257\325\241>\010Wt>\232\002\010?\2512d\276\232u\244\276\177\240\213\276H\353c\275r\tf>\232\242\225>0\211\344\276QD\276>8\335\205>G\3249\276\354\223@>2\"\033>\024\337$\276sTP=J<\214=\233\300\342>k\226\005>\223\033@>apF>n\313o>\203\245\033\275\n\023.\276\325i\262\276\377c\025>{\214\022?\216\275\232\276\357\304}>\310\366\233=u\302S\275l\311\034\277\024B1>k\264\210>tH\322\276\357m|\276\307U\215\276\211\225\036?\266\3774>L.\246w2h\276\371\353\337\273\362]\232\275\364\361\t<\266\2764>6g\t>\272f\001\275\377\223\202>\033[\273\276\373\260\177=.\375k>\006\326\020>S\210\234\276\007\034\020?/w\217\276+R\353>9\255\370=I@\231\275\357\2405>\352\365\224\276\312\246\226\276\236dh=\275\351\242\276\204\247\265=K\001\222>\211\277~>\033\357\221=1&n\276\261u,>\260\226{\276\257\257D>\\\316\243=>\033\004\276,\336\016>\031E=\276\333Kv\276\027\250\024?x\301\226\276G\n\355\276\r\275\200>\323\341\026?\332q1?\255\310\021?\277|\030>x\251|>d5m\276.\305|?\303\022\027\276\026U\276>\002\244->\230\331f\276s_E\276\3762\342=_\307\277=\310}\226>\361\377\245>_\313\202>l#Q=5\376\346=\203\035\026?$\214~>;e\220\276O\353\220\276\205+\350=\032P.>A\243\331>\377\313\007\277^\216\240>\236L\177\276\"\206\r?\243\1771\275\nht>\361\347q>*\217\t?\027^J\276\327Kv>A\2560>yWK\276\240\016\313\275\322\230\220=v\202\267\274\025k\260\276X\276\007?9;\372\276\326\243\347>Tk\224=\020\210\230>F\344$?\373\020\357>m\027\311\276`>\225\276\026+o>\335\247\247=\373\366\006\274\347\r\212>N+u=\020\323=\277\220uC?q.0\275H\177\275>\032\323\240>&:\034>\310p/\271_l4\276o\n\354>H&\003\277\rh\241\276\253\224\271\275\2174\004\276\375\334[\276\251\031\220\276\371)\275A\276g\177\013\276\222g\322=3\014\032\275P\234a>\316\333\005\276\247\004\313>\250B\215\276k\r\236>#\317\036?(\315\366=\347m\363=\366\017\321\274Ah\205\275;\365T\276\035\333\257=\203\032\223>\247T\000?q{\304=\356\315\300=mW\301\276\223q\246\276T\021\254<\020\202\235\276:\235\214>\236\332y>\210\307\032>\246l\334\274\013Pn>r.B>\025Y\202\275\334p\2279B\312\003>C\360\213>\022:\016>\252\345\362>\031\317\007>\323\315\361=\257K\316\275\216&\225>\354\262E=\232\244o>\331m\261\275\\\317k=^\357\361<\376C\256=_\306\224\275\271)\234=\216\373N\276\357\r\010\277JX]>\223\224A\276\277\363!>\226Z\263\273\260\016K\276q\227s=i\276\216\275S\253{>e\r\267>\006{\313=u\232\230>U\023\t>\271\362\307>\310=\370\275Z\223y>\243sl\276\335\256$>G;\021?\331\347\332\274\252\003\024?\002K\231\276Fs\236=\347z\010>!G\234=Bl&\275ai\205=\013\020\263>\366\227\014\277RL\010\276\355IC>\006\234<>\267\336\023\276\227u\000?\255\2633>\374\242e\276\014\341\266\276\331\221\377\274y\307@\276\364\331)\276>\351\226\275\240\253?=\031\243\232>\322b\212>\244i\235<,\365K>\205/\246\276N,\207\233>\340\206\013>~\231\032>\376\242\201={?}>\213\257\236\2766N\317>\327\234\271\276~\227[\275\250\255|>\216u]\276\365\004\372\276\021\216<<\252\305\271\275\200sM=\261_\303\276~B\301\274qt_\276x\354\206\276\216c\257>\251(\363\276X\013e\274\345k\237>_\230\036\2764\004B=\032h\212>\316\277\325>\303\321\004\276\036bg\276E\211u\276\322\353\316\275\254\341H>\220\002\245\276\020\312%\276=1\304=\367,\273>\344o\036=\256\2031\276\343\336@\2759yk\276\237\025<\276\013\351|\275\213\312\r=\233\304\252>\326=\204>\340#0?-\217\306>J\336v\275Y\324\t=\327O\251=g\207\270=\247\334\215\275\214\357\222\276(\"Z\273\217\267\275>\016.\340<\310\357e=\305R\021\275\"(S=\203\003\014\276\342G\336\273_yD>N\337N>|Ak\276\266\010\333\275\007Z\275\001$u\275\312\227\246>\3649m\274\'\340<>\315fN>\234\331\215\274\343\351\205\275\307\242\243\276\225\277\265=\033\222\240\275\313\247(>\245\345\t>\317,}\275\355\365\007>3\330\331\274\255\352-<\235\007>\276\272-%>\001\323\335\275;\370R\2764q\005\276u\233\217>&\326M\3553<=\321\301\236>\300\n*\277\301XP>\357\261\033\276\014\203\035\276>~\021\277;\302\346=\237wW=\367\277\030>L\366w\276rF\336\272(A\271\276\215`\211\275p\213\034\276b\306\376\275\365\336c\276\3551\344\275w\033B\276\320\025\327\275\224\3551\274\342\271\320\276Kh\024=\214\356X\274\250\3347\276%\027\016>v\313\364\275\010\256}=\345\317z=\377\327,\2761{\014>0]F\2764\376\236=\250q@\275\346b\014\276\313\340\032\276@BB<\357\236F\275\230%5\275\253\224\354=\2464g\275Q\327\203>\177\3468\276\340s\265\275\034\007\305\276\376W\314\276t,N\276\2214\025>B\327->Z6\340\276\206\016\263\275\230K\204\276D)\370=\226l\371\275\266G\245\276\023\036\337\276\013\226(\276\023\307c\277\362`\014>\243:\266>}\207\220>\270Y\216\276\210\311\216\276|\273J\277\361\231-\276\252\302\267>*R\270\276\266\231B\276\271O-\276\327\376\035\274\326!\274;K\311\202\27680\356\275Ha\227=kG\277>b\\u\276_\353\026>c\340\230\276\3163\302\275\203\030]=\033\307\274\275\030\321h\276I\233\270=\337\336\306<\\T\263\276\345T9\276\366,~\275|\013\225\275\360\205X>\276!\"<\322\266\177\2766b\337>\203\304\216\014\353\350<\261\236\t\277z1K\276&`\032\277xG\020\276\242\344\007\276\356\315\215=\337\242\205\276\336C*\276EI\361=g\016\333>\302\362\260\276\257\217\343\274\23091\276\275\350\257\275o\350\021\276\220 r>\035H\220\275DqX>\335\021\273>\317j\271=S\242\221>G\340\'\275z\271\371>\235)\000?l\314\030>g\262\322\274\227\251F\276+p\200>\000o\252>\320\033u>x\223=>\232\324\253>\031\200\311>4.\207>\252G]>\357\177\020\277\206s\t?\362\351-?Y\177\023?\005V\332=\373\025t>\203\320i\276\030)a>uh9?a&-\276\325wg>*\260k>D\313\304>\300\311\262>\355k\251\276\241\354\324>6\310\324\275\r\3429=\003\245\243>S{\201?W\2023\275\";\203>\301\212\014\275\033\177\222>\233p\251>\004\373\016>\322\017,?\r\361*?Mh\254>\203\235\254>zj4=\307\313\236\276\331\177\320>Y\355\320>5\331\032=\231\262\326\274\242f\001\277\272e+?4\026\'\276\235\350O\276\230d\"?\301|\r>%\214$>\301\270\305\276fT\270>\373\033\304>\241Vm>\274\247\004\276\337O+>\255\201\232>W\230Y?\365T\007\2770Kj\2753}\341F\353\010>\031\204\347>u?\365>u\200k?\373/\256\275\2407\306>1r\t\275\240\253\203\276_\200\021?\271B+=Of\206>@\374\215>R\311\031>@&\311>\307\322\">\262t\034=\324#\265=-P\007?\230G\374\275vy\346\274\261\314\375\276\215\201\227>j@W\276\356\242\311\275Q\247\275>W\003;>\021\317\300=\016\032\252>\216\003_\276\222\032\205\275\373 \262\275!\231\306>\244\362f\276\341\300\325>\\\244\036>\252\300\205=\350\343\332\275\250*\362\272\341B\205\276D3\252=\307\227K\276\352\276\240>\261\257\234\275\360h\'\275\265f\352\274.\237\003\277\235\312\306\276\240-k>\313-\206\274g&\007?Q_\333\273X\275\256=\031\264e;\264\354a>\331e\255\276\020,\016>#\206o=\216\311\262>\351\365\262\2745\023\002\276(\206\240=\304j\335\275%\342\257=}I\346>\247\'8\275\013\367P\276\320\016\014>\0336^?\333\211t>\316Y\375\2765\323\276\276\205\317\232>\206V\251\276\316\375\245=2\370\301>y|\352>\214\006\230\275\035\325\277\275\004P(=G\313\017>\231\271\017>\3152\031\276\232s\346=\270c\203\275\273\027\216>\016\000\310\274{\255P\275\026S^\275\325d\365\2766\374~\275\036G\241\276\372\366\t\276T\275\223\275;N\272\276\271\004\346>%\327\346>_\363T=5s\n>\304\372\244>\026\263\035\2761\027\213=\357\204\324>\305u\311\274\234\317Z\276\224?#\276\312{\356\275Z\262\243=\207G\003>\347\237jSE\004?\375\252\223=q\\\201\276B\205Z\275b\375\273\276\372X!\2776\352\203\276n\310\210\276\031l\242>.\014\266>3\022\005\277\331\317\350=y[V>\020|\n?M\300\306\276\023I\347=I\266e\274\316%\023>\367\356\032\276)\010&>Z\007\205\276^\230T\274B\362\n>w\267\">RQX=\247\'\253\276\220K\351>\263f\203=^\032\243>.\'\340\2759C\244>\017a\034>\004\226A=\371\312\314\276\021:\371\275b\222\213>\222\264\227>:\r\215\273\345\017\013>\235\232F>\001\366\376>\311[5\276D\003\306\276\256\231\264\276\320\235\347\276\240c\212>_\225\206=|_\216< \2146\276K\366\247>[\016\341=\007\014g\275 \313\304>\246e\247<\360w\210>\337\242=\276\343\371<>^\376\243>)V\340>\213J\027\276\221\262\333=\376\254\230\276\201\017\264<\376a\221\276+\376\302>\354\245\316=;\356\236>K\350X\276\262l\014\277`\256$>s\325M\276\364p\223\276\252-,>H\233\242>\330\305E\273\220\217\236\276\204\177\t\276\300\325\275\276\201\361a>q*C>\350\n\244\276H\301\335>w\026\201\276\244\336\210><\273\314\276\220&\273\276\312n3\276\244$\335>\323x\201\276\307\264A=?\331<>\3415\332>\034\253\225\275\210\340L=h\023\231\276\242\031z>\265\035\014>\354\310\324>\367hm\276\206\366\224\276\234\371P\276\265\310\227=\007\2072\275\323\203A\276\033\204\263>X!\267\276\315\315\341>Y\237\262\275\334h\302\276\343% ?v\204\232\274k\327\320<\350)M>\331\027\374\276f\254\273\276\371\nH\276G\037\267\232un\276\020\004\016=n\365\234>M\271\227>x?\371>\237]r\276\036\021\340>\3319\303>\020\233\234\275Q\211\264=\254\301Y>Mp\333\275\262U\203=&\232<>Eb\360=\037\354\207>\016\345B>\366\352\327>+\201\004\276\353c&\273\315\333%\277\355\212\265\275:\303\261>\372\202R>\263>\205\275;\272\211>w\3516>a\352e>\246d5>t\257j\275yN\310\275L&\233>*\263\247<\321\346\334+\035\374\275R\240\227>G\215\210\276\311a0\2764@8>\034@\201\276?\333~>A5i\275\350\177\217=N\275G\277B\n\035\276\356n6=\216\352O>\2600x\276\311\326\016>\213\304,\2764\220\216\276y<\022>E~\"\276\356?P=S\377\327=!h\002>\016\356B>_\217\004\276\345\270\211\276?\265h\276\305\nw=\254`\207\276+\001\252\275\372\214J\276\267\312\362\276\266\226\020>\001b\323>\353\032\352=\252\262\303>\354\341\303>5\037\226\275(\365}\276\020\020\363\276\374\330\261>\345\215\372\276\327sY=[\'{\273/\255\022>8=6\276\220\240>>){\001>T\034G\276\353\324\244\276^1r>\210oq=q\367\002\276s\227\277\276\021\237k>\036\312\005>,k\213\274\265.\021?,Q\245>\007\347Y\276>\362\236\275f\306\276=3\301\014>Rb\353\273\304\220[\276\371\2447=\362m\315\276\250\033\334>|\235\253\275\314B\007?\307\303\251\276\325\264,=m[\310\274\263\211\021?\272\312B>\210\377\216>\332S\004>\204\270,>\007\220\266\275\222\313\346\275\023\304%\276^\234\333>\365\301\207>\267\320[\276\211E\003\276}\025\213\275\242<\027>N\337\313>\260d\203>;\005\007\276\323wi\275\206/P>b0Q=\362\360[<\302Q.>i\346\241=z\202*\275\300\031i\275_\003\354\276\363a2\276\217vc>\"\331\017?\331\006#\276\035\276l\276\236\202M\275\016M\332=\266r\210\276s\256\204\276\273\274\006>\332#Z>\265e,<\247\334\336>\376\271\213<}W\177\276\274;\216=\270\220\302\276\354\322\376\275\305\023\214\276\250\316\302>\276h\301\275%&r=\352%\343=\320\366R>4\177\275>}:\351\276\240\231c\276\216\371F\276P\203\036>\362\250\032\276\035D\330\276\367\3246\276!]\r\276d\223g>h\003\325\275\357&\366>\356}w\276\361@\344\371\'\250=\262\3623\276Q<\210\276\361\256\275>\000\362\262\275\003\371\357<\256\014\022;\200\206\311\275i\3304>S\327\330\275\200\200\313>\212\267^>\250\215\322=\213(m>\230\337\350=\241Q\003>]\244p>t\3510=\322\366U>]i\200>H\212d\276&\037\024\276\3577;\276\345\302\337\275\215\234(\276\236\227U=\254Km\276`\266\023>e\340#\276\227j\010\276\217\324\353\275{N\324<\201Gf=c\206\017=\366\232a>I\257\233\276v\3638>\266.\216\276\233#\r>8\220&>\272pt\276?\247}\276\243$\301\275\371N\370\275\365v\214=\235\240H>\240H\036=\205\373?>\363K\276\275\261E\254\276\325\216\207=\330m\251\275\004\n,>ct\007\276\245>\022\277\227XT>\324\027\241\272\327\020\264=\026N\260=\331\214\302=\361\211M=}[\017\276\271\371\362>7I\212\275\320\332\370=\300\256\305=\252:\031>\252\344T>\026Z\316>\206\247%>\006U\322=D\r_>z\262\020>\367\2054\274\271\252J\276,s/\277\351Q=\274L\016\250>{\315\365=\006\032\037\276\3162.>\242\214\225=v\212\202\274\250Z\026\276\270\205<\276N\376\254\276I\031\372=\324\272Q\355\004\223\275h\000Q>\234\372\036\277<\016\225\276\202Q@\276\351K\302>~\260\020\277#\030\205>%l\r=\237\223\'\277E%\266\274\370\334X>s\370\226>\270\207\265\276*9\227\275\316Ao\276dh\317=0\351\312=\016\266\262>\350C\274\276T\367\351\276\301\331\332\276l\263O=\356\257b\276\317J\027\276J\303\304>\260/\021=@\225\324=@\034\024>NH\204\276\362\232\257>\033n\211\275\020\261\232\274\312\r\274\2458X\276\352xU\275\211E\362\240\261R=\261\327=>\301\'\257>\266\322\016=\211\336\260\276C\257\320=\251^\004\276\016\336\333\276/\327\\\275\021\246\006\275K \374=\000\001\342\275\244\362\233\2762\360\314>\261i(>}\220\345\275\350\343\341\276\031\235\273>\244>\247\275\005\005\177>\252 \361>\224\023\355\274\t\356\230\276\204\367\240=x2\025\275\227\026\233\2769\210\240>h\005\336\276\177\232\345\275\340\340\213>\204\332\277>\356m\270>t\314\224>\022Q\370\276d\340\037>\035h/=fs)?\343\211\275\224+\354<\036\345B\276\356-\211\276\243\227\305\274\033y\236>I+\016?\003[\033\276%\261\221>\026O\266>\010\277\247\275\227@\\=8\336\316=\017\274\240>\337Q\'\276\266\213#>\214\261\013\273\305P\241>\325\030\310\276\"3{\275J\200`>\231\'\026\276\272\300\375>Zd\241\275RQ\003\277\230\177\213\2761\264\003\276.d\216\276\361\003_\276\210\364\2768\365%\211=J\316*\276\257\252T\276\271\036\303\276\232\366\313\276Q\344v\276\027\031&\276\034\227\026\276\346\347\211>R~\243\275\031\266W=\373\022\365<7/\225>\036\234\341\276\237\022Z\275\010\002V\276\236\252\343==9\242\374\307\203\275\203V\374=\035|\207=\344\373\021>\260\343\224\276\207\305;\277\177\260\237<{g\246>\003\234a>\312)\352\2747\307\372\274;=`\276\253\032\237>\2046\220>?\237a=A\335\021\276\200\247\003=\354K\302=\245\343\020>\313\376\205>\376\033D>\202\260\177\276\017\001\026>R\302\243\276\205\352<\275\037\347\226=\307C\235>\331\346\226>\2077\231<\"\374\372\276\364\355\263\\\313\007\277\342\334\250<\356s\355=\216\r\227\276M\333\257>\374\0257\277\006h\247>\244^\251\274F\"\316\276\220\253\'\276.\376\004\277\214\307\364;\3221\031\277\371\213\277=h@\247>w|/\277:\213\036\277\246\263L>\377\021\220>\034\300\216\276\"1\032\276f\213\316\276\353\337\320\275\272\031h>\321\345W=@\372\316\274\231\031#>\327\017;\276\215Y\237>t{\241>\007\377\253\276\254\215\">\024\247\002=\273f\310>\'MI\277\2348\310\276\335P\311\276\371\276\306>\\\202\031\276\345\360$>\237\3107\276\305\241|>\205\250y\276\360\377\201\276\243\212:\2761\272\024\274\365\214\337\275:\027\005\276HG\316\276y\354\344=/qH\276\256\200\226>\364\017\213>K\274\351\276(\232\025\277\377\203\251\274\306\302\300\276@K\263\275}\265\346\276b\001\345\276\271l\245\276Y\332\270=p\332\301>\020\333\336\276\350A\374\275:p\213=\357\027\270\276^\273\343\275\347f\260>C\355?\276\201\345y\276\330\031\310\276\201oD>\nZ0\276\226\035\347\276\240K\255\276R\037e\276f\266\235\276\001\276!\276\021\033\000\276\371\325\013?\260\346i\276^33\276`F\007<\257\363z\276&JO>\325Q\233\276\312V7\275\323\270\271>\260\310\361\276\177en=$\206t>\315\207\006\277\252\232\010\277+\021\201<\026kO>\310\211\254\275z\312\363\276\215=\r\276\232\264\222<\014I\200>.\027\310\274\376\334\322>\n\274\313\275\332m\003=\301\206\014\276W\365\031\276r(\267\2750\225\025>\334\315z\276z3\273>B\204\336\275\017\004\211>\233a\214\276\346\023+\276\236\263i=\306Qp\275\311\317\026\275\310\221e\276\337\377P\277\331\3542>4\001\024=\250*\347\275\333\263\264\275Z\227U>x\243f=\231\313\310\275\235k\222\275s\247 =\217\322j\2757(_?\022\304m\276\217;\r\274\326\370\263\276oV\r\276\037\217&\276\255i\264=\217\016U\2766\275\355<* =\276\307Le\276\266\375r\275\357b<>K]\370\275\330\232;>\000X\321>\343X\'=\372$\000\277|)Y\277q\007\027=\223R\241\275h;\327\271Z\343\243\275\230\234y>2M\316>,UJ\276\247\234\010?\022\262\025=\240_\031>\365A#\272\017 \314=\244\371\213>\355\316\357>\267\266P\276\203\034d\276\325,\371>\261b\204>\303K\252\275u\216F\276\334\203\347\275nf\367\276\356\275\320\275\330X\215\273\260\020\031>J\355/\276\026\367:>\360\376\311\275\205\207o\276\\\202\343\2751\037\302<\343.B?\216B\216\276\231H\001?-i\252\275\310\016t<#\023\216\275\345!x\360J\202>\031\220\257=\240l\326;\307w7\275\336\341O>\341\025\002??\326\027\276\021\036m\276H\222m>\360\177\267\275\004\227\r>.>\317=ct\372=-Q:>\215\255\313\276\240d\261>T:T=V\273\366=\266=\355>\212\252<>\031\200\366>\353\305\254>\232c\276>kz\201>\360\2150\276\312<8>0\224\336>}\321\016>7\033\356>||\240>\360g\343>\265\360\302\276\266\315v>\r\345E\276\336\001+\276\177\034\305>\204\234T>\265+\207=\371\277\036>\326\3268=+\t\303>\005\336\375\275\257KL\276\275~\325\312FM=\254\"\225\274^\300\255>\273\324G?~X\341>\260Ys\276\374|\\\274%|,?f\270\373>^bL\276?\003\227\276-\237c>\220\362A>\274\376\211\274\037\321\260\274\374\252:?\246\000\310=\003\232\204>\221T\030?\220\255\371>\336\357\244>\022\032%=\"o\217<\212\335\226>\354_\231:X\032\224\276a\247\316>\210\212\341=\252$\245=c\201\245>1\302\201>\033\215\005?\244\200e\276\317\023\014>xh\017>l\357\314=\313\240\032=\3227\027>\263\004\204>\363]\226>|\354i\273\247w\025\277U\020\306>\2230v<\032\337\201>J\365\213>\363\321\006?\032\237`\276\226\234\330\275i\003\234\275Y\223\357\274\027v\241>\332_\003\2775#\334>\377\372\272=\313\304\313=\337\302\310\275\023\346o\276!O\033>\336\303\217>\351R\225>T\262\215>X\372\214=yo\025?\345\311)>H\'\222\275\353Cv\276\">\002?{\311\376>\345\263\274>xl\r>N\356\276> \2715\276\013}\010\276\007\304\217\276\335\t^=\346\225\270=\240\007\205\276-y\t\275\211_\376=\254`\314=uy\005\276r\207\213<(]\014?\266P\000>\365H\212\276\353m\211>\220r\010?T\351\361\275\250\370N>\260\352\377>\342YD=\376\214\335=\352e\224>j\254\271>\237\334\240\273\345\037\366>7AC\276\025v\261\274\332m\221=\';\255\275\230\364`=\032\334\313\275\376+\325>\353Z$\277\236\240\027;\362\227\346\276v\377f=\270\020\334=\314\277\216>\347\202\005=\025\016@>x\254c>\033[\371\275Dcc>\303\356e\276\306\"y>l\216\230\275\314\364\216>\264\360_\276\375\343\213>*Q\305=(\257\322:.\336\377\275\020\254\235\275\252\352\017\276y8U\276\274\364X>y\356>\276\3450K>T<\373\275\033\217K\275\002\234\366>\352\331\224>\352\007\302>r\007\313:\265\022a>\017\316\203\274\267T;\276!Wd\275\340\361\351=\251m\251>\265,\024>\300#\210\276^\307\207>\306\220\n>\342G\234\276\267\340`\276\327d7\275\027\252\267\276uU\344\276\246\026\022\276\274>\246\275\336\001c\276\266\242`\276\314\220q\276&\272p\276]\360\274\276\302\356\332=W(>\276\370\r\264<\207iW>\250\000\211\276\035\022\310\276R=\310=\205\260v\276\177e\217\276\322\334\021\276+\202\265\276\340\274\006\277\345B\232\275\020E\033>oT\024\275\267\235\304\276+]\366>J\"\036=yG\"\276L\226]>y\\\364=-\311\262\275$\362\223\276/M\305\276<\302H>\236DD=\232\204 ?2(\335\276\036\333:>sP\356\275f\021d=OM\363\276\223u\316\275\323\235+\276\214\001\233\275\271#$\277xz\n\273Z4m\277\221?\333=\250\204\247\276\245\006\026\277\240\227\345\276\035\177f\276\241!\005\276d\343g>\225\332\314\276r\270\366\275\346\220L\275\342/\305>EUW>gz\310\276\251<\250\276\247z\366\276\023\227\304\276\311\246\357\275\307m\351>\327\020\312\276w\277\351\276\"4\277\275,\212 =\332\355;\276\177i\033\276z\267Y\276\236j\027=\362\252i\276\232\327\347\276*\331\177\275\354\312\357\2765\244\302\276&y%\275\237\003\020<$D\225\276q\345\305>\"\341\024=S\3512>\207\353\215=U\\u>>\312.=\347\330\004?\230\203\205\276\311z]>\272M\033\276\3143\345>B\020&\276=\341G>\363\003\205>\345K&\276\343g\274\276\304\3778>P\230\250\274},\206=\260\203\t\277\271\265\221>\302\2040>.\3675=Q\220\256=\273p\244\276\214\301\210>\253c+>v\352\224>\010\032\r\277\000\260v\276\261\362\275\274\266\272\017\276\256rS\276\262\037!\276\337\021\004\276\014\263\323<\311\330\"\276\3119\311>\361\354\252=\344C\\>m\016`\275/\367\302\275\206F\354\276\311\354_\275\333\266\302=\364\271\244\276\036\314.\276\223\321\220<\334\324\005\276\322\214\372=\325\"\212\276\005\016\007\276\315\302T\274\352\376\002\277tA\"\276y0\n\276=\317\220\276\315\243\300=lf\224=\210\200\004\276\262\320k\277\254\r\264\276\250O~=\220\252\031\276l\305\205\275\370 \206\276\007\320\237\275\003\233*\276\036\370\344\275\327\036L\275\353\300\r\276\006Q\331\276\200\247:>\020\020\234\275@ut\276\347\344\346\276\263\240\374\274\265L\257\274\r\000\235>\000\300\345\343\275\226\227z>k\216}\276\2246\257\2768\314Y>a\220\314\275\244\233\005\276\276S\304\273\346\344@;Y/<\276$\001$\276\232\337\003>\200\365\000>m8Y\2765\214\206\276\235\010\035\277f\271R\276\"/\370\275\233\310}\276\002\247\252\276-}<\275M\034/\276\260\203\242=.\344\372>7\'\n<\215\376\006?\204?\322<\240\233\267<,\3557\276\336\221p\276\351\301\023\276\2129\217>$yh\275h\214\023\2754t\217\276\032\200\315>\355B=\274\'\3166=\263J\'\273\035w\242\276\"\035 ?Uia>\355\306\327>\024n#>\030p\016> t{>\243t\374>vN\321\276\205\300R\275Ft\206\275\274\365\360>S\325\000;\005\025\307>-\016\256>\354\345\226>\265\273\014>\346\237\202\274\237\256D=\002\tg>\267\271j>\227\003V\275\367\024\332\275\300 \352>\214r\016>\234\214a\275\336;\217>g\310e>\340%P:\347\262\201\275_\336\214>z\212x>\335\013\034?t\001B\2750l\034?\260B\r\276\302\0354\277\"a)>\326\203\257\275\336\222\003\276-\222o>\200(\003>9\220\304=\224\314\t\277\275{\263\274]\366\202>\270\332d>\227\257\010>\237{\276>\332-o\276\355j\356>\320A\300\276%;^\276U\226*\2765\031\016?5L\247> ?q\275R\376b>F{X>1\004\311\2747s<\276\276c\215>jn[>\007Ns>\242\017\330\275L\373\000=\200\324\377\275\372\177\210\276O\260U\275\210T*=-\010_>y0Q\276B\322\245>\355e4>\230\'\216=\343\231\277=|\032C>-\241\234\276\036H\204=\014\030\004>\210\242r=\255[*\275l\030\350\276\307m\273>\216|\020?O\376+>\345\314v>\n\357\314\275\033;\270\276\233\301\255\274kg\257\276\274\3354>\310\264\201=\010\302\013>\246\034.>\245\261\254<>\327X>\241\334Z>c:\202\276\344\343|\276\251p\014\276\033lf\275\\A\245>P\320\027?\r\3510>\347~\344<\277k\257=\272\234\353=l\3631>\217\233\253\276\035w\333\275U\206\266\276\3233\212=L\343\"=<\244%=\354\325\002>h\007\254\275\320\330\310\275\224\023\232>\327\237\r>&D&\276\027\353\255\276\246\267O>\225\027|\2764\270\017\2754\233\r>7\342\005?\260\314\002\276$\003\252\276\265F\023>BHc>\233s\335\274l\035D>\377\324\340\2740\026\370\275GI:?\302\237\t>f\200\251y\006\214>7\374.>\214\242\334\274P\250\247\274$\347\315>\326\343\306\275\247x\365=\204\372Q>7\320\270=\2772F>\301#%\277\r\0370\276\251\236b>\365\247\203\276\375\257\254\276\323\357m>\247Z\313=\317\253\307\276\014L\226\276)\236\334>7Ea\276\'?\205>/d\301>b\023;\276Jg\260=\205W\227\275D\363\223\276\020\033\366\276\223V?\276c\237\376=\302\334\000?\360\325\325\276\276\204\354=<\'G\275\241\364\221\276\210\211x\275q\307\206>rG\310>\007\314\230\276\363C\212\276g\342V\276\251\350\013\276c\342\367>\255E\211\276\331q\234\276q{g\276\210\372\255>\344\246\216>\321\027\014\276k\271\350>29\251>\236}\243>\203\037Q\276\251F\354>\260\204\325>W\006\236\2762\020S>\\@y\276m\356b\276\340\002\257\274\223\363/>*q]>.5\316\274E,\324\276\200M\331\275\276\234\207\275\3771\270\276<]~>\036t\234;P\341\274>\250\370&\2776\'\035\276\305\032\214\276\210s\271>h`\232;\265\346\340<\315\n\035>|\222\275\276G\217\345=\202\325\220\276\3355\265\276p/\024\276M\t%\276\024\273^?n\341\023\277\250\201O>\335\216}=\261\235\016\275%\336w>\266l\016\275Y.\243>C\245\274>\305\032\317=\305\312)>\006#Q=\027\225\242\276\037B\013\277\321\032\010\276\213\363\304>\262\237\303\275\335%\251\276\\\304,\276\345\247\276\276\366\233\263\275`B\322>g\350f\276U\336?\276\"&A>\n$\017=\374\264\035\277\177\245\t>\364\330\252<\303\013\252\274\314\304\251\276\355\032\320=\365\361\215=\277c\217\276S]\201\276Uu\210\2760T\177=\312\222\304>*\004\314>\217\021I?\361\310\000\276Q,I\3579\303>\030n\304\276\300U\311>_b =\271\266\200=\346,\276\276\326>\216<\032\272\236=\306[=\277\217\317\212\276\222\254\236\275\024\323>\276iL\256\276\306\014\021>\326\016o>j\"\252=x|\316\274\224\261\365\274\"1\233\274.\213\020\276\202\210t\276&g\351\276d\360`>\022\254~> Q\272>\367c\256\275\302\202h\276\221!\272\275U\344\001?\3777\235>\004\372Y>\005\224\227>\r\335v>IfI>\214\356\253=\326\237\363=~!\314={\3032==\027^\276\006_b\276\245D\002\277\254\266{\276\250\277\245\275~\037\217\276\0061:\275\325\264\022\276\005C\301\273n/_>md\000\277\326W\'>\260Y\242>Q[\226>\210}\002\277k|*>\\\016\243>cI\205>\371\221\255\273K\261\323\276?\031L\275\352\342\037\276\314\314\342\275D\336K>z\302\310\275\022T\325=\342\257\203\275\255\220y\276m\331\301=#|\246=\212~\216\274\243\242\266>a\324\032\277\347\031\310=W\324\206>d\374]\276\005g\024>D\207\021>Z\324\216>\226\260\035\276\326&\"\276\217\341\024\276|H\263> \371\371\276\201\016Y\276\244?\255>\204\264G> %\370=\006\373\244>L.a\275\007\366\261>\361\020s>\006\257\203\276\027~\370=\367\376\007\276\233r\324\276:\320P<\344\361\017\273SW\320;YlY>2t>\276\225\315\205\275c}\233\275o\374\347\276\251\231E\274\334K\362<]\215`=\212\333\243>\365\033\325\273\357\273\003?\337yE>\267\273\223>L\236\275\275\034\"&=x\202\202\274=K\272=X\371\232>\374\335\267=\374\250\016>\225\216\020>V\t\300>\344\337\346>=i\206<;\031;>\310_\257>\036\020\007\277\264/\206>`\206U\276\312G\332=d\344\010?\227k\204>\210sy>\246O\301\2744>a>\263\317\276\274\006\363\217\2764\006v?\024L\237\275\261\316\025?\324[\177=\234\277\351>]VJ=\010\361\203\276O-\206\275{\t\215>I\334L>\323h\204<\261\0304<\017\204\270\2753\336k\274\260\313F?jK3>P\030\270\274e\014\205=s\306\340<;\007+?\2346o>\273X\267>T\225H\276v\265#?\353\313\000\277X\262\002\276`x\203>8\250\333\276\0175\r>3%\014?T9\000\276\325\3765>\304\366_>F\324\365>X\r\220\276\351(&\275\260r\252>\003\006=\2767\202\353\274\223\333\306=\201\214a\276\225\253\017>\217\036X\276\006Z\034=\273Kd>\306\353\235\276]0\222>\275vR>?\321{\276U\\2\276<\261k>\262,\241>\307\237\234?\327\2077\276\001\321\303\276\2108\301>\355\375\273>\327\037\277>\261\376.>\210\226\220\274\252^F\275\233V\207\275\255\231\254=\364{\250>\355@\017\277\341\250\231>5\240\254=\272}\324=\373Y\272>\016\267\317\276\274`\201=\013\'\224=&\014\231\275\n\030\316\274\210\332->\350R\216>Eu\224<\327.\305\275x\205}>\311\013\321<\264\214\316>\034\271v>l(\t>\024\256\224>\375\\\331\275p:{\275j>\301\276Z\340\201\276\337\005\035>\237o\360<\240|^\276v\220\345\276\002`\035=*\305A>\266x\024>\257!\327\274&\315\000>\371\333\007>ym\022>\020\331\267<\2171:\276\'\352\006?\334+z\276\203\242\316>g\272\255>\023\035\235>\037C*>c\312\016?\273\324\035>\250&\375<\365z\367\275aR/\273\370i\211>\374\020\301\275\207\250\327=(/\306\276\202\320\'\276\262\311\220\275\311\033\210=\232\236B\277l\300\260\276\217x/>9\231\030\277\260Mc>\366\016\334\276>*\006\276z\263F\277\342\nY\276cY\277\276>0|\275\257\032\r\276\020Q{=\203\332\013\277\347\010\323\273{z\304>\256\375\275>\260vn> \2265\275\277\021\246\275\370\026\\\276!\344\000\276=<(\275\354\007,>K\271/\277R\005y>[\203R>3O\034\276\224\272\177>\212A\033>\256\276\036\275V5\232=\007T\031>\267d@>\204T\342\275\243\032\026\275\351\271Q>^\326\330\275\311\336p\276\254\343\033\277\362\225>\276\374~\323\275q|\323\275>e\016\276\260,\217>}T\312>R\226R\276\"\371\373\275U\276\244\276L\324S\277t\307\302\276\336\356\321>h\032\246>\271HX\2763\201E\276\231\354\244\276\234\314\337\276\253\364\351\2763D\375\274/1r=}.\302\2766\357|\276\333\253\356\275jOp\275\303\267\241\276\301@\033\277\262\027\217\276^j\233>\216\320\360>7\363\032\276\221\227\201>\3466\225<\215b8<0\363\314=\006v\322\276\001f\177\276\351!\326\274\036\235\273\276\346z\350\276C\223`>\307!\316\276\253\334\r\277\037\212_>\241\255\344\274\246\353\224\276\355^0\276\371\215\316=\213\360\363\275>Z\351\276\352t\326\276\210?\203>\r\313\003\276\326\226\365<\323\201\005\277\336;:>z\371u\276J\243d\276\333\344a>}\003\'>\340sH\276\013\005\337\275\333\2125=\334\373\354<\310E\201=\002os\277\334\224j\276p\216M\276V+{>\2040q>\240s\234\275.\270,?\312Y\316\275\257\032\255\276\2349\005?\374\031\224<\024\r\022\275X\024\225\276\237\205\001\277-!y\275\333\001\225\275\330,\267>\324\324;>\220\211\325\276\275\271\226\275sa\305\276\025\027{\276+\221?>\326T\222=\303s*\276`\367\321\276\366{c>\270\243\253\276\344\361\023\276\242\251e\036\032:>\303\256\033\276!\001\250>\321M\320\276\r6s>3\200;=\212\220>>\2044\t;\343K\206\275 m\355\275\236\267v>0\021g\276\337Ky\276\013\220\013\227H\351\276q\235\334\276\252\211\200>\002[\340=\271>\315>jT\n>1\314q\276G\0148>\253\010\031\276\026\345b>\026`$?\014;\266\276\202\013\\>\326&\346\273\206 \311>+\307y>\020\263\003\277t\331\215\276L\007\211\273\225\236=\276\373\232\336\276U\030\210\276\260w\303=\221V\316=\252)g\276\361\365\273\276\304\226x\274\302\331\222\276\350\024\264\276\307\036\033>\005\'N=\r\241\237<\336\003\346\275$\335\343<\031\010D\274\335\352\025\275B\244\227\276\217\324\345\275\265\234\326<\225\320\034>ppE\275\306h\367\275\270\302\321\276\347Qm\276\025)7>\374f\027\276x\2118q\323\024>\217\274\237\276\345\326D>i\034\300>rR9>\201\030\265\275;rK\275\030\325\222>\353h\211>d\221\327\275\311\233D\275m\237=>\016\333\276\275\322\360\353>\332\212F\276\255\3477>3\351\201\276/\224%>\315\351;=\272rT\275\354Q\225\276\031\253]=|\311\036\277\325m{\275\2317q>\031\345\036\277M1\214=\002\346\t\276\006\246T\276\014\310\207>\223\021&\276\303\037\'>\346\223\213\275\220\370\376=\315$i>F\033\250\276\362\342\373\274g\007\237\276\272*\321=\037x\354\276\271\254\304\276@\370\220\276\345\t\031\2769|<=\277\205y\276\214f\346\276\235d\221\275\372\033\251=z\3377\276\235?\027\277.\337t\2759\3706=>\273\260\276\374b\217\275]R\030>\250\r\033>\307i9\276\2446\027\276\234\251\226\275\301\326\343\274\266\374)\277\276LS\277\244\247\030\277\306>\266;~C\006\277z\351\253\276\t~H>l\304\232\2753\273\006;?\242\267\276\273\253m\276}\344$\276{\341\376\276G\030\003\277p\345\247\275\217]\004>F\210\213\275[\324\347\2767Q\026\276\331\2013>\327\007\272\276\213W\023>\364n\016\276\275\375\232>\343w\300\276\306\n\353=q\314\214\275nS\370=\006\227\333\276l\0379\276\226\340\265=\272)(=\221\341\233\276 \3058\277\367\177u>\367\2656\275\022b\320\276\003\243K\276r;\355\276\332:\334\276`}\247>\225E\177\276\353\207\032\277\030\223S\2762u\\\276BY\247=k\002q=\200Q\201=\3556\203\276\\\262\013?\343\314\363\276\356R\030>d/\374=x\0219\277\2536\304\275`\333/?YD1\2774oU\276\367\362\240\276\206.J\276\254;\026\276\232\220\014\276\024U\364\275\013h\214\275\221\216\260\276P\321\006\275\226\253p\274\377\254\246\276\262\r\266\276\361\370\232>\354\227\250>QV\333\275\1779B\276\254\215\377\275\231\361\020=\324[}\276\013\235`\276\362\204g\276\0101\200\276\347\236C\276\300Q\270\2767D\275>\373\354w>\321\321\262\275\363~v\276p\311u\274\t\036\344=] \036>/\300\036>\320_\236\276\260\372\202\275\370B4\276OsU\276\342U!\276\3679=\277\010\251\267\276[\204\037\275\202\231\323\276V\000.\276U\'i>)a\311={\206\344\275Ck\263\275=\356)\276F\275\254\270\302\036\313\276\347\317\030\276\344f\303\276\252\017\234\2766J\035\276\360\302m>!\343\333\274\2663\233\276\340\331J\276v\347T\276s\225\315\276\227<5\276\r\277\260\274\241\234x=\322\377q>\344\032\371;\223Q6\277\250\313Q>>\301\242=zX\345\275\276\353.\276\261]\006>\2001;\276\353\366-\275\177\244\016\275e\215w>\t\223\014\276\344\237\001?\363\244\000\276\333\201`>K\022\210>gR\204>\206\223\326\275\002\376+=nv\203\276\317\364{\275\213\"\217=\035\003V\276\035\231\221\276\034\367\351S\226\274\276\230\257,\277\036\320\354\276\275\362\275>\260\357\305=\371/\233>ei\034\277\242\251\003\276M\252\224\275LP\353=\326\235\322=\\6\203\276@#$?\310>\221>\003\226\302=}3\342=\321P\r\277\020\312M>\227]\333=\362{\016\277\021\241\230\274\326\007\"\277\362Z[\274I\037\311\276*\231%\277\354\020\022\276@\376\324=\2540)>\276\252\275\276a\250\265>\355\212@\274\371\241u\276k\030\024=t\316\363\362o\312\274\022\260`\275/\315\331\275S\274\261>i9\014>\2274\232=\372\332\344\276\206\264\210>*\363\005\277\324\242B\276\263\'\013\276L\370(\276\274\350\254>1\017\216\275p\375R=\307F\006\276\020\343\370\275F\247H>3i\375\276\366f]>\346\'q\276\371\347%\277d\233\360\274n.V\276\023\356\007\276\217\346[\275\367A\223>7\330Q=}r3\276G\263;>\267R\237\275\241\2051\277\242\217\017\275e \214=+?\237=\313\206\304\276\024\\\002>\024.B\276fL\201>\375\207{=\236\311\247=\223\2048\276M\301\204=\203-N?Y\256e>\366kX=2HW==\272\261\276\275\207\221\276\213\016\347\275\'\016z?+\204A=\035\277K\275\306\"\206>\214\206b\276\014\016*\276\323\233\217\276\237&\232\275\232\371\342=\021\020\215\275\313\017\274\276a\356\300\276\021\236\000=n\252\336>\227+\257>f\275\205>\\7\304\275<\344\203\276\365\014\177>&\355J\276\214\251\006\277@\340\216=n\274F\275\265\231\315\276i\273\r?\270\254\325\276M\342\250\273O\036m>\010\354]>\267\244\350=\326~\374\276\034\037\014\275]\362\255\276\224A\023\2769\026~>\210;t>]\214I\274\033\005}\274\223I\016=C\311\270=\357-u>\n\215\261=X\3243>\317\326\221\276\250\332\276\275\331_6\276\332\343\355\276\250\347\004>O\024\244>N\203\023>u\3117\276Z\010\313\276\367!\t>=<\006>\034\236\246\276\333\033\220>\373\'G\275\337\035*\337\204\275\237\203\334\275\240c\235\275\327-\021\277f\327\354\276\275k\341\276Q\354Z\276\010a\206>\217]\363\276\033\245\342>\177X\371\276\247\327\024\274\240\250\355\275\351\331\245\275}-O\276v4\202\276\020\304\037\276\356>\243\2756O\203=\344z\014=\014L\347\276L\271\200\276\237?\266>\\\312{\276\276.\226\275\325<\r\276\325{\273<\037\365|\276\215\300f\275\3651\010\277v\024\334\276\230\231<\277\375SX\275\'\026\330\276\032n4\276\024\345\305>\343\2374\275\024S#\276\233\323\370\276\266c\004\273\027\024d\276\240qP>e\340\331=\277:D\277\216\352\"\275\346\276\332\276\271[\013\277\36404\275\\X\372=\0167\213\276\223\223\251\275\207\346\217>\266k\275\276\000Z\024\274\013\213\373<\3555\r\276\252U\344=\255\001\033\276\006\2639\277IH\000>>l\363\276\305;u>bPF\276~\006\027\277\343\325e\276\321x&>p\000\366=\344\275\364>@\017\321\275vY\251nu\312\275\325\311W\275\004:\035>a\271=\276\344\260&=.0%\277;#\253\276\252EZ\276|W\\\276\311t?=\0261\221>\372r\006\277\025\320r\275\230\330\022>\022pk\276\375\254e=\324\341\315\276\306N\030>\025\352\201\276\252\217\252\275l\307L\275 L\336>\246\374\365\272\205qu\276\317\265\351=\356\234\262\276\205\312\300\276\007Vk\275\374}\242>\036\314E\276^{\247\275\331|<>/\355-<\302\265\217>\276^\245>W5\236=\026\276\271>\253\000A>\337\273\344\275\203\236\215\275\347\n\330>\265c\032\276\2770\326=~L\241\276)\304\005\277\022\010\267\276I+\267>\223X\035\277\274G\263\276I\3432<\251\265l\276\330\207\350=\231s\202\276\035\355\024?\225\330#>\237\240\010>:\305\013\276\036\372\227\275\340\322\202\275\365\356\303=\277\033h\276\270a\365\275\317\345\355\276\203\207\240\276e\207\217>\336\237\036\276\n\204S\276%Ck>B\254\241=\212Yq>\374d\317\276Or\373\274n\221n\276\023\256\334=\265i\">\311\0276>u\224\230\276\317:\034\275f\337A\276~Y\356>g#~=\232,;\276\346&(\274\001\200M>\231\263i\275\003L\264\276\346\224\256\276\\\273(>\021\306%\273\201\025/=p\025\315=\016F3>\371\241\203=\327\035!>\211\210t=q\355\363>Y52\276i7o>\177b\377=\375\267\205=[\275\245\276\020\211\024\275oqV\276\226\227/\276\347\306\260=\357*\016\276\331\275\255\276M)\305=$@\326\275\014\361\237=\016\022?=\027\274\252\2759\346\031>\030\353\206>\222\347\021\276\303\315C\275\373\302\233\275p3\321\275\373i\236>\2243\253\275K\037@>+\227\'>Y\023\351\276#\211`>0\214+=\202=\377=\274\013\266<\200\232{<\000Vf\273\300P\266=<\352\023>\336\001\023\276\274\251\341>\024\324\235\276\253\360\326\275\322&\227=5\240\224\276\256\206\240=#\370\r>\245\304q>\225X\267\276?%\211>6\033*=\256\353}<]\206\202\276\272\005p\276BM|\275-\221\237\276v\275\230?\202M\266<~\260\257=(\353\373=\374\003\366\276r\305\212=\311`\267<\320\322\304=X\261S>\370\253X\276JY\213\275=F\032?0\340{\275\270Cy\275]]\235>d\337\352>P\027?=\322\334\317=oK\345;Wae>\365\030\243\276\225\324\277\275\023S\271>i\277u\274\356R\241=\233\270\017>\242S\342>:>\211\275U7$\2772+\025?\3754\355>\202_\010>\360W\356>\205\2332\276\335O\013?\367\321\003\277\306t\374\276\322rg\276\241R{>*\217\241>\030\212d?\237g\324\275\331SU?\222\3657\276M\027\323\276\333\202\267<\337\305:\275\266\377\331\276\2100i\276\243x\200\276E\310\377>\257\241\233\275\300\230$\275\347\202\235\276\246\023\n\277\356\351\000>/]\254>\371\210>?[\370\327>\261\014\263\276\177\241\034\275\233\255\370>^j\237\275h\024x\251\255U?\265l#\276\361f\257>0\266.\276r\003\246>0\272\245>\276\027\'\276\034\324\244>\314\244G\276I\206\232=\030\035\007>\223\035\210\275\371v\246\275\000n7>\331\230\343>\315\350\260\276\211Xy>\275\0249\276\016\236\006\277\027l\305>,\361,>\027U\017\277\024\307\223>\311\260\002\277\304\216\343=\272q\357=\003\350\322\276\223j\314>\302R\213>^3r>\253H\344\275 \006\024>\300h\003\2753\344d?\020\263\034>\272/\272\276\2269J\275/\236\226\275n3?\274\261\200\357\276\257u\032\276lU\002?R3\226\275p]\306\273\372\ne\276\336\246$\276\2331\366\276E\231\226\2767b\322\275]\271{=:\273\371Z\375\013?\032\204\016>\261ES\275\226\245\305\276]\253=\276+\324d\275\301\236\327\275\243[I\276\222\246F\273\342\266\207=\000K\250>\004\1771\277\323\363\000\277vmJ>W4\265>\270\210\344>\243M\313>D\331&\276\312\262\"?Q\371@>kX5\277Y;:\276\340m\267=\214FJ>\n\245r\275\337\343\021>9\261\205\2767\000\312\275\177.\377\275f\000\205\274\024\331\211\276\263\206j\276\220\004\220>\217\001%?\275\343\266\276\215g\027\277\227\032\334X1\301\2761r\036\276\t\276\255>\363\253\272=\232~\300>k\\\026\276\367\365V<+\"\370=,\373\004\274\340\034\202\275\021\212)>\254J\355;\322\263j>\005\316\355\276w\301!>\243\316\325>\255\333\325>C\333\013?Q\220A>b\271\322>\\\251\220=\022\006z>g\256\373\275F|0>\246\265\231\275Y\206G>\301\374u<\347\206<\274 \331K\276\240\220\350;\345\233\026\277\355\226\246=M;\001=\027\020\323\276\331\365\014>\001~\204\274,\013\316\276\t3\226<\274*\006\276\207\005#\274\232\202\302<\371\260\213>\243K\213=?v\324;\342B\010\275\243:\246\276\375d\344\276\005\240\230\276*\304H=^\324\201\276\000J\006\277\221\031C\276Q\210\r\276\027\224;=\270\233\375\276\\\370\250\276\266\224.\276\302\203\203>\374K\026\276rC\006\276\317S\343\276Wa\343\275\365\317F>~xA\276Lmj\276s\373\350>\252\257\253\275LEA\276\372\027\245;\363\005\336\276\014\004\022\274\241\221V=\204L\305>\351\004o>J\334\026\275\331\354\325\276\364!\257\276d7\210\276\257L\340<\230\365\304=\251\324\321=k\\\261\276\217\353\020\276\250\211\031>\232\220\016\277V\246k\275E\327\242=Q\212\261\275\355\026\224\013\223\257\276\363\037\234\275\205\234\373;\007x\357\276k\301\244\2763\330\034>\2704\254\276g]\021>\345\324\035\275\031?\363\276,\310e=\305PR\275\211-\336>\364\260J\276\234\372\323\276\232\227\301\276\234\003^>\330\2776>\255\201\322\276\204\363\026=\307\341$\275\374\302\227\276\237\367\344>\200\022\013>\302\260\031\276P\250\265\276Df\276=4]j>\274\326\021\276C\373\240>\217\0039\276\207=\001\276\254\203\266\275\3301\036\277\266\211\341>>\342X>^\0005=s\213\'>\2478\253\276\340\366~\276\201:\251\276\213\022o\274\324\344\346\275#\342\251=XP~\276\223&\266=]\203\225\276\326\325\016\272\004\303\230>\246h\301\276\3323\014\277]\253\377\275\310\256\021\275~\007\202\275\206>\232\275\324\277\302>\004\001\353\276\236jh>\263+\305>U\210\206\276\007\367\332=\004\\A\276}\005\006\276&\335\234\275r\306\211>\302I]=7\225\022>\0246\200>\332\033\223=\315|P\276\210\240=>\266E\275=\243\002g?\325p\216\276\332\340;\2750@p\275\247\177&>d\272\254\275\361\304\307>\2762==`u\374\276{\200\244\276\001_\315\275\376p\301\276=uj>\346\002\332=\204\035\272;f\2313\276\212\271}>f\346\275\276\004\302\314\275C\007\333=\257n\006\276\2259\210\276\027F\274\276\264%\204\276\236\266\271=T\361\202\276\253\327\252\276\324;\020\276\352~\261=\322l:\277!\212\223\276\276!4\276\343\360\177\2760\"\037\276x;\256\276\355\354\250= \356\000>=\274\354\276\225\032\312\276l=\007>\\\003L\276m\367\220>\277\272\353\276\354nx\276\323\372N=\301\315=>\200\314\356\274\342\016\344\276A}\317\276\030F\254\276/lF>\250\246\027>\204B\334<\0376\373\276\023\177\211>\205\014\340>\233q0>\232\325\304=\372\212\365\033?\204\323\345>\261\'>\274\372\037\332\275&\222\225<\246\267\251>)\253#\276\254\022\004\276\223\257\377\025\217\216=y\345\211\275\256\330\314=c\037&\275|\216\204\277_\301\214\276\311\n\266>G\301\006\277\376\014\036>\030k;\277\203\310\355=\245\235\005\275\002%\226\276\326dc\276\362\255\017\277\242\020\372\276\222#O\276\212Ti=K\210Z\276\021]\014\277\201\203\022\277\372@\235\276K\241\030\276Y[\255\2760\245\325> \214\217>\016\223%>u\324\"\277R\r\373\275\006\024\265\276\272\2312\277\220\001\265=>\314\024\277\347\210\317=\377\013\372\2745C\255;\357\242)\2765$\000\276\277\320\374\276!{@\276E\360\213\276\275\201\253\276\300\364\237\275\023*b\276\022\355\216\276\246\032\222\274M\220\211\276l}\017<\351_/\276\347x\034\276\037qM\276+\375\332>p\t\033>\203[\233>8\370\031<\212\t\311\275\321\215\340\275o\356\335<^\t\227<\254\2724\276_\235\364\276\252\020\245\276\253\000\202\276\3473w\276\260\222\227\276\336\206\227>\020\t\342\275\241t\343\276H\351\366\276\256\306\226=E\330\256=(]P\275-\254!\276\311\003\330\276\031l\366\276\225\361\335\275\234\336(>Lj\220\276\241\366*\274\235\2725\276\313\036q\274a\212\270>\210\251\010?\223\032\023\276\271\371\037\276 r]\276*\300\031\277\035cS=\305*\010\275\000\367\t>\343\235\002\277{&\314\2761\264\177\276\203|f\275B\266\350=3\362\364>\014T\225<\313\352\275\275\r\206\263\275\to\004\276$\'\004\277\271\250\277\276j\022y\276\004O\314\274H\351\027>SZ\215\276ns|\276w\252(\277\356\220\217=\375\177\347\2767QO\276\370L\306\276k\006\276>\234O\005<\372_\033\276j\206\312\276\330[\254\276\377\301\253\275\353B\215\276}4,=\010\330\251<\366\353\367=\n\034\307\276\020\235?>\225\017\022>\332\241\305=\3352:>}\230\027\276\255\002\245\276[\254\264>\017\254M\277g\333\n\275_\306\230\276\303\251\234\275\370ig\276\204\031\260\276(f$>\3173\377>qB\261\276\265R\005\276\005\255\241\276*\\\317\274R0\036\277z\001\222\276\247R\032=\353mU\275\331\213\013?\355\0237\277\343\332\'\274\010\006n>A\341\210\276\207^`\275\255$*\276\026Q\371=\354?\330\274,\312\312\276\'\345R\276W\270\217\276\211p\307\275\222r\247\275\320a\217\276\037\330\337\275\255\213\260\273\276e\300\275\\6\256;\025\251\266\276J\003)\277\242$u=i\252\335\274\300\\\r\277lZ\035=/\330\240=@\325u\275\340w\302\275\222E\030\275Z\225\254>\303\201f>Q2D\276\233\236/\276\314\356\250\276\260\263\225\275\241.\360<\032\304\020\274\203\211q\274R\010\265\276\346\225\364\276\315\331\313\276+Q8>\340\203\r>R\342d\276\020\'\350=:/{>\351\032\267>_9Y\276~\333\263=X%\255D\004\333\276\363\263\212\276_\3654=\367\022\013\276\377{3\2764K{\276\331\000\232\276\032\344\377\275\014F;=\023\235\322\276Je\034=\021(\"\274v^\200\276\261v\n\276\212>\013\277\026\271\256\275M\272\026\276\214\216+=\3405\331=\362\243\256\276\235\355\031\275\236\222(\276\307\270\276\275\221\251\300>\237\275\234\276\226!-\276\221\246\223\276\316\344\363\276\201\201B>\003\252 \276&\363+\275!\251\203>K\271$=\272\257\255=7\234\020\277\005b =\036\221\206\276\254\335\334\275\22462\276\260|\200\276B\000\007\275\203\342\227\276\020\2376\277&L\204=\"~8=\016Y\343=\016\305\321=\347^T\276\200)\212\2769\223\370\276\355\272|\274:\336Y\276\330\277\237<\2302\r\277\201\032\016\277c\3570<\233X\251\276\006o\n\276\022\\\202\276.\377\261>\361\313V\276\014\272\017>na\334\276,\031;\276/a\361\275\326\344\025\277\302k\020\276\267\271\256>?\004\233\273\010Y\270=*w \275\317\347\033\277\363Jt>\020\343\326\275YS\235\275\240>t\276\344\241\202>g\217\232\276t\322J\276\224\257\034?\313US>`kq\276>2\261\275\375\306:=\354\014\004>a\210\217\275\271\356%\276P`~=\225\022\231\276\020\270!>\317\0163\276\361:\034>\260\301K\276\032\245\252>\344\263m\275~\001\352\2769R,\276\315$\214\276\023\271\332\275i\212\255=\300j\313\275T\021\203>_\003\"\276Hw\341;\267\365.>/E\261\276\213\007\032=\207\221\r\274\206\340\316>\356\243\242=5\346\234>\204\225\304;\244}\217\276\255Y\273>O\'\037\275\221\305\221>\351\373\250\272\276n\304\276e\324C>\254\000\336\275\343\013!\275\326\230U>#\220\245\276\361_\003\276k\376\321\275\323\"\210\275\315{S\274\006\004\212>`Hw\275\226\222H\275\031\333\263>\025F\264\276\252\357\004\276s\243.>\002W:\276<\300\023\276\025(\223\276/\003\317>\305O\313;\354?{\276\033\223\266\276\t\265\372\276o,(>\343T\336\275Y\030\300\276\275\022?\277\251O\t\276*K\311\276\007X\322\276=3\311\276 \347\211\276\372*\273\275\371\211\200:\354n\352\276\243\330#\277\003\354\246=\30498\276\211\363\342\276\363\220\225=\244\221\031\277$\307\204\275l\372f\276-Uh\275.\234\266<\200\362\303=\0231|\276\221m\252<\333\376\220=2D]>\265<\245>\273\371\231>5\265z<\366?}\276\251\3053\273\324i\001\276`(\347==&\205\276\223\014\240>[Y$\275\345c$\276i`\244=2\213\251;\320\037\303\275\020-;\276\333\233k\276\303\207\217\275\320-\310\275\271<\217\276e\337R\276\275\3459>5K\\=\373\204\304\276yK9>\316\317<\275X\215.=\377Yl\276p\006B\275~\3606\275Q\031\262>ik\204>DU\234>\177\262b\275\250\027\306>\377\331\007\276i\231\004?iV\350\275\234\274\322\276^\317\325\2766\207S>\367#\033=9\260\241>\257}\027>\363q7\276\335Z\213\276N\177\342\275\341\230/>\205\3012\276_\375\030\275\317\330\344>\030:!;-\331\312t\315\010>\212aa\276\021d\037>{S\216\276WR\214>1j\030?\307\'\311\276\225\024\210\276$\333\311\276\306]\230>\215\270|=JU?\276\003\303.>v\2011\276\272\316]\276\261W.>\3021\316\275\277V\202>\340`\250\276\242\033\351\276\211Rl>g\220\217=@\\\234\275\365-0?\276\027\322\276\220\203,\276\304\rr>\322\207G\276\350\343\234\276d\356Q>z\220\361=\355\036\316=\316\233\002=g\025Y\276\227\247\366>\354\026\355=\317\223\247\275w$\010\277\277\262\243>=\375\231=*\026\324\275Z\320\010?2L\024\277\334\345H\276\300\213d>6\300J>R?\036\275\315S\250\276\210\236\031>\tWX=!&\003?\002,\217\275\270b$\276\257>\034>v\362\200=\357\220\263\275A\275\215>:\336\033\276\245\353\212>\245\014\331=s8\203>F\275@>\316)\240>,^t\276\031\241\377\275\310j\254=h\363I=?\263\361\275XKH>\225\226\271=+)\r>\336J}>\374d\347\275\250K4>\201\233F>To\030>\024\033\030>\320u\265\276\377\202\014>I#h>\203\203N\275D\301\334\275\314\177\276\273\263\030>\276\244W\260\276\334j)\275\333\215d>\264m\325\275\304\331q=n\343\206\276\336K\207\273\205\225\362=\271\'\321\275(#\244\274\n\364\261\276\337\361|=\364u\246=`C\003\275\2479^\275\213\351\243>h\032\024\276\375\373\305=s\234\233\276A\262\201=\301U\331\276$}\207>\203\216\205\276\213\373\266\276<\003\207>kL\202\276\202\251\361\275\031\303\243>\001\373\371=T\350\305\276\010\304\320\2768i\032\275\250v\350\274i\226\373\275\030\302\303\276\345\370(>_\247&>\265\344\367>ku<>Q\255\246\275\010\014>\276\377\026\037>L\037W>W\307\301=\020k\352=\177I\250>\352\214X\276\270\334#>\344\202\321=ry\021\276HO\270=\"\025\311\276\301\337l\2764\201\366\276h\301\266\276\336\020\200\276J\303\204\276\3269]\276\221!M\276%\221\037\276\261\304\327\276\203\273\363\276\\\205\252>\253F\311\276\236\304\034>\240\017\257;\236\302\236\276\267|\271\274\353\re\276J^\212\275^\025\201>~\272\025>,F\304>Z\241Q=\234\2356\276\227\250\212>$\265{>\002\227\221=0\r\357\276\250\312\r\277\223\226b=\007\232\367\276\365\230.\275__`\276\204\017\020\276H\267X\276>I\223\275\257\\\217\2753\275K\276\245\3555?\013>\320\275B\352\275=\3516]\273O\331\250\276\360\265\347>\253\305\215=i\205`\276s\031O\276\246{)\276o\274\317\275 \0168>\032b\t\273\267\331\362=\244>9\276]\375.>Eb\204\276\371\275\323\276S&u=JU\334\276\014\362\370\276\017+\206=g\270C=\002\024\230\276f\037\247=\220E\341\276D;c\277\340\002m=$\037\177>\035\n\017\276\234z\304>\223\354\351;qbV>\222+^\275\037\273 >\001\274|\276i\376,\277A\021<=\251\353\217\2763\210\305\276\345Q\006?\336\315\220>\251\261\257\276\'\271\240=\224\256\325=\217\035\236=\343a\214\276\207u\370\275@\353\240\276\'\002\333\276p\201k\276\256/U>\177^\\<\311~V=\305\312\376\275\243\230\013>mcJ\276\207\237\265>\203\265\357\276_\345\333\275\255\333\346=\244\232.\2763:`>_#\026\277\303\226\315\276u\351\021\274\321\235`\276\377\024^\276\260:\t\275\002|\227=\036\014\003?\272j\002\277P\033\304<\267*t>\243\236\021\2764t\226\275r@_>\347\030.>:>\252\276~\355Q\276^(\036\275\t\362\204\276E?\340>i\003\022\276X\033\251=d>a\276\344`z\276\311}\024\276c\305\346\276\343h\004\277;\024g\274&\203\320\276\023\303==b&T>\265\205\305<\222\324\340=[xI\275u|\360\275/\321\\>c\232\262\275\357\376;\275\373\r\"\276,\016\005\276\342\371\257;@\024\330=\034\251w>\252\262\224\276d\307y>\373\006\001\276\223/,=\330\302\326\275\311\2413\2762\332:\274q\221\362\275p\\d\275X\201\327\276D3\334\276\360\240\317=.F\360\275\212,\202\275\203\010\022\276S\244\241\273p\305\211;<\2248\274E\\d\275J\223\241=o\002\031>\235>\371>\227J\210\276j\236I\276}\342^\275[\035\t\276S\360[>>\330\207\275\317\345\277\276\340r\242\276\017p\242\276D\373E>\023\330<\276\213Q\201\275\331\225\355\276\310d\352\275\010\326\333\276\001\t\200=\267\003U\276\232\241\305=\312\275\301\275N\177\224\274\001\330\017\276?t\216\276\371\253k\274\206\277\310>)=5\275v\211\372\276\245aa\275\203lX>\236\271\253\273.\321/\277\'|\t\276\332\347Y=\272\036a>Cqf=kj\205\274ZV\004\276n|7\275B/a\276B\306\346\275\253\357p\276\004G@>\336/\361\275\236W]>\tN\016\2773\236\351\276\242\031\014?\316<@\276\t\332\030\277\224\254\342\276b\020\311\276\276\253)\275\363\3237\276),H\275\355\322\'\277\006\347\337\276\323\325\030\276H\3343\277\311\202\020\277L\374j\277\240\306\021\2768\372=\277M\230B\277\305\371\261\276\216\241\243\274\027:\016\277\2436\273\276\273\213\014\277\021\366\021\277>\367L\276\202A\010>M\177\314\276j\262\'\277b\2551\277\024\336\006\276\306\030\030\276\364<`;O\1772>\34216\276\231\374X\276\266\351\036>\010I\312>\224\313\003\277\347v\352=\367\026e\276PT\302\276\331!n\275!\267>\277;\r\311\276\304@\001\277:\372\355\276.aV\277\206`\026\274\344\237B\276\331\005\303\023=_A\313\276\02213\277\334\250\241\276\324n\004\277\347\017\351\276a\326\354\276\235A\t\276\313\032\022\277\344\006&\276\316\221;>\"\355\337\276\t\\\r\276lMU\277\\/\212\276Q\344\325\276\312\345+\276\213b\300>z\371\n\277\204\t\211<\3403\301\276\266N\246\276\310n\323\276\353\016\240\265\'\206\276\216v\272>\240\030\345=\325\227\330\275\3566\311\276\204u\032\277\320F>\272\222\334\323\276\333\022U\276\231Z\365\276\261\237\031\277\200\340\266\275y\026\207\2770\235P\275\223\346\003\277=\322\026\005\237\227\276(&\204>\002\003\001\277\352_\237\276o*\322;$\2648=\010\365\210\274\n\336\254\275<)L>\031\270\330\276\346\243Z=1\2540\276\372\022\307\2762\353;\277\r\271\207\276{\230I\2767\326R<\r9f\277\323\240\260\2763k\r\277h\336#\275\216\177@>J\261\363\2763*\234\276Z\237\210\276o\254\\\276\356\326\237>\r\272\335>9\226\212\275\003\221\343\276x\312\200\277i2\355=\233\272\014\277\345\224*\276\245x\233>l^\236\274\035\257\006\277;\000\245=p\303\n\276XB\336\274%\300\320\276$\010\312\2768\202\331\276\307S\203>\035\3333\277\317Q\201\276\366\245\261\276\036\216k\276\270H\266>\025\321\314\275/\024\023\277a\377(\276\344\357\002\276\031S\243\275\024\275\355>\376V\363\276\305b\003\277uX,\275\036\213g\275\3662\345\276Wj\340=U\314\276\276W\2002\277\225bo\276\337\031\256\276\237\016G>g\"\257\276\017\317\001\275\241\353\335\276/\346\316=\365\253\240>\333\222\237\276J\"\310=i\350\210\277\232\266\210>O\377\007?\320\251\347\275\331\003\026\277\322,\220\276$x/\277\177W\225?\271)G>$J\271\275\243H\220\276H\277\024\276\244\337Q\275=\356\374<\321F\002\277a\364\305\275(\2210\274\214\372C\276\253\370\007?\201-\351\275H\312\255\275\033O\001<\023Y\312=\035B\251\275M\324\214=,\354\256>\215\234\214=\326\0346>(\250\352\276\202]\r=v\240\345>\007\005\340>\007w\312=\2516\274>b\033R>\021z\005?\002\013]>t\225\370=\257t\231\275\345\226\367>\322\220\247=\243\201,=/R\343>\253\025\225>a[\232>|\304\227>\364\340\033=\331\026}>\034\247w=\312\216W>Z\200\366\274\243|\211\276)\321\354>j\342C=]\032\226\275\025\200\205>\313\215H\276\317\352$\276\272e\264>\034o!>`\331\224\274\206\335<>\210T\315>\\\204S=\355^*?l\376\027?z\346\325:\035^\263<\233\220\226;\316V>\277/\000\013?(\225\017?\342\371\212>j1<\276I=\372>\020F\201\275\2060H?k\220\201\276\'\245\033>\352\330\312\274#\201-?\003\261m\276 \316\316=\260~\213>\240\235\017>h\240\354\276t\372E\275*\324\237=\220\rO>n\242\277\276\027;\302=\373)(\337\366-?\033\000\205\276\334sw\274\373L\216>n\312\367\275K|\261>\363\310\217\276;\371\001\275\202\330\265=\310}\333\276\177g\207\276Jq3?O\006\005\274\026\r\212>HRY>-\017N\276\360\376K>n\016\253\275?T\311>\366\342\267=\346:\246=\023-\217\276[\257F>\360.\304\274\234\246\271\276-\246\342\274\307\020_\276\243\355\323>[\245M>\376;\206\2767\377r\276\227g+>Y\3545=\354f\017\277#J\r>\030\275\272>\n\2352>\031D\206\276\r\024\214>\310\332\027=\177\\e\276\000\267,\276\026M\273<\314\322\203\275\347\353\261\275\201\273>=\003\300<>\234nb>g\021\035>\022\356\275=\302j\000?6\270\265=\234w\357\272\025\207\245>\246\266\274>]+\245>ub\007=)\201X>\340*\251>\224\211\266\274\374\275\035>\357)\276>\241\274Q\275\374\275\370=q_\222>\301\034>>\331\335p=r\177\273\276t\3274>\r>\212>\277\314\354=\360\272\260\275F>\177>\307\365\037\276\n\030\230\275\215\210Y\276\275\263\335\274O\310\343>\270\237\225=r\353\247\301\007\314>A\005\303>\034+\301\276\034j\266=\035k\303=j\212\000>\267\204\317=\316\036\255\275r\037\253>\262\242p\276PJw=\"w\200\276\262\344\226>\374c\204>.s]\276\025\323\364\274:/0\276\327\317\327=}\310\304<\222\274\005>\033o?\276\313\343:>)\341G>-M\327> s\374=\363\026l>R\203\020<\271\"Q\276\300WM>s5\207\276\376Mt>\303^h>\002\243\226\276\037f\221\276\021s6\276\262KC>\206\335\351>&\026Q>\273\014\356=9\000\253>6\r.>\344\237\000>\244\221\210=\252\271\307\276\355\235\246>\372K\302=\343\336\301=\321\020\203>\321\240d\276p\211p>\365\351->[\306w\276\016\357=\275\224\203e\2769\367?\276\267-\271>\247\220\032>\357}\362\275`\033\376\2754\'#>\'\347\240>,\307\227<\0254\261\276\240\341D>j\377\010>\245%\357=\216\203\340>;\367\276=\250\370\002?\200B\343\275\326\244@\276\265\276\305\276p$\200=K\354\227\276\374V\016>6\234\202>\200\235k=\204B\304>AE\356=w2@\276\211\002\003\276=\323\002?|\346\037\2740Q>=\377w\204>\262Z\314\274L\030\267\275\021lG>*\327\017?\213\007\357\275\226;x=\347\303=\275L\250\253=\244\312N\273\372\020A?\352\031\335=S\177\204>t\177\333;\273\010\001\276\020\250\n\276\227:\331\275\356\315\337=\201\r\017>\300\024w\276z\244\244<\'\200\364\274}\037\310=m\3616=\327\010_>\215\326\\>hc\300>\025\001\020\275<2j>\207\004\272\275\326%O>\034\362\202>\300\345\213>\2250\020\276\340\305L\276\030B\010\277\306\010\026>\001\245\026>\366\333\246=\247\321`>\027\217\231>=\376\217>\002\255 \276\302\310\004?\257\214\372\276\235{\007=\377\311\236<\367y,>f\030\035=\335\274\206>\253g.\276\'\256\263=\213`5>\250\014\270\276F\021^:<\361(>]7\220>\207\217^=\370\227\232\276?0\267\275\317\233V\2757\\\031\275\214\251j\276\226\313\344=\225\201(>\305{\340\276P9\207\276\006/\222\2769\307\203\275\0318\341=\322\035?=w\262w\276\243p\\<\204\3413\276\251c\027\275\032`\237\275Cmp\276\344\346\211<\222\375\244=\335\022\007\276\356\222\304=K\207\271\275\227P\322\275\240\3570\275\242\312\020>\203n\312\275\323\373m\275\355K\374=\031\353\312>^\256\311\275C<\304\274\231#&>W\343\301=\010\253\245>\216\274\020;|\300\342=\026\'\303\275q\\\023>\315\335\013\275\031\375\325<\003z\356\276\236\370\254=\273\231A\276\374\321\265\276\364\334\273\276\356f\004=q\215\237=\346\3730=\374d\301>\330\317\324=\036\316\201=cl`>\374\374\350\275\035\350\302>\307\273\036\2752\234\313\276\300\366\343\304\272\373*\233=8\224\002>2ef>\032S\207=U\260\317\274\014`N>\272\217\220>\223\022\313\276\266\354\221\276\352\257<>J\334\246\275#\212\276>\010e\205=\216>\217\276\370X(\276\203\033\211>3q\204=\312U\202\275\346\234A\275\336\223\n\275\247\035\024\276\323\307\301>\347\350<\276YL`\276\323ul\274\235\260\342\274\340\211=>D\272X>[3d>rb\356<\220\021#\277\301^\n\277\375#G>\322z\336\276\241\367-?I\325\240\276.\330\373\275r\343\367>L\211\014>\3378\336;+a\345>N\014\234\276=\265\204>\003v\273\276\352\032`=\224\001%\276\027\\r\276\247\310\275>\376?\232>\260\014`\274\027o\021\276\214\223\210>\r\365B=\277\362\006\277.\007\351\276E \300>\244BD<\023:\215<\243\033l\275t=\344>\276R\237\276h\0340\274GJ\025=\024\263\224\276.4\017?8j\370\275\005;\302\275g\271\235>\230,\246\276eD\031\277\316t\363=\217\263\277\276\366\267\333\2766\210U>\n\371b=\327&\222;9\203\336\276\300^E;t\201\215\276H=\260=|O\213=ARK\276\017>\036?\335\312 ?\363d\002\277,\243\377>\235\3503>\324\r\216=*8q=nA\351\275\271\366L>\350i\210>H\324\322;@a\327>BF\243\275\002\215*<-\216e>\235\233\236\276.y\004\276\347\014X>\315\270\027\276n1\340=R\367\313\276\035(6>.\177\030\277\256\361S>wV#\2761\230\231><\256\217>\226kd\276\217m\304=\266\276\342\275\315`\344>Ur\240>\342(\265>\271\3460\276\014\213\203>2>\376\274\320\370R\276>\234\345\275\203\365\t>\262v\347\276\326,#=\236\303T\276\214L\212>J\013\202>\004o\006\277_&\273\276\032\177\001>\367\313\266\276\367b\335\274\322\320B\276\362\223\021>\037\327\246=\262\356\002\275 \327U>[*\265=U\347\n=\337\331\304=\251\245\'=,f\311\274X\351,>f\026\032\275q8\034=\303S\203\276\272\021J\275vJ\030>r\375\246=[YD\276[\271\325<%\347\222>\1775\243=l\002\235\275\320 e>\361\304O>\253\350\267\275\3203\343=s\000/\275t\001\201\274\373\252A>\006hx>\376\270\357=3\374=\275\024\337\206>\006\031\303=\300\002L\276QX\033\276g02>5\333\354>;\355\215=\016.,<\317E\005\276\352\n\221=\233\221\233\276Lj\202>\240[b\276m\027\\\276+L:>\313\203`\2769$\206>j/\013\276jp\224\276\301+\331=\341\2252\275\265\235,\275Y\354\210\275\"D\031\276\347\235[>\343%\222>\006B\232>\272\212\017>\021$\352\025\031&\275\250\331l\276_\267\275\276\016v\276\276R6\222\276\t\ta>S\000\006?\272\327f\276\027<\252<\014}\331\276-,\205\276\001s\213\275\177i\212>\201~\362>\001L\272\273\3736\340>F\304\227\276\0373\355\276\277\326\346\275G\344\352\274\275\243?\275C\243\253\275r\377\311\276\207\237\306\275JL~\275\247\203\253\276\267\014\220\275\261n\024>\215\372@\276\331F\206\275\345\265\352=|\005$\276\0076\277\274\263\002\013\277\035(i\276\n\350\207\276\251\245\007\2774\363\266\275H\317\336\2762\024\247\276HH\211\276\375\251\343=\362\010\346\276kf\255=n\346\224=V\261^\276^\255\205\276\344\347\276\276\256}\013>T\361\344>?\377\276\276\0275\301\276\323\250\034\276\365_\346\276\022J\203=c\350\372\276g?$\276\313 \250\276\373*h\275 \207\345>\374\257X\277\335.\364\276\346\303\001\276\021\222\243\276\263\2404\276\016\323\257\276\331U\274\276\344\306\346=\221er\275n\221\261\276c\215\010\277\020\007\304=Y\302\363=\247~\025>\213?\340\276\255\013\303\276\236\r\017>\237\250\225\274\026O\224=\215-\345\275\220\3250>\253\355l\276\232\257F\276\365\364S=\207\251J\276\327\200\357\274r\334\243\276\376;@\276tW\206I\333\234=\243^H\276VI}\273j\243)<4B\246\275\\\023\365\275T\253g>\006R\231\276\223IC>F\373G\276f\370\231\275Q\340)\274\365t\203\276i\014\310\275Bn\257\276\334U\272\276@W\272\275\363\324K\276\306\235\254\275N3\200\276\003\215\261>\275\373\222>\032\227\017>\301\244\234\275\266\306\313\276\214(\270\276Z\272\204>}\376\023\275y,G\274\315\317\230\275F\353\014\277\'KQ>QB\310\276?\200\353=2\370\241\276\352w\220\274\277\324\"\276l}\361=`\373\034>t\327\303=\302\365\264=\230\376\225\276\367\0255>\243\0077\276\205\2015>]\027q\276\261\034\035\277\373\030M\276\243\0320\276\362\003\315\275e\010\031\276\263\325\320\276\030\010\020\2776T\252>\253\266\366\276\327}\014>ux\225\276\316g\312\276\340_`\276F\210\343\276\233\276\342\275TdK\276\016_!\2770\213\006\276\213\363\222>\221\t\207\276\005m\'\276(\272.\276i\212\000>[\271\003\277\302\370\267\274\236\226\343\2765\342\245>9y\355\275\010cc>b\271\017\276z\347\246>\326\334\025\274\330h9\276\231&[\275\013\021\256\276\362bS>\234s\370\273f\345L\274h\013C\277d\315\215>\343\'H>\002\206\200\274\231\371;\276}>\356\275\030\204\254<*\177\316\276k\"\323\2754G \274\017n\203\276L\271[\276/+\314=\0354\035\276\004e\030>\271[\001\276NJ5>K\303\360\276av\007\276\355@\035;\255\210\270\276\212:\266\276S\203z?\325\202N=>\321\302=\rm;<\227\255\266\2758\217X=\346\275\242>\344R\231=\217T\361\276BJ\203\276\362\315\310\276\214k\320<\022Z`\275\215\\\230\276\314\301\260>\245\000\241=\305R\227>\372\263\t>\360\177\030\276:F\274\276x\310\332=\317a\353=\254\367\274=\265\033\200>\001\002\204=\342\036N?\267\216\037;\302\006\213\275\000i@>\222\324\'?\2337i>\032h\211=\307\001\202>\006\230b\274\226w\263=\037\235G?^e&?)\271\312>&\316\370\275\252\007\\\275\315\251+\275\014Y8?TY\353=\3730\\\275\342+\266\275\217\274\004\276\270\275\031?S-\337>\177\205?\276\r\371\261=g@\326\275\345\004\217\276\364\360\347>3\033\003>S\332<\274\344\330\014>\315sK>\037\217|>\235\213\243=\327\3740?\320\213\235=\267\232,>8\336\244\275o\322>\275\307\263\343=\306\007\347>\250\251\023>\3039]>\376o\203\276\274\370\373>\032\020{>\272,\034=\210:\021>\271!\031>:p\341=\347e\260<\200y\234\275\336\211\024>4i\307\276\350x}>}\361\n\276\262!\344\275}\263,?\356b\035?\rv\266\275\272!U\276x\377\363\2766\333\201\276\252<\310>\274D\312\276\036\224!>/\033\010?\374`\356\275y\234\014\274\375jm>\376\370\312\276\357\305\243>\261\243\274\275\305\213\360>\256\347\215=\267\025\017?\373\025\276\036\203\207=\315\277#\276\234U\337<*\306\320=\327\3257=\3114\354>b<9>\r\201J\275%y\237\273j\207\250\274\315\303\304=kQ\211>\215p*=\212\311\230\276e\\\014=\\\202\350>\303V\236>\370\025\201=\372\246\326\276\233\326\250>\376d\234>u\317\320\275O\301\205)\024\311>7{\004=\270\351\362\275M_1\274\266\363,\276\271]\371>\021\323o>\003\013\243=\316\242\234\276\235\256j>`\375\314<\213i\365=\322\254\023?\377_\024>\367=_\276|@b>v^\341=\254M\215>,\3432\275~&\355\275\352\020(>VX\032?K\233\221<\216\235\231\276\366\343\215=\235\242\304>jm\032>7\024\315>\263v\350>e\207\005?\014u\254=\217\031_?\370\245\332>\356\210\243\275\nw\222=\366\256\237>\300\223;;Nt)\276R\032\016\274\200\353\005\276\303ks>d#\023\276?ZF>\000m \276]\235\311>\271\345\347\275\370bN\276\343f>=,u\363\000\010=\276\247\r\210>Z\244\004>:\377N>\327\265\033\275\207E\367\2754\323}>\262\327Q<\230U\271\276d\020\037\275e/\014>\374\314F\276\363Q,=5\276e\276\376\261T\277\222\265>>\270\2176\276hVA=r\221\267=\272\252\360RB.\276|\246\275<\256L\330\276\257H^\275\r\215I\276\375v\210>\237Tm\275\363\000G\275\226hf\276W_\241\275\303\324\312\275RzL\276\264\260\n?\270\273\035\277\322\n\361>\033\356\010\275L#T\276.g\257>\321\253\246\276=3\251\276V\212\241\276\224\004\267\276uq\203\276\374w\201\276\340P\261\276\347\247\177\2760\310\252>\314Ud\276~\357%> \211Q\277\360I\240=\327\334\241\276\013T\360=q\004\357\273\2738D\276\t\207\210\275U\350\333>e\227\310\275QI[>s\220!\272\236\237\213>\034g\177\275\"\315\000>\217\231\003?e\233\\\276\343\253\327\276\033\231\207>\322{\261>\371\212\022\277\221B\261\276\006Y\255=\264\002\027\277~\342\277\276\271\242\222\276\307G\305=\017S\331>\375\315\">\331\260\275/K\004>\027\305\024\277g5\212>\243\262\337\2763`\207\275>\245i\276\272\017\225\276C\225\346\273\0000V\276\216u\347\273\017>D\273M\200\247\276z\227\355\276\322\202\356=\251\326Z\275=\026G>S\017\342\276\312m\034>\t\252\233;Y\227\333\276e\001\215>8\037\377<\254j\250\222\227b=Z$\315\274\245\365*<5k\201\276\023\375\365\276\220\033\'\275\355\334\337\275u\313i\276\372\247\212\276.\221\335\275\366\377\327\276&\311d\276\235*\211\276\026\336~<\240\305\346=\020\266\030\276\203\216\010>;\005\221\2767\373\206\276*\333\020=\033c\373=\246X\302\276\007\260F\275\367\256\335\276\'\312\204>I#U\275\024\003\315\273\306p\370\276\t[+>{R\004\276\306\002#\276c\243\024\275v\312\247\276\272\244\347>i??\277\275p&\276\216\366\r\2777p\224\276^\220\020\276\016\273\370>\365\270\336\276\363\247\347=\2718\230<\214\352\212\276\355\320\203\276Z\r\236\274\3718\214\276\224\234e=\233\320\345\215\223\301=\207\273\032>e+\001\277iu\312\274QO\210>\322\204X>\254\345g>\315\257\022>\225\235\233>\342\250\227\276\r\177\330\276\271%I\276\356\301\273>~x\247\275\030\036N\274\334\t\350\275\204\236\373\276I\2449\276^\252\005\277\346\037\005\276:\234M?\310\202\016\277+`.\275\240?\345>\315,\307=\275O{\276\266\303\241=\204\315t\276{7\334>\220\331\376\275\233\345\036\276Z&\254>\r\210 \275\356j_\2758\357\331=\230B\313>\216\274h\276\026\256x\275\201\325~>\234\2309\276\034Y\221\275\336\005U\276\024{\373>\230\206\035=7b\'>ml >\231\362:>Sm\n?\005\3428>-yK>[F\223>\365\233\237\276\r\301\257>\n\000\364=(\353\374\274\207\257\270\276R\225D\276PGo?\361-c?\311\217\232\276\260\357\337=\024\220\027\275\322\034\007\274\002\303\210\276?\322\323=\036\276\314>\246\354h>\246O\200\276\344\332\204;\336\377\t>\323\270!?n\347\001>\261\006\331\276\374\004\277=\001q)<\255\374\214\274\206\234\205>\346\002,>\037V\307\274\263\2550<`\302\305>\024\210!?T\"O>\211\345\026>\333\263\205=\262\263z>@qo>l\r\311<\272\235\237<\n\272\314>\316\005\202;\035}\307=\356\226\371=@\237\324>\254\016\251=\336\307u>\240\326K>zp\372=.\217\017?\014D1\276\265\301\300>\371\037\010?\3245\341\276\313\363V>\007\360\373\275\370\236\251<\263\364\210=D\n\007\276\361\233\251\275\035\206Y>e\332\002>\363\335\221=\233\266k\275\234X\215>`)q>u04>\003\376\375\275\266\317D?\33157\275M\037Q\275X\007\353\274C]h\276\354L\355:\306Y/\276\216\344\244\275>\202\311\275\016C\351=Rt\206\276s\266\r?\351\036\302=_\354\347=Z\266\253>\312\263T>Y\224\017=\025\"\234>/_\232<\260\207\030>\335\347\276>\271\335\003\276B\200\374\275\246\027\216>\226\326:>\323\325\316>\023\356\207\276$q\300>f\316\373=B\032\254>\3577\007?F\352\235\325\323g=\224N&>\303_\202\272\200\3658\276\205\3060\276\337\243\027\274f\225\226>]_%?\364\205\233>\364\006\337>\332\256\331>Z$\233\275\246\034\020\2764\313\315=\222!z>\302\217\007?\277\3706>\216>\200\275\377U\000\277\266$\021?\252\365\252\275\203\013\023>{%\217U\340\336=\330\013\201<\333,A>\334\315\255\276\321\274\025=M\024\205\276\202\024\034=\365\356\316=\260\\\'\2760\245\232\275C\244i\276\276>\323>\211$8>\341\377\246=\234T\204\275\020\2462>h\003\256>jd9>\306\2702\276\215v\255\276\263{T>T\250[>\033\336\364\273\010\244\375w\236\013\276\202d-\275c\250J>L\346\"\272 >\230\275\260\206 \276K\3333>\326\255\276=D\324U>.\017\325=\255xv>q\240\316=\252\201\362>-\374I=\026\014\211\274l\315\200>+;\275=\270\272\303>\3159F=\204\267\014>\210t~;\2272\032\276\016\0334\275\177E\204\276\245a\326\263\263g\276r\362D\276\020\241\254>~\252F>D6\261>\220M\320\275D]~\276h\263\205>\231\226\361=\345\241\231\274\234\035\320\276>\233\330\276\021\240\253\274\346\224J\275\007\215\231=\007\007\006=\304-\255\276\227\243\271\276`\252\002\274\026\003\024\275+{\333>\343\277M\275&\207\356>L\266\267\2756s\021\276r\013\226\276\212\265 >K\031\264\001\252H\276l$E\275\256\260\326>\231\357\004>\2724\010\276\253W\322\276\267v8\277\230\355\334<\210\221Q\276\243\224\317\276 \\n>\302\324\n\277\177\256\007\276Uf-\275\245\016\302\275\323\274\341\275\324\034\361>p\261\014\277\212\315z>g\223S\276\242\310{\274\2414\304>\354A\231\275\033\334\240\275\224\373\226>\375\257\361=\232\014\234\276\230[\244\276\263y3\275t\345\204>\265\t\263\275\374\324D\276O\366 <=c{\006\301\005\276\271L\242\276\330J@\276\205u4\276\350\213\226\276\2150[\276`\340U>\241<\367\275\216\313\001\276;Cs\275\257}\365\276V;\031>\256\337\374>\211N\370=\305T\310=\227\257\014>:\2206\276\276\362b\276\235\257\247\276S\211=>\177\343\323\275\360\r\010\276,%\033=CL\021\276m\032\303\275\303\265\207\276t\205@>_\277\007\276yl\t>\376\003!>\316\002\324\274y\032\270\275wD\217=\\y\202>\006qI>\252\3165\275\261~\214>]\253J\276h\030\022=&\235\003>:#N>8\\\366\275#Y\032>\257\217\266\276Y\205\324\274\202\035I<\323mR\276\231@\222>[\270\034\275|\344\027>\312\030{\274\201\003J<\262\350\230\276\017\357\001\277Xc\306\276|>0\276\313\314\250=q\204R>\301\3018>\211\354\343#V\377;\363\\\266=?\200\214>\250\006\332>\242\322\347<\242\365\305<\322\252\224\276\370b\301>\201\036\261\276m\016\220\275}\246\264\275\310\366\302<<\357\221\275\340M\211=\265\340T>J\367\263\273\210o\201>{e\346=\233\376h\275J`\235\276\300\2102>UP\215=\351A\251\276\321\241j\274\337\377\017\276\242\341\272=\346\220s\276\221}\210>\325\235\304\276\216\000c=s\037\254\276\354\315l;)!\250\275\307\234\017\276" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/kernel/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/kernel" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/bias" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 192 + } + } + tensor_content: "|\365\036?D\307\005?q\250\304>BT\210?\255\313[?\242B_?\274\366Y?\273\236 ?\361b_?\271\311\374>\276\2605?}j\032?}\331%?0H5?du\024?-\r\271>\303\0146?eE\336>\036\267\331>gV6?\030Y\030?\367D\307>\330\343\006?\020\351\300>+X\025?\204g\251>7\241\032?\264H\005?\017\254\334>X\341O?@\310~?\347}\000?+.\376>\257%\346>\254\225,?\2433>?A\350\035?\035\201\030?n,b>pq\356>\243\215\035?&e\245>\372Q\324>\3561\331>o\2713?\001I\231>\006_9?\352\311\270>\347\350\004?\226\004\315>B\205P?+\321\n?\032\252,?\323\0019?\0306Q>\352UU?\246*\345>p\215.?\274\366\003?\331\020\010?\3162\260>\300\213Y?\024\006\010?\22652?]=>?lD/?H\035\005?\275\005??\007q\357>\325\351\001?\332\031\246>F\333\365>\331\026\007?\177\321\322>\220\373\330>\223\330e?d\000#?!A)?\3128\220>O#\r?\215\013g?\273n!?\"Z\013?\257\200\375>\237D\362>B\037*?\366\325\226>\332cx?/\',?\362\3478?\336| ?G\344\303>\303\016\326>\240\202\\?\272/\013?\265\244k?\241\026\370?Bb\314?\'\366\000@\007\251\364?4\036\024?\006\303\241?\261\2373?\377\001\000?H\205\221?\0164\314?\'\367\315? \3468?\200A\213?\365\263|?\010\213\341>\000#\036?5\246\206?\376\271\212?\241\301k?x\0239?d\267\241>`\003\352>\232if?MQ\'?\003\200]?\241\204\376>`\245\330?3B\323?0(A?\271\342:?\211e\312?$\327\357?\3055\212?\262t(?\332=\024?\350\271d?x\036\247?5\2654?\314S\327?\306\\!?\"g&?\374 \253Q?\350\224d?\247\\\016?\006\272h?\221:\254?/\255\201?\200\347=?\331\246\023?\363\2458?\260\027\212?\351\023>?z\315e?\277<\007?a3\177?\350F\301?\357F\217>\222\206\222?\020\312T?\206\254R?A\336\207?\310l3?\305>e?\341\373\177?\234\244\244>\250\365\014?#\236s?\222_\220?\303%\362>\324\244\314>\036\326\277?\251P\365>\000\026w?\236\204\264?\356f\363?\204[\217?]\230\255?\242p\000?i/#?\222(B?\3016\352?9\3111?\332\030_?\331\317p?8\033\243?B\315\254?\345\254>?\037E\200?\262\036[?" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/bias/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/bias" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/kernel" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 192 + } + dim { + size: 96 + } + } + tensor_content: "\324\317\343>\214V\223\315,`<\300\036\302\276\037e\211\276\006\334\004\277e\371[>\262\"\236\2741\032\270\275\347\021~>\264\214j\276d.E>\367\350\003?2q)\276\266\004d>\230y\n>r\221\326>\\K]=\265`}>jF\025?\262\346a\275s\251\236\274*\001f\275/\005\210\274A\033j\276\2031J=\220\356\\=\354\263D\275[\377\210>Q8F\276\2234w>\352w\251>\327\t\317\276\003\202A\275\362\232\001>\356\361l==C\254\276Zu\223\276\024\005\247\276\033X\253\276\331ha\276\301[8:\224\305\t\276)\352\351\276\231\340\371\275\236\236\003>\325\352\034>po!\276W\034\207=b\002\357\276\177\341\t?!F}>\n9\021?l\275\231>\231\247\242\276\360\026\021\276\0054\020\277Ap\216\275\366\2576<\374\021G\276\023\351\275=]#\203\276\000\211\204\2740\260\305\276\276XS;\236\243\031>X&\030\277s\312\227\276\005+\226\275\210\014\217\276\253H\027>\211\021\301=\001|\205\275\213&\314\275\315\203h\275\344\017\215\275\211\272\273=\274In\276\256\233\234\276\257\310\033?R\257=\276\017\201\277>VG\317\276\320\202\251>\330\362Q>\267\250\371\274\024e\206>\256k\024>\247\224\350\275\313\257\222\276;\236\317\275\226\032\334\276\372\034\323\274\272\312\333>\030j\303\275/3\341>\010\3553>\017\225\243\274\224\262\226>\234\033\351\276\341\335\007\274\331\254\026>\372\036\211>\036\2559>\016\371\205\275\027s\217\276\3662\341<#c\366\276\230I\254>\26150\276\010\367\001\276\004\034d=6\025\260=\3761M>4\017\023=u$\246\276`\351P>\354V\267>s\3243=]W\242>w\206\252\273eI\215\276I\\\363>\024\220&\276_i\036>{\021\212\276u\001\006>\324\313\202<\323\306A\276a\334\326>&\245\254=\001T\245\276\213g\330=%\325i=UP\315=h\006\223\276\013\276\327\276\222=\037>\247\354\032>\366\267\372\276\324\331h=\\\270\206<\364\302\032>7\177S\274mVC\275\2336\376>\246\200\250\275\205B\212\275\343OO\276k=\300>\325?\034?\222\231\014\277\025\005\326=\214!\346\275\306\362\230\276gs\250=\325\371\370=\272\202\332\276\037\321e\276\325=0>k\336S\276\031I\206>qJx\275(\353\266>\361t\013\277D\210\203\276{\267\351=\032\317>\277\035O\317=\275\3441\2765!\227>\375\256v=-YI>\020\313\351\275H\242\200?\322fo=>\206 \276r0\321\274\301\346\223>\3618t>\262\214\213>\306\024\006;\377\310C>\223\264\246\276\307I\r?\373\026b\276y\317E=\316\356\245\276p\334q=D\361\275>Q\357\216\276\033G\276\2766i\210=\\_\300\276\017\374)?]\220\267>ST\225=\233\005T>\025|:\276\232M\320\275\245\004\362\275\037\307\372>\277\0030\276\026\327\342\276\337\212\327=\306\013\352\276\274\036\"\276\340\036k\276\314\203\235\276\334\t\n?4\031\255\275\tw.?\013\366\031\277\250\204\301>\243\3468=%\205\326<[7@\2403Q>\326\325\212>\310\201\032\276`\237\"\276\362\217$\214\230/>\r\016\314>58\241>\266`\311>&\216\203>@\271\225>2\031\346\275\365Qo\276\323\341A>XYR=\253<\303= N\256>\213,\206=\304F\354>\300\303\177>}\2405\277\035\264`\276\210:\263\275\344\314\310\275a\250\235>g\t\307\276[\033:>e\367\236>,v\017\277\271\230\305\276\253\034\223\275r\262\022\277,\024D=HR\004\276\243s\274;\201\323\223=.\342\230:t\266\t\277\237\177\311\003e\237\276k\263@\277X_\n>\037X\002\277\2046\177\276B\256\030\276\210\002s=R\367\210\276\356>N>\262\363\021?\362\253\227\276{\260\226\276\325\021\207\2767X$\276\373\020\364\275\2038d\275\037P\017>9\247\323=\216e\247=\250\210\314\276U\363\'>C\367\007>u\013o=\3574\334\276\313\352\256>9y)=\2413\004=~\310\367\276\026\373X>\244\340\214\275\345\216\'?\017\316\207\276v\274\027\276>\300\004\275\033\216\366=S\233.\276\324a\323=\nC\226\275\202\333\025=\023\206\313\27588i>\035\007\354\275\t\031`>\333\274}\276\315k\244\275\376\022\231>?\006\201\276\231&\017\276\013D\213>^\223{>\215px\276\322\330\324>\326|\004?\333\360L\275\335]\374>\376W\216\277\342{\233\276(Uy\276\234\212\216\275r\242\256>7\203\346\275I\000\272\276\026\330y<_\n\037=\376\021->\230<\233J|\276\232\320\006\275\204~\267\276\306\250\217>\264\332\214=\344\315a\275\273\036E>i\366\354\274\021IV>\232\357\247<>\026\205\276V\355\024\275\206\314\250\275-K\354>,\223\221>`\210\366;q\302\211\276\312\361a\275\215\365\024?I\216^\275/_^\2758\022\236\276\365\032\255>l\3764>\001\036\343s\276\355>\014\277\256>h\020J\275k\026\244\274{c;>tbQ\277\274i\036;\275g\035?\021\014\360=\256\033\302\276\341y\013=X\2708? \014\306>\261:N>\241C\372\231\351\312=N\312p>\260\246b\276@\275\264>\320\266\214\276\342\034D>cf\001\276\010!r>\371n\311=\354\324\004?fv\361=6C\233>\366\343\020>+\362\367=\221\352\253\276K[\002\275\204j\344=\275\231\336=\324\033\037\276B|\227\275n\320K>0\340&\276\375u\357>\315\003\227\276\324!\250\276\370\354\316>\270\346\033>9\211q\276\363\366\311\274\305\227\350\276\363\265:\276V\331\267;1\300\023=\320\241\027\276\021d\270>r\342\373\275B\0271\275y*j\276\225j\210>\244H\261\271s\255\222\275\313m\236\276\333\265\224\276\340\374\026\277O6\236\276\372\324+\276\226\202S=\302+*\277m~\323>\036\005\233\276!\003\301>\253)\327=\021\325?\276n\225\333>\306lQ\2754DV\275\224\322G\274\356\013\031?\220\271\225>y\264\021=tq\224>v%\346\275mtH\275:p\311>\270\231I\276\3616\323>\367\333\037=\023$\340>\264\010\217\276r}h>\305\327\305>\250:j>#\021\362\275\274\rb=\300\027\354<\274\260\301\276\231\375\027=?-\035>\271\266.\275\036\377\366\275\367\335\226\276\364kr>\321\t\037>\303X[\275\322\026\270<,\252\252>\240\\\347\275\305\236j>\322\031\251\2743\247N\276\372J\016>\022\316\016\276\002J\'<\253\311\201\276\025\272l=0\203\013\277\270t\351>\021\3639\275z\010b=v\027\000>|@\177>\222wV\276\315\247\275=\277\323\361\276\274\345q\276\352\266\222>\372vh\276\003\241\260=\217l\240\276\025\n\247>\357\217\022>\325\206\027\277\027\303\210\276\330=\204\275\226q\202\276\310\220\241>\241\034\263\276$\344\241>\237\030t=\344\007\316>u\300\270\274Y\210M\276\306\031%\276-\022.>$j_\276IN\017\276\255\000\211>`\266\215=\341b\240=\273Hv\275\366\337/>\0355\361\276?\356\275\276\207\245\223\275\272-\275>c|\213\275\233P\231>5\023\206?\322\223\337>\304\315\033\276\311\014\n\277\225\3421>\350\010\n>\314n\257\276$\0059\276\235\032\310\274\2549\004>u@w>\377z\210>\367\330u\276h\343\216>\244\242m\275\234o\014\277%s\211\2762=\257\276\332\375\373>\371c\217>jnN\276t\027\243>\356;\302\276\272\013S\273\331\347\010>\376\360\234\276\367\273G\274\226.N?id\337\276\244\237\177\276\027G\205>\021i\203\276\211\217\204\275g\274\310>\241\261Q>\337Z\311\276I\035\2059\334\016%>N\370\233\276\240\3471\276\337\271\223;\217\344\227\275hA\370\276\226\271\246>\'/\330>\247\262\231>+\364\333\276\321d2\276\365\035]\276o\325\247\273\214e}\276\306S\377\276\264}%\266AQ>JFX\275G\227\301>RW\245\276\321\rH>{:\352\276\026\245\351>\034\240\222\276\255\242\264\276\264\177\346\276`E\211<9\206\201=\340\036@\275d8@\276\027-)\275G@\233\275\353\244\234>R>7>5\033\013\276]\362\234<\372\350\377>\223\3078\276LB\311\275=j\253\276P\262F\275\301\213\210\276j\375\337;~\300\033>+\332\027?)v\007?\335\3157\277]u\224\276v\271\324=\337\036w=\370\363\345\276 e\214\275\255i\234>\227\201\237>(\273\340=c\337\342\2764\3046\276.\013\202=\273 X\277\031x\016=N[\347=\245\345\374\276B\365\307=/(\250\275J:\n\352\361::/\275\004?\016\324\206>\365\313Y=|\270\271\275u\371\222\276\335\002\362\275\366\032\332\276\262\021)\275!3F>\225[a\274*\371\201\275\255\350\345\275p\373\304=\334\004V\276\0313q\2764,\313\275l\347[\275\354\313\367\275\236\210\240\276\343\203\246\276\255\364\243>h\021W\274 \030\204>\204aC>\375\232\230\275\235L\024>kQF>^\320\316\276\010\223)\277\r\243\214>\342M\315>\237\026\302\275\335D\213\276\025Vf>k\225\026?\017\354\230\276\313U\222>+1\260>\222\274\027\276\001\027/\276\333\377\315>\247+\200\275\205\216\003\277\337\375j=\304b\250\275\255\r\033\274\260\220#>\246\256s>\331\017\031?D\227&\275d\3357>J\267\213\273\277\211\377=\003\372V>0\310\363\274-$\014=\252\333\371>\030?\211>\242\266\022>\332\335\212\276\373eP\275\037\220A>.*\201=\340p\212\275\321\337\324=\243F)>\365V\272\276O[\237=\027\022\361=Ar\014\277/\037\213\276l!\360\275\"\265\252?7\201\207>4\216\025<\226\002\254>/5\301\276\223<\270\276\240x\201>S\301\210=\020\371\350\276\364ie>\032\355\005\277\244\301\004>\357,\220>\360\274\337\276s\360#\276\037_\356\276\266\315\026\276\005\364\212>\223\217\353>HS\010\275\211\032\222>\2343\037\276\233-)?u\253M\277\263\234\252>\242\207.>\356\2143?\273\361\322\2766\202!?\370u3\274A\272\322>\3523\245>\214\227\007?\230\215\035\275w(\234\2758z\301\276\261\231\275>\324\271U>\361\224\345;V\361\030?\346\367\216\274\251e\000\277\223\320j\276\007\026\322=F\343\207\276\321\312\300\276x\212O?\205~\216>5\217\036=\331M\t\276^\222\313>\036\375\243=\300\350\'?\371\371<>\250A+>\346\377\240\275Z\025!\276\232K\375>[C\007\276\305g\332\276k\\\247>G9\311>1\240\330\276h\'\037\276y\'.\274\250\010w\276\270\254A\275ns\314\276\256&\013?\027O1\276\\\271R\276\0310\315>\3348D>\035\330\330\275\331\201b\275\373\326\232=pJ\307>A1\256\276vW\361<\302\032?>\321v%\276\003\335\370\276\224\021+\276\271\022\241\276\320\223\260=v\374\201\275\220\333\230\275\177r\263\276\002\374\002>P\263\377>s\204\273\273A\237\221>\240\331\335>\241J\317\274ZD?\275\t\214\271\276[\322@\276g\340\363=\375\200,\275\355\240\027\277\320v\017?\355\234N>Z\306\004\276\260\177C\276v\226\211=\367\331\242>\336\271\020=\322\',>\375\257B\276\373$\202\275\371\\\364\275.\002B\276\355v\n\276\310\025\333\2750\271\365=\361\316\'?\346\202\022?\1773:\276\221y\214\276i\014\267\276\360~\"\272h=\302>\231t\276=\025\223\216=\306\013\210>\334\321\262=\341\223e\2762L\"\211\333\275FY\353\2752\272\355\275I\350\371>-\362\205\274\252x\332=\341\262\241>\023\010\335=7x\212\275\265\335k=qRc>\231Q\200\276\021\363\345>\243V\370>\014\023\312>\263\001\365\275\0009\313\2763T+\274A\"\260\273y\356\342=\374\312P>\216\325\313>\327\2113\276\023$.\276\271\002_\276\327\335\324=g7\302>JJ\033\277\360\206\272\275f`\241=\337\223\304\276\322\036\231=P&1\2778\221\313\274\261)X>t\030\242=h\030,\276\2732\227\276\250\344M>b\366g\276\256\320\213\276\335K\026>\036\304\315\276W\213\206=5\0209>1\242\266\276\312LB\276\316\226\321=\376\'\367;\027\232\221=\364\277\037\277@\3364=!i\030>\206\326l\276j\2721?\205\177\216=/\310\200=\333\366\017=i<\260=\300\235\255>\201:7\277\310\326\213\276E\240*\277\232\3572\276q\227\222\276\246\351G\276\360\270\032?.\020\244\276K@\013>\036\331\366\275\272\215\030=\000N9>\205\250\\\276\243P8\276,\321\226\272\261B\027\276A\260\270>S\261\313\274\263\t\274=r\251\205>FpL>\"J\242>\324a)\277\000\261\351>\303\262j>\377\275\312\276-\244\002\277\271\322V\276/\014\017>\312\226r>\313\363\356\274\260(\000\276\364&\374\276\021\013\341>\206F:\277\034\"\233>\376\226a\276\177d%?\r\326\264\275d]\327\275\007\024\321;\370\336\005\277>\2637?;\325\256\276w\207\234>\274\033\233\275\222\004\240\276\010 G?\267\222\271\2766\226\227>=+M=\203\244%\277C\210\363\276\357\317\320\276\272\346\225>\361s\313=v\023\265\276\004\377%>\313\327\233>G!\302\273[~\026\276\363\347\323\274\r\375\247=c\306\254\274\355\342\267=4\237\244\275\247\005\252\2768\304\230=\221?o>O+\032\277Ic\206\276\217\257Y>\322D%\277\013!\014?\334U\037\275\271\0021?\"\014c\276\013\005w=\234\225\031\276q\230\n\276\245(\236=\002\226\205>\007\332\223\275\200\335\335\2762y\026?\3140\275\275A|\017?\345\n\337>g\304E\277[D\275\276.\314\326>\313W\204\276\252\357\025\276Y\225\362=\260\262%\276\263\235\310\275\223\224L>\240\217%\276\364a\322\276U`\034?B\244l=O\376\252=\240\250\204\2763\'&>\363U\030\277\242\344\025\276R\270D?\305y\020\276\275z#>\373\277\336=<\330\214\273\331\tN\276\347\337\223>0\374\272=s\253:\274\365\034\236=EE\233\276\216<\363<\320!r>\245\024C\276Wv\032<\25562\276\336\364N>\224\274\373\275J\243\306\274\347\256\006?\006\223\016\2765\314\026\274\304\211&>\034\300\217<\255\\r\276\264&n>\026\275\033?}A\234\275u\003Y>D\366\033>\361\361\027>d\305P\275$\323k\276R\264v>-0,\276KX\217\276\257\2428\276\330\272\004>\223j\207\275\003J\013=\031\273\005\276\262)I>pA\271>\273\342=\275\264\001\245\276\226yA\276\327\010\361>t[=>^\315\251\275\202\325\311\276\335\264\203\275\364\265\273>\276\377\025\276P\0257\276U\'\361\276#z\301;(\317\373>\2717\353<\303\266\374=\336\033\271>\306\350\006?\203\313\007\274\t?\003>Y\t\301=\212\307\261\276\350\353\360\274\'\336e>o\353\273\275\214?)\273\2369\336>.\356\347\275\341p\203\276\246\027G\276\001:\343\273Qr\305= \2078\275\224\314\037\276\236uv>&\315=\275\242\"\355\274 \332\316\275\"e\325<\336\321\006?`-g\275\311\346\250>&{\013\277\031\356\376\276\210\013\022>&\007\301\273\353\313k>\223\"\203;\026G(>2R\267>\r\210\357\276\225\221R>\003\034Y>\310\027k<\226\271\344\276\375wO>\'^\252>3\372C\277*\262*\276_P\016?\274F\323=\017\002G;\200\346\330>\242B\022\276\t\252\027>m\324B\276\330\210\002\274\312\273\373\276\265z\222\275\240\352\323\276\262*S>\222]\221>\372\270]\276\231\343\317=_\322\227\275\215\224\274\2758\250\232\276n\231>>\340`~=\346\205Q<-\001\r\277\235\263\021<\276\005\366\275I\024\254>T\014\361>\213r\'>2\006\333\2759\023*=\366\216{>\312\351\250<>\214\255\275\2051\346>=\316\230=\202~\n\276\332\265\360=\266\335\343=5\206\246>\356\232,\276\035\364[\276\032\010\273>U\245\303\275\264\301\377=\217x\212>\325\r\034\275\302\257H\275eb\004?$\004\310\275\356\270\350\275&7g\276\007\017\224\276\250\010\315\276B\243\236\276eE\344d\274\356\274\013`\200\275e1z\274\022 \036\276\233,\217\274\377&\307\274\355N\256\276\017\031G=\312\324\246\276\320j\262\275w\252\007>hW\006\277,v/>\356\030Y>\210\263\310\273\324\262>\247\315\263\275\365\320x\276\365\360\014\277\220q\327<\005~\013>]q\004\277\266\232\017\276V\017q\276v\317\221>~\032\205=\300H\375>\327\031\375=\246\025\206\276\025\265&\275\314\321\366\276\021\344X\276\204\312\311=\254\355\322\276Ea\"> \262\206=\222\246\353>\251\337\366>\242\235$\276\211\277\306>\200\274#\276\\\363\250=\241\2167\275\365t \276\321\364\256<{\025\253\275\t\233\377\2758v\373\275\230\273>\276\277K\200>\023\263\016>v\031\253\276u\210\260>)Z\253>e\013\231\276BX\266=E\367\212\2758s\212>G\272\204\275n\345\301\276\300\022\334=\336H\005\277Sv]?G\225\342\276\007\251 <{\256^\276\310\336>\276\333C\003\276\237O\005\277\367\302\220>\037|\241\275\246(\333\275\326W\005\276\267\262s>#\245\222>\354\262{\275W\323J\276K\\\356=$\256\204>\303\310g\275\024\355C>5\231\310\276\006\376\241>[!g\276J\372\345\275\304G\006\277%\001\002\277\232\276H9\034^\277>\310=\322>\r\207Q<\002\337&\277\325b\216\275=\235\n\276\245\347\214\274cap>>C\201\276\223\260\027\277~2\220>K\340\214=|\000\315>]2\023>\230S\372>\324J\332\275\"\236\270>]\225\355\276:8\036\275._t\276\241\336\312>\336\370\330=\360y$??M\225\276\373?\001=\234\247\326=\232:\025?\n\216_>\253\031\300\276\235\211q>\255\034\307\274bq\230\2746\033\014\276\317I\251\276\037\036\034=\355b\365\276\022\036\343\274\354\340u\276NSb=U\377j\275&\206G=k\272e>\000\3308\275\240\205\317\275-\234\023?\2037\246\276\267\r<>?\247\366\275\343\351\020\276\307\222\225\276\315\313\360=\273\003\306\276q\367\302>\330\313\230\276\226d\010\277\210\361\">N\302\333\276\t\332\002\277\2564Z>]\253\254>&\233 \276\245\336\'\2771|O\276\332?=\276\035L\277\276y\267\n>\024B\233\276 \373\034\276\214wF>t\265\033\276t\220\330\273J\010\033>h\016\274\276\364\322\230\276\024\316\232>\365\237\261>\345F\n?[\217!?\366\356/>\340\035\357\275\337\247\207\276\000\365\344=7\243\004\276C\230^\276\220\327\317<\274\314\225\276\013\272\265>j2)\276\326t\341>U\217\301\276\267{\014>\360\263\254:\267\346\016\276\'J\224\274j\3247>4\276:>]WE>\036P\255\273_UP\277Ie\017?\331\222@=\365(\210\275\343\210\001\275\310\205-\276FDI>Ml\323>\304%\202>e1\217\275\314\031\354\275\232n@\2769\336\026>5\317l>\224\242t>\223\000N>\342\344\301>O\355\t>\310vy\275\n+\002?{!\247\276\006O\341<\223\352<\243\245\346\274\024k\024\272mm\367=\0220?>\013\275\207=-\\\243>\265\004-\276 6r\273Sn_<\335\272\260\275Z\344\226\2763\030\334>\2653\212=\273\006\203>\223)\336=_\021\211>\342\226\232\276\371fX>\2771j<\327\334\252\273\212\3319\275(\206\227\276\206e\247\275\327\326\017\277FJ\225=h\307??\204\274te\333T>p_t>\256f\252=d\355\213>\207^\002\276\224\244\001\276\260\273A\276\324\325\240\276\021\232\273;\227\236\212\275\020\343\342=\212\231$\276\242\026\276>\2201g\276\177\031\230>?\\\016\276\213*\255\275\025u\223>\037i\262=\225\225\231\276\221\005\223>NT\211<\371\255\001>\306\301\232\276y5\232>X\353\222>}B\036\275\334i\302\276d\002N\276\257Q\256\276\033~\301\275\234\303\024\276M\250\244\275\227o\301=\231/\325\275?s1\276P,U\275\r\000+\276pv\326\275f\371F\276\004Yn\273|$\311\276\260Y\">\211\361\326=:n\221\276]\302\352=\355\235B=6\253\235>jiQ\275\327E\241>\036\240\006\277\027\330\'\276\351\333\246\275+e)>\002\322\014>b\316\240;f\253\252\276\356\241\365\274u\211\025\277\314\352F\276\335\333\031<\312(^\275\220|[\275\313\025\246\275c\302\362\276CSY\276\263Y\320\276\376\361\220\276\025 \223\276F\255,\276i\313\372\276\003\033t\276H\2050=\027S(?\316\343\n\275\2558\260\276!\235\353\276[\251\222\275\313\026p\276\027\\\002>\227\366!\276_~\'\275]\272\036\276\263p\330\276}\005\017=\304KI>\247\2470\276xz\t>P\317\236=)V\315=J`\240>\230~A=`;\203>\213\356\217>\215\250\237\276\302\240\250>z\010\002?\371\214\r?0\261\257>\316N$?\305\021\267>\000\315\260>m\002\257\275]Y&>\306\224\312\275cZ\227\2762?E<\370\200\256>\310\343\223>\005fy\276\026\273\247\276\t\261\371>\276\234\357\275+o\233/{\313\275\236\354\373\276\376\323\276\276\260\271\203=\307AW\2767\221,\275m\030\203>a\202\303>\364\030\215\276\304\316\207\274\256XT\276\005\325g\276\360~\266=E\261\t?$\205\025\277\311\014!?\nB6\001\253}\276>\365\240\276\230\232\350\274\256\262\340>\325\021\030=\376\2508>\224\365c=\367s\366\275%\247x>no\254<7]\305>\310\250\214>J\353\211<\267c\362=\226G\257=\004\263\357\276\374\270\331=\314\034\323\275\373`\205>\367=\023?\331~u\276\252<\275\275\213\020U<\262\251\214=1E@>\333\275-=\274\233\223=\200\315\211>\01629>\001\224\301=M\212\347>v\023\310>|\"\n=\274=\271>\335\014\021\276\341q\212>\367\335\212>\244\212\003?\017\221\336\276d\211*\273T\037h\275\245\"\231=\212\022\212\275$\336\223=\210\261\024>f\000\345\276t\223l>)$\016?\004\257t\275\016\274\016\276\352\352\347\2756\232\037?\276\320\022?\014x\207\276\310\274\033>hL\213>\271\003\027>\230\023\216\276[\204\252\276&\337\220=\354\240*\277\216*j\276\363,\301=Z\372\2509\221q\342\276s\025\032< \351A\274\265M\257\276\272\000\245\275K]\361>\032\r\317>\240\003\022>\331\361!\277\302C/<\352<\204>0\314\310=1\233\022>q\331w=b\260i\276\377_\267>\333\r\023\276SU ?@\200\'\275d`\337\276\227\323\225\276,\017r=\242\265\354\276f\274\002?\374n\210=P\261\006>\222T\306\276\027\317<\276\306\017:>\302\232k>\313B\262\276\346\020\213<\343\032\273>R\210T=\266\252\304>\363\247H>\361r\372\276\224\202y\271^\'\310=\005\256\005\277#\rj\277\265P\237\276>\270f>\2319\003>\217(\341>\210\244\331>\007\303\002\277\021%\232\276\332\377\353>\331\000\341<\365\327\225\276\036\350b\276\367\234\r\276\334\232\000\277\032\247`>\005\231\377=\034\023\213\276\310S\335\275\031B\203\275\264\354\273=\241\177\306=|,\"\276\235(\334\276\237\034\001\276\035\205\031\277\341%h\276\242\223U?\225\001\305\276o\231\251\276\221\341\035>F\2011>#\356\255\223iZ>\364\355\264\276H\311\350\275\030\021|>m\355\220\276\020]}>\004Cx>\201i=\277\336\274\225\276w4\030?\257\317?>\244\212\343=\217\357\365>^\254\214>\242\235\357\2764H6>\032!\212=S\260\311\2768,;=\221\360\210\276@\014\273\276\030\273\331>\326\251R\275R:\032\275\204\330\221>Ub$\275\377a\332;\345z\227\275R\227L\276&\340-\276\032*(?kvi>\222\r\320\276\353Pj\276\346\264\010?\325TW=\003\2072\276\t\341\243\276K\210\230=\274\006|\276\371j\321=y\215\312>\254\322\233\276u\371\365>\225\021\">fr\255\2737\2621>\036\002\345>/\202p\275\361\267\264\276\207[\246>}\307g>4\027\270\275e\314\267\2768\265E\274\350\334\314>\370&o\276P\232y>\331\334@\277\340f\366\276\200\211\366>\360\342\344\275\025\033\261>jC\241=*\221\247>\334\265\336=\203<\016\276\273\0207\276\033\210\273\275\355\3378>\374/\203>V{#?\007Q\261\276\211N\266>\347%\233\276\220\320\357>@\273+\276w\276z\275\"\303\232\275\242\373\235\276b`\225>\006\323}\275\341!\033\276\020\360\304\274+\310\263\276\211\215i>8L\034\275\312\255\033?\223\266\027>\331g/\276fJ\207\275w\2529>t\207L>\243JL\276[\362\312\276\233\221\253\275\333\362\253>@\027\025\2769\361\326>\236\013Y=\024\273\025>/Q6>Q\320\244\275\267\217F\276R\342#\276\314\225\270\276\2635\220=\031\005c=\257\376J>},\376=\211\212\255>\305x\323\276\223+c\274\214\351\256>\215\004#?c\227\034=Vo\262\276\365\341\304>\000@\347\276\021\027\334\276\254\205O>\035\n\304\273\303\226\272>\017\206H>=\376\t\276N\3155>H]\316\274\376\231\262<\245X;\276\256_\242\276(\367\227\275#\336\370=\336\221\354>S\343\235\276\217\317\211\276\325\302J\275\257;Q\274\\\255K\277\006\350\037\277\302\301\224\275\274\010G>\215I_>xE\255>\262\216\"\276\"\223\201\276\17793\275\265\226\302>\275\264\357\275:\'\321\276\205\3437<\010z>\275\353\274\017?;<\373\274\2175\254<\003\237@\277\325!\322\275|\225\003\277\323\010\210>\244f\017\277\216]\211\275\207\217\243>h\275\233\275\334\247\223\276\314!\315\276Y\232K\276n\342\337=\177\335\211<\315\201e>rc\372<\213\0241=\365\206\350\276\376\241\001\277\374Di\277\346\204\210\276\202\250\350>\321I\350>\004\265\026>\243\327V=\221\024\277>\333R\036\276<\326\237\276\r\261\341<\231\023\256=t\226\341=\312\364\255\275\303\003\245\276u8\017\027\036;=\031\337~\276B\217\034\276\304\247}\2767\341$>\036w\275>\232\315\276>\356\336\326\274\017x\373\276\255\036\376\276\0220\233\276 \264b>r\210\226\276x\207\305;\016\223}\276\350N\020>\316\271\027?!\351{>n%\026=\t\021\020\277\335 \225=\024#\215;\242&_>\367*7>\275\344Y\275\271l\024<\260\242N>*`\271<&\252\221\276\367A\211\276\336\301\302=\247\310\363>%\310\240\276\322\327\335\276\225\302\204\276\300\363\217\276\261?\230=\320\210\373=\354\r\241\276\327\323\342>F\217w\276\r\357\265m\016\246\276\361\373\215\275\321\234\307=\020)E>\024A\t\275b \220\2751\334w\276594\276>\350B=\210I)\277\334\032\032\276\275$\245\276z\260\246=\352\010{\275]|\242\275dfG;H\365\235=\260hN\276\246e\322>R;e\275\rb\211>\307\021\001?T9\225>JO\036=\213Q)\276\022\036\261>\266\203\025\276j\361\366=z\004\017\275ER*\276\365\030c\276\323\221\014>\321>b\276z\324\210>\224P\000\273NR\004>2(\236\276\006I)\275\374\277\361=P\374W>\201R\276\272\342$v\276\275\262\003>5)\353\2750\3308>\245b\r>\323\256\022?\036\367\323\276\376\217\030\276\223\355\306\275~\320(\277w\004U\276{\366\002?V!\037>\330\326g>\302b\217>\357M\244>q\301\270>\244\374\240>2\315R\276\2664\244<\017\371\275>\343`Z=\245\306+=\264\037\013?P\276t?L3\r?\000\307\352<\257\333k>a\336Q>\242\006\246=\347e\t?5\341k=\302eR\276\252Cg\276\221lr>\312\361\322\274\275g\001>a\244\203\275\361V\026>\260\256\223\276*Y\201\276\004\324.=\r\272\213>g\330\001>\020\300\261=\360\025\204>\235Z\271\276\344 \375\275~2\316=\027\016A\276\022\221\323>gjO\276\364a\006?\310|\t<\22169\2777\277W>\335\033\022\277\342\203\007?\375\366\000\277\254\344\252\276\371\247\214>\352}\364\274\362F\234>\362\2119\276i\323$<\325\343\375>F+5>\370x\240>\337\334\021\363\205\331\274&\001\014\274_\242\245\276\367z\203>k\305|>P\310A\276cOg\2769\267\242=K\256\301=>\265#>V\n\017\276\274A\347\276\262\007\222>\007\033u\275P\316\362\273F/\002\277\222\003\003\276\276\342\303>\220\006\210\273\370Y\r>\321\264\216>_x\303\275mH\021>\321@\037\276G\346\214\275<\307\272>\361_\020\276j\207t\276\320\327\223=\244\0268\275\250\317b\275Z\205\340\275\363Z\355=U[\217\276\351\363\210=\245\335\336\275\223\256\211\275\2316n\275=q]\2768\202s>\374\002\271\276l%\345=+\001\257\276\321\004\233>\231~\032?\322\305\215\2764=\221\276\200\002\230\276\250r\355=\337{\214\276\346\361\263\275\307\276\215>\236\216\227=M\360\331=e\216\264\275\333&\204>\254\315\226\276\205\214\035>6\244\231>\235\021P\2755\362\265\276\177\037\324\276J\002\360>\263c*\275(8h?2~%>\206Z\340\275e\034w\275\317\320\231=\242\261\035>1\334\357>.\262\300\276\214\014\205>\022\024\353\275\006\367S\277\306\342\350\275VD\216\276\207\324\322\275\375f\341\274k\n\377=\032\327\216\2758\034\303\275qc\267>/e\264>\016\306\306>\020&\361\275\0355\020\276~G\300\276\310\324\307=\022u\266=\374\202\262>s\312\017\277\031\335\225\276\372\014\371=\312[\010>\306\330\002>\202@F>\212d\002>\252\024\321\276\222S\226\276#T\255\276\363\213\261>\306K\241\275\007\337\230>\356f\225\275O}\213>\"?8?\265/Z\276\254\330\314>\204$\226>\033\203\306\276\225\024\003\276\246\263|\276Nb\215=\376\222\372\274Y/\223\276\235M\023\276%\335f>\265\3539?\316\206\212\276V\347#\276I\343\373<\304y\201>\205h{\276\026\277\314>\367pq<\333\351\305%\346)>\305\325\334\275\356\323\372=\376\353\021?\242\231H\276i6o>9/*>\226(\304\275J\345W>D\303\022\276\375\273\340\276\262\332.>:\351\027>\3538\014>r<6>\303\214\013>\305\037\264>\037\037/>\027]\204>k\302\323\274\275\332\217\276\221\235\241=o\340\260\274\347W/?\321\353\207\275HB\214\276:\240\234\276\216\222\321>\035o\006?~]\367\274k\276\246=A\316\357>\001\237&\276\334m\304\276\204\tM\276\301Y\\\276i\001j>q\362\346\275\003s\225>\352\236\310\274\207\n\244>\310\237\331>CQ0\276v\252\256>\222\030V\276Z_\254>\035\364\326\275\240/M\276\342\034\317\275\3102\323>\227\336\254>\345\000\031\276[l\302=\326\315\200>\r\016\341>\271\246\211>\360v\361\275c\237`<\000f\204>\3703\035\275\231;\350\273\303V\251=\227vs>\353\375I>\177\200K\276P%\025\2761){>fO\005?\035;\300\276\022I\354<\2142\031=W\027\304=\000 \251\275\231\337\212>\370\265\020>5/\030\275\200\030\304>\036\017q=\r\"\317>Y;\255>|\325W>\343\246!\276\321/\242=\320\335\364>\254L\212=\362 ,\276Q*\300=)\362\264=\372\263\317=\027\262\004=\331\272\206\275\217\337$>\257\026.\276-\025\361\276;\374\320>8\307\206\275\361\256\000?\241\2770>\312La>F\022&\276\353\267\253\276m\002\342\276X\344\270\276\200s\254>\335\201a\276\367u\265\274\021\360Q>\347\226\243\276`\251&\274\215\346\371>\263\333\177\275y0\200\276\334\301\026\277&7\310<\345B\000=\277T\037\276R\\\356\272\302\014\334>x8\320\275z\014\240\276\005BI=K\242r>\265\025^\275\000\231\331=wt\235>%\203\254>\305-Y\276\251z\313>\212\261\027?<\327\003\276\241\241\327>v\324\236\276j_\016\275\232\374F\276C\035\t>\017\372\235>\014\342\350\276)\002\272\275$\353*>\205?\032=]\027\256\276(\210d=\300f\314>+\242{=X\310\006>\330\200E?#\354\214\276IN\014<\365\333R;\313\020Q?:\t\271>Y\341}>M\213\264=4\316\366>\241\272\345=\371.\036\275\006\227\312\275\356\333\036\277\346mM\276 U`=6\177+>\207.\255=\333h\006=L\353\242\275:\0233\276\3663\001=l\006\337\275\342\320\205;/}\245\275\233\310$\276\010\234\372\275\231\033\255\275p1\235>\315\343\230\276\332\367\223>\027\255\000\275c\256C>\271\344\320>R\3554\276\332\317\246<6\334V\275y\230\210>VQ\360\274\233\216\242>)n\374>\303\n\t\277\354.\243\276\024\364\273\276\305&v\276\2219\250>\352o0?gSH>\250\324\235>uzP\276Li\274>\326\327\007=\177\023\006>Yg\331=\027_\260>\340\337\020?5\223\273=\305q\303\276*\250\r\276b\373:\276n\n\027=\216\377\370=\004O$\277\302\353\270>\276\255\305\276\357M\330<^\237\267\276N=\206>\352%~>A(\301=\344]\201\2763\276-\277\214\255#<\371\316%=\356\320\232=u6\222>\023\0349\276\003\305\003?\265\321~\273\237K\004\274\272sO\275L_\265\276Y5\266\275\315\\A\276d+\305\275)\214\\>!X3\277G\362n\276\242\215 \276\\\333\007>\215\370\024\276\355\314\245=H\r\266\275j\321\257=4\225\026?vye<\370n%\275\034k\322\275\275q\327\275\332.U\276\355\277\037?\264\202\221>\316\006\221\276\321\201\330\275\340\017\274\276\206/ \276%$\260>\243\'\264\274l\211~M\376\022>E\270\243>\335\327\225=+\246\211<\2447\362>\244a\264\275T\345\226\276N0\353\276\322\251\'?e\243\342=\332\300\016>\267\211S\276\372ic\276P\025,>G\017(?,\344>\275=\271\022?\245\001\263\2762\225\005\276p\263\n=\355\307[=\362_\312=\220i\347\275\252\327\375\276\215$\202\275\207\240t\276iG\005\277p\264\324\275\303\213\026?\013/9=\224j\255\274\242\245\364\275\33091>j\027^\275F\007\246<[yb\276e\346\225\276k`D>\006\3636\274\373\020\321\275\372\213\204\276\324\253\203>\0223\234=\"\344F\276\004@\214\276\272\344\232>>\373\310<\3647O>\251{v\276\004\316]>M\224>\276U\025\301>\341d\304\276\010#\362=\005\003\027\276tW\013>\004\371\211>w\253\017\277Lj\360\275\002\334\346\275\321xI=\230\215\303\276\203\246G\274\361\340\023\276c\267\277=\355\n\332>\030\366\331\275\357\022\344=ye\016>\261\326\230\276\243V\261>\344\206\206\276tP$>\002\275\263\275\302\363\224\276\364\312a=\254\n\335\276\307\315\265=\205T\331>%+\236\275\031\220\276=\255q\001>\211do=l\223\351=\3774\316>S\272O\276\245\365\276\276$F\366\275\357$p>D\021\034?\27499\276\360< >Q\230\275>;\346\036>\016\314\201=ds\211>\334q\004\275\013\326\'>\220\343\340\276\t{\227\276Q\352\216\276\310R&>Y\227\215\275\250\246\355=9X\230=\230\350k\275\321\331\210>0\303\241:\305Z<\312\216L>\240\022\017\275\222\306\267\276\317@\251>l\302\211\276\020\266?\276\0049h\275\260\020j=\212\307u\276\035\356\016>AR0;Q\365\004>\301\317\006?~\t\244>\244\312)?\320\033\035>\274\301\205\276H\231\330>|\377\317\274\023\356\007>Cj\262\276\246c\336=B\256\032>\231\r\336\276&\327\311\276=\353W\275?W\335=\232\370\254\276=\261\207>\031g\233\276Q-\322<\341\274\203\276\030=\271>\223\nX>;\230\315\275(\240\207\276\225\0260>\214\004\024>\366\314\302>Q\'\243>\022\331\202\276\004:\210\276\352\313\321>\221\366R=\264\327\275>\231\301l\277 o\204\275W\302\274=\213\245\200\276q\2638\276\335\273\333>\257\331\r\276?\017@\274\214R\212\276f\212I\274g\272\317>~\337\002\277%\260\334>\332\202\263>\274\240P=\261\320\224>G\024\257\275\026\362\264\276Y\270\325\275\346\006\226\276|\266\016\276\033V\217=I\345\311=e\0360=_\324g\276W\200\360\275\177Y\366>#\352\001>]\002\310>x\261\235\276|\002\211\275yc\316=2|\013\276\330\021I\2766\221\243\276\344!0\277z\277?\276\036\244A\277\320\262 \275\241\342C\276O\230<\275a,\355=\334\305\214\276\256\nA=<_\310\276\252wk\275)D\325\276\246y<=A\027n\276 v\007\276\227\353\204>\\Y\370\276\n\350\253\276\361\325?N^\256\276?|\225\276\014B\315>\345,\350\274\t4\337>\217G\202>\022Uj>\337\327\324\276\361\215\032\276`D\r>\223\321`\276\215\026\253>8\374\000>\233(q\276\3708\326>fex\273!\027\375=\301\274\010\276\270\205F\2753[\030\276j\254\330=\246\323\032\276\3066\216>\333\263\322\276\271\347\307\276\260\310\016\276\014\"\263\275\354p\210>\247\033\200\276\222\377v\276\177\367\247=uB\276\276\301`,=\332P}\276\273\017v\276S\322\003\277\034\323\3328kWK\274\331\263\'\276\303&\240\276\306\211\226\276C\363\252>d\2072>\274\266\021\274*\351\367\276\347\314\363=\212W \276\310F\010>?\253\'>o\372z\274re:\276\302\3677\276\3661\324=\365\236\206\275\033\243\002\276\307b\217>F\326\\>\273)\362>\2513\354=\373\024\253\274c:\241>VE >H\233i>\376\235\302<\235\257-\276\030-O\276E\242\026\276\370\202\212\276\257yV\276K\356j\276\232\324\216\276ON\022>\315\315\252>EP\035\276\032\336o\276\210I\312=\245-\351>(X\331>\330\274\245\274/\223K\001W\377=\234\311\331\275\364\272\271\2762n\226>\204\230\251>V\031\327>\241\316\202\276\213\006\354\276\010rc>\262\371y>\234\230\002?\274\306\005?\267\345\236=1<\220\276\211\370\361>\312S\324>--\310\275y\024\241=z$=>go\235\277\275I];\346U\202>\342^R>\226\310\020=\322\033\010\277\355\357\327>1\025\276\276\007\322$>\337(\247><\262\027>jE\245\2764gt\275\017\317\024?\031.\216\276fH\275\276`\363\252=P\227j\276\352\264B\276\302\274\211>A\327h\275\273|\227\275NEC\276\t\240\251>:\376w>SH\264>\353\255#\276!\224\342>P\354\265\276h\360s>n\333\320=6d\'>+\243\021=;(\251\276x%\202\276z\350A?\037\223\326;Oj\372:\031`N\275\273h\240\274\246@\364\271Ens>6\247%?\260\232\023=\276\273~\276\343\335\317\275F\r\003>8\326]>\251\250\002\276\315\001\377\276\\\371\375>\235\024N\276\0347L?\327\033\005\277u\036\\\276\002\311\314\275\\\203\355\276{Y)?\353|\273=\350\210\233\2769\222B\276\242E\262>\267\005\342\275\343\306\"\277\377\345_\276\365\277b=\235\2540\276%\371\t\277\316\326\237>\373{\330\275\267\022\276=.\215\026>\234\373\300\276\317\202\332\276\267M\324\276*\275\230=\237\215\023?\231\025\270\275\325\032\351<0\214\312\276\026-\246=\320|\317\275\262`\005>\tyB\276\205\260C\277\243\344\300\276#\013\232\276\224\307\317\274\230^$=\217H\223\274\360\357\236\275|\352k\276&\251\325\275\014(\310=\256\234&\276NU\250>\001\312E>\301m\007?\340\257\027?\330n\362=\n\216F\276k\313\331\276\365\n7\276E\261\353\275x\365\372\274Y\342o>x\"R\274\304k\004>UQ*>\256r\205\275H\252\375\275\023\232\243>\242:\311\274\375a\327>\247\250\203>?}\337\2751U\003\277\222\341\327\275y\034\027\276\246\306\377\275\256\024\347=\225z\376=\360\322%\277A\240e=_\202\020\276\362\t\203=W\035P?s\201[\275\025!\371>\224s\261<\217\224\244>\204\t{=)\265Q>\261x\231>#\242\033\276 \241\330=\377\241\225\276\244\361#>\231-\276\275[\302\345=\256\364\245\276\246\024\324=\023\020\213\2756\201[\274\256\000%\276c\204\016\276ht`?\022.\006?v\300\212\274\375B$?P\216\204\275\005\000\225>\365\334\204>\232\344\336O\\\023>LRx>\210F\r\275\024\313\203<\300\261\211\276\251\300\357>q\031\003>\\eK\275}o[>O\362\307\276e\016\260>\251\370\206\276%\251\241>_\036_\276\202\232\267\275a,\341>\'6\221\276UA\373u\277b>\033\253\350\276\223_\223\2740\274\022?\2704!\276\326\305\350\275\264x8\276\3412\021;\370I\240\275\367{\334>\212\332:\276\212-q>\272\302Y\276\345\347\372=\026f\022>\275\336\031>\325\320\232>)\351/\276\210\222\002\277\364\257\207=\211l\200\276\3611\014>\261\'\037\275\221\317\253>\236\244\252>\030\201\023\276J\344D\277\032\004\224;O\315(\275}4\265=Z\350\223\275\366\030u>\271\017\305>\345\206\317\275+\205\253>\236\377\r>\323\321\030\277Z@\007>S\253\257=UB\275<\337M\034>w\241\021\277\305v\221\276\216%%>mwh\276\274~\312\276KX\017?\223\007\257\276m\035\326\276\350\245\030\276\351\243\242=D\332\'>\365\023T\275\212\007\221=,\213@=h\364\256\276\244\306\225\276\243\337M=h\0100=\252+q>emR\276^>\261\273T\356\210>\t\002\033>\034\032\022>Gb\251\276\252\207\222\275\276\024\345>\000F\330=\214\373\357>3\274x\276vn\231>\246\304\025> \256\213=@I\371>y\022\240=\340pD\276q\337b\276\326\277\220\276\'\300]\275\326\255\302\275\330\220@?U\013\034\275|{\226>\001\035\224>\324\362\334\276n\326`\276\204\010\300<\360\177.\276\247\302\005\272\237\362U>\206\352\230>e\216\201\276\362\347,>\\\342q>\221l\007=Iv\033\276\355\213E\276\027s\273=\023\001\241\275\002x\232>\372\367\312\275\247\013l>KPI=\3028\307>\315K\314\275\345\217\033\274\327W\263\274hP\016\276j\0359?\305\267\021>\206\310\020=\256\275\224=xK\377>O\013\031\273\020\017B\275\350\213\220\276\375*n\276\014\033B?]\n\267>\203\2163\276\016\240\346\275\303\010\357>\321\217K\275\242\216\014>1\220\247=\260\263\021\275]d\267=\360-\005?\230J\223\276Q\266\237>\213},>\t\177\030\277\311\356/\277\233\276\227>\327_\232<\204\327\002>i5c>o\250\307>T>\332=$\302\246\275\3261\031\2753\2035<\214\035\013\273\021\307\007\277z]\262\276\367\000:>\315\374\330\276\255])\274\\\226\"\276\037%#=\220\363g\275\0220\027\275p\245R\276\274\344\204\276:J\016>y\356\001?\325W\362; ws>l\353\222\276su\214\274b\346\324\275\230\212\216>q\215o\276x\323x=\237w\367\276\263\373\220\276\315\355h\275\343\272\350\276\026\257s>\275\3738\277\177s\363>N\207\215\276HC\234=\236\277\223\276`\021o\273\270\036\230\27693B\276\345r\003?7\253\311>w|\014>\312\227\026\276)\341f<\375\371\007=\340v\205>\"Q,?B\204%\276\320C\373\276c9\200\276\336\250\246=\207\206\177\276\210\027\356>\323\0021>\200P\022\277\306\340\030>\364Od\276\353B\273>i\310\305\276@\000+\276\323;\016\275?{H>\021\347\277<\324\270I>_\275\344>\301\262\316\276\t\263\007?\230f\032\276.\3037\275ze\313\275Ry\216\274\355F\350\276a\321\255=V\304X=\236Q\237=M\203\017>\320\323\207\276\346\234\330<\312\"\"\2776\364\204\273\317}\201\275\336\237V\276\022@#>6\020\003?\301\223\031?}\303\021=\007\341\005\276\303r\212<\013\376\'\276P5\322\274\315L\365<\005v#\276\375\331\322=\203\245\006>l\342\211\275X\365\324\275\234\307\253>\371W\032?\206b\307=l\224=\277\271q\n>%\016\307=\036\247\234\276\253\033\232>\335+\224;\301\300\021\276\024\316\n\276;\336\306\275\365&\310\274\n$\212\276\022v\351>\032\265\374\275t\235\227\276\",\025\277\010\362\243\276\314C@>\031\217\244\2764\007P\277-~\257\276\001\024V=\007>\233\274\301\264\032?t\314\236>\026?V\276\233Gg>\220lp>\220L\010=\'\226\330\276\331c\250\276ne\203\274\014p8\276\314\256\372\2769\371\033>\017\001\341_\354%\276\036\230w\276\350]\207>\303\372\017?\010\261\230\276\326]\267=Mk[=t \351>f(,>dn\256\276\367$\220>g\340\300\275\200\025\307>D\023}>?\212W>W\236c\276\"6\261\276\275N><5\030\247\275Kfv>\354\334M=\030\3164>\027\200\260\2750\236\036>\034\366\354=\357t\030\276r2\273\275\tR\376\276\204\224!>\271\026\256=\353H\r\275\203\266\330\274\2331\261>\350dW\276\303\222Q?\3032%>\353x\000\276aj\240\276\"\337\023\273*\327R>n/\311>\334\027\307>\307gV>-N\374=\300p\360\004\334\244\276\277u4>p\010\252>\263\004\335>\203\351\342\276I*\211\275>\311==Y)A\276\374\256$=\262\333+?\006_\236<\377x3?\016\237r>\200?\316\276|\222<>k\266N\276\222\264E\276\365\316z=(\363\236\276\340ZN\276j\326*>\230k\250>u\2529?\002y\202\277CA\344>O\014\273>\312\300\031?\271\364\353>\322\275}\276\265\t\030\277\346\2169=\254oM>8\245\007\276\272\202\266\276\312\021\326\275\330\036\200\276O\223B\275\3273D=\345\363\246=pu<\277\t\271>\276\\\277E\276\301R\006?\233%n\276\014\276\326\276C\343\334=7\266\327=~f\211>\342\327\244<\217%P>#\370N\276\371\215\304\276\2345\204\276\376J\315<\271\325\214\274\241\311V\276}p\201>\364r\237\275.\257\234\276b\271\024\276\024\324\n\277\331\016\367>\312\365\242\275\313B@\277\320\372\013\276[\364\200>\0131\000?I\224\023\275\357\254\255\276\306\305k\276\201\250\r>G\306\272>x\212 \276\345F\312\276\025\230\323=\263\225\317\275L\021H>7\231\037\276\1775\240<\315B\270\274\216v\274\276i\221\205\2763\031\213>[\213N=\231\307\307\276\334\356\243\271\3272\277\275\240\313\r>\373\203\331=\304uN>\235\271/\276\212~N\276Z\2139\277\303*\212\276JM\000?\220\032\331>\364\323\330>;8\353=4\352\310\276\263\226\203\276^\200\204>\314\036\260=C\032\232>\000\253\265\274\\\005L>\240\327&\276\300\353\035?\005\233@=\236\346B>BG\037>\215}\366=\233$\253=\002\360U\277\234\014\333>\274\367\254>\256\226J>\001\030\336\276k\332b\276\212\026\314\272p\317#\276\334\204E\276z\243\263>\245\tP=I<\025>V?\352<\216\026\315\275\314\310\227>\341\335\242\2758eN\276;\232\225\276LV\326\275\257\332\024>(I+\275\225\361\351\341\272}\276\014\016\205\275:>\004\276\273\272\350>\024\215\010?oU\341\276\274\225\320\275\023-\304\276-C\243\275\215\017\214\276\324D\036\275\372\315?=\302\332\216>\177\216V>\227\031I\276\217\306->\341\214K=0\223{>Q\357\326=\272f_=\311\301;?OR\352\276\375\030\330\275\205\222\267=\210\213\007?G\230\201>Or\304\275QO]\2751\201\367\274T\370\033>7\365\372\276\207\027P\274\215\275\"\276\265\312-=\262\236\n=\350\336\375=J\001\277\275\236\001L\275\3645\222=\221\361}=yg\002\274}\n\306=F\352!\274\234C\320<5\374}>W\005V?\353\315\337\276\304|\370=}U\177\2766\010\276\276\n\255Z=\315} >[b\\\274\360\244\344=q\315q>\331D!\2770}\215\276X%2>=\253\234\274_\316\304\274\305\221==/\'3\276\347J\245=\374f\240\2753\254I>S\222\373\276\377B\351=na\270>\322\375}=\256\t\002>\362\202(>\322\205\341>:\307\355=gS\333\276O\357\222>\324\262s>q%\313=\313\221~\275\002\333\353\276\343\'\231=\306\335\024\275\221z*<\201\377\267=\021\307\002>T\344\304\274\365|\007\276\302wP\276\2363\036=\013\232$<\365\207\312;z\210\320\275\320\255\031\275\010\000\346=\300\312\306\275l\201\004>\r\346x>,\235>\275&\355\236>\035[e\277s\314@?\023\370\000\277{v\363=5\tX\276\211\031W\275\346\021T>\230?\250>D\010\004\276\006\244a=\206\332\010\277\347s:>.\316\374<\225\223\020\275g)`>\024\021m>LM\212>\202\016\326\276\313\307\343\276aH\334>\363\225\352>Q\231\231>z\214\033>\024\216W>\332,\274>\314\301(>4\347\270>\017\305\027\275\256\371\275=~\2640=\374v\017>8\305^\276\216\264\322\276\312Q\245=\366O\235>\202{\r>c\237\222\276\373\222p=O\347t\276\222\253\204\276\227\314\252\276=Q\202=\346C\024?\333\024\255\273\234\325\325\275\312N9>\234[\214>\234\243\037=\365\363\333=\022E\312\275\305H\212=\2266A>\323\'\343>\276A\256>\253\276k=N\227_>zd\007\276vdr\276\314\373\335\275\262J \277\265#\242=U\332\320\276\231Y\336\276\331\013\220\275\000\201\222>Y\370\261>\3423\r\276\302\267\223>W\224M>\022Z\242\276q\220\177>\261b\006\277\214\002%\276\256a\215\274Yo\317\275e\311M\276k\376@\2772\267\006\277\032m\307\276\273\362\272\275\256\344\260>!B\201\276-\235\202\276\353\320\324\276{\360\236>\255^t\276y*g\276\340c\232iCw\276K\003\277\276\227^F\276\030f\223>\304\210f=\034T\310\276\034\020\231\275\213 \314\274@\370\265=2\224\025\2760\320t;+\212W>\333\263\203\276.\272\014>\251Z<\276Pi/\275J\007\327=\364(\255=\264\r\304\276{\3061\277\216|1>z<\203\276\355\330l\276|9\320=\302\240H>\306O\332>\345\325}\276\255Z\r>\227z\264=\212ee\242q\331>\344\354\272<\205\215q\275\034a\350\276\331\321\246>\000Q\r\275Bty>\266N<=[\264\337\275\200\tC\276\310\365\316>\310\347\201>\263[\370iH1\276:\\\206\276\272\274\374=\215\201\345\177\341\244>?\332\304\276\306C\271\274R\363X\276w\305\216>\364\335v;\300\222\256\276\033z\344\276Y\376C=\2579>\276\010\336\006>\020%\305><3\027\274\340\374\244>~\030$?%>&>>\306\321\276N\371\021\276Z\214\233>\301\177\366\275\361\200\"\276\305^\343>\010N\313\274\210\214\231\276\205\024>>\250\254\317\274p\021\'>\275\244\215=\260\304\004\277\355W\365\275\323U\212>h\353;\276j\275\305=2\243\373=\t\333\347\275!\2768\275\325\024\303=:\224:\275;\210\260\276\360\216\024\276o}\244\275\275}\363>\2251\030>X\275\204\276;\211\017\276\272\007\211\275f\311\313\274\201\301\220\274\246\007<\273C\001\036\275 1\276>\001:\006\277\032\270\306>\031G\026\2774aW\277\361\3654>\231\356\n>#\256c\276h\361(\2767\272\207>\211\301X=\024my\275\310\243\276\276\276\360\350\275d\244\355=\353\035r>/\376\034\276D\326 \276\006>\016\277\022)\005\277]\317j>\302<\341;bl\301\276b\237q\275\004qE\274\230K\031\276RFI\276\263\006B\274\325z\327\275#\335\210\2763\270 \276\225l|\276\';\234\275\003\030\267\275q\321\032\276\260\251\377=\276\303\203>\217\361\234=\255\351\016?5\317\331\274T/\320\275=\204\275\275\214\220N>c\211;>i\355\302=\202\232\360>L\342\310=\221\267\010\276X\247+?\031\004e\275e$\267>\031\237x?\354\323\214\274\363i\305\2761f\226\276<}\271>\330\"\356\275\204?\314=3\003\274\2767\340\365>\337\243\027?<\344\210\276\256\3468\276\212c(\277\241^\241\275\375\327\375\276p \341\274U\344\002=\020\310\374=\241h\376=bi?>\303\354\277\274\033\375\376= \224\331\276^2\321\276k\014\232>)\242\344>p_)\276e\310\202\276\251\234\000\274\242\270\235\275\340\246\216\276\252(\247\276\023F\037\277W\005\027\277jhR\274`\331\t\274\235\033%\2756\276+\277h\035\310=\\\364\203\276\226\241~=\2143\236=f\205a\276dY\377\276\360\206r=\250#\254\2766\250?\275}\222\227>\242P\203\276\235\025\221=\333\201\034\277z\255\224>\214^\007>\371\213\037\277\246\371\263>;\327\330>\361\300\261\275P\206\016<\240p\333\276\315\311\r\275X;\245<=\222\261>F\356\274>\n\337O?\004\361D>\212\352,>H\216\177=\250\255C\276\255\000\214=.B\211=\270Q\002\276Q\253[>\013\236D=^\316\006>\274wZ>\313yF>\224\334\200=8\302O>\213o\231\273\261\277\021\277\023\017\246=\256\0167\276\216a\371=\361B\374\2761\301.=\022\267o\276\034\362Q=B\264\025\276\323\r\020\277\332gL=\0326\177=2\202\222>\320;\026=&i\372={\331\351\315s\246=\020L\003\275J\334\240=\264\214\243>\0108\225>` \352=\024\364\000>@o\220>g(\310<\024\312\314\276\273I\254\2759j\210>*;q\275@3n\276\255\324\371>\037\350\214>u\313\256=N\023_\2763\202\351\275\275\251r\275g2\026?8?\317\273Z\377\316\276Z\307\266<\010\344\376\274?\267\325>\273\332f\276~Y\301>\252\373\310\276\256\202{\276\304\310-\276\334\313Y>\003\255\261\276*\330\336=\0250*>\367\360\010\276\202)[\275\273\273\353>\250\302\227\276cV\020\276\375\256N\276\253\205\205>\237\247\257>3\243\226\2767\202\204\276\002\330\343\276\241f\232>\241\227\235\2761\266\226>\353!i\275\037\346\022\2762\027g\275d\243\245\276\245L\031>=p\021\275\024\335\014>\352\255\344\275]\226\\>#k-\276\375 \275>\362\227\\?\"T\273\276\305U\n\276\3153A>\274\255-\276D\212\233>\346\346\227\276\264[$>\335\364\366<-?\177>\266C\356\276/g\333;\306ah>W\253\037\2760U.\274\267?7=\177\204\307\276{\365r>G\216\r\276Q\301I>\312*\327>\233X\376>\213k\214\275\213\246\225\276B\327\323\276&\365\004>_mp\276\347\023\322<\273A\r=\250\2479<{\377\231>pt\241\276I\023\251>>\240\220\275\356\344\013>J+\223\275F\267\302>\260\365\177\275\317JX\276z*j=\333\206\002>\333\273\020?\013\302\n?\'\013\241=w\374\201>\312\363\301\275h}\244\275\227\270\030\276e\314M?w\304Y\276A4\021>\032\302\205>\216F\024\273\203\306\205\276{\315\217\276\256\251\237>\370\216\355=\346B\232\276&\022\330\276\225\334\203\310\025\000>[\230#\277\004\005g>\255\270Y>\340\032\237\276\247\017<>\370\313\310\276]\242\230>\322\252\244>X\234#\277\316h\214=l]\366\275x\317Y\276\363\272\205\276\004\302\027\276\341t-\277}\253\270=\363M.?\237\005\330=\200\231\224>p(\261=\254\220\025>O[*>\302\217S\276s\020\031\277\263\356<\276\347U\354=W>\307\275q\311\303=)\322\253>9.\226\276\252`\252>\245\3436=\333\242o<\016\2579\277\3746\343>e\031\036\276\305\350,\2770\322C\275\ng\243\276,\231$?\010-\016\275$\372\355=\352\275\336\274L\025\206\276\265\370\346\276\353\213\203=\033\274\347A\201\324>gYt>?~w\276\246\332F\276%\350\231>\202\336g>\271\270\371\276>\025\r\275Z\215`;\332\027m=G\034%\276\225\330\210\275\201E\022\276\347\231\003?g\362\331>>\214f>\004\242\276>IU\334\276\377\326@>\231q\363=\237\260\242>V\306\242\276\374\240\350\275P\214k\275\357\314\277\276\301ce\276\016\032\213\276H\t\210\276\265\315\276>#\212\246>\304%\311>\371m\253=J\033\354=\366x\027\274\376[d\276\225\370\251\275~\360\017\276b)\253\275z\373-\276\307\352E>\233\261\234=\267\355\255\275\217\234\005>\253\255\214>rn\361\275r\306\234>\201\'H>\362\200\t\277\353\277\244\274\233l\252<\373\372\257\275\371\216\206\276\315\316\255<\nN\324\276\227N\207=\014p$>\266\276\020\276\335\013\263<\300\237\003?\251\210N\276o\026\276\275\375vH>\260\203\233\276)\037Y>\007\233}\273V$\252\275\014\363\242\276`(,>,\014\260\275\234\177k>\177@\\\276\374\257\200\276q\232t\276G\031\210\276\013\215@\277\322\373\266=V;3=\257\2467\276\216\343\231\276\256\214\206=\252\267\277=^\223H\277\362v\226\276\026\035h>\016\206\032=4\261\211>\360LI\276\310\320)\276\014c\024\273\370\272\004\276\371\343\354\275\256\033\265\2766)\347>\204\317\036\276\264\341\222>U\226S><(\323\276v\247\377=*\2503=3\\\023\275\007\350\322\276\237s\330\2753 L\276B\264\265>3\025\026\276~\227\241>8\331\301>#+\020=\033\364\'>1\377\236\276\212+\343\276\373q\001\276.\026\316\275+2:>\000\260N\276\n\235\001?\376\350\006?\377n\364>\332\342\000>0|\023\276\340\334\201>8\251\242\276\306\345 \273\006<\201=?8\346\275~J\371<9\337\022\276~\006\222>\212\3254\275V\247\205>\237\245\236\275/\202\320<\257\206\264>P\340!\275\255\232z\277mkG\276\207\021\252\276\007\376\005>\230\'\377\275\316\006\202\276\363\237\253\276P\314\264\276l\215\227\276f\014e>I\370|\276\t />Y\273:\276\377\203\360\274\203\003\320\275\344|\n>\317\304X>\207\241\231\276\226@F\276\t=\222>\017\254\320>\032\355 \273!\024\307\274\225\177D\276u\372\222=\210i\206=\321\333b\276[\"\037\276f\006\345>\341\3256>\000\210\016=X\250\335\276h\336\020\277p\254\376>\236]\305\276\t\370O\2747\320\330>\233z\023\277\205\201/>;\027\231<\245\206s\276X)&\277Hqj>c5\357<\340\341\224\275\270\366\250\276_`\257>\3633\233\274\327M\020>\ng\272>8w\254\274\274+\207>B\250\357=c\354\365\275\034\036$\276i\256\220<\301\351\031<\204\330\205>\343+\317=$\351\240\275\\\221s>~\313\214=\024Z \276\364\303\314>S\252\030>G\334\202\276\372\243\374\275\223\325q\276\307\203\035\275\303U`>\336\233\326\276\315I\t>\326\342\300=\271B\"=%V\236\276\306n\203>&J\257\274\236\322+\276\353\034U\276o\334\370\276\023\t+\275\265z~>\375k_\277\261S9>\267\230\231\276\331tZ=\'\347\351\276\363\006\220>\352\376\364\276&u\332\275\246\327\370\276\313\320w\276X$\231>0\305\310\276\330\337\026\277J\265\213>F}1?s\303 \276N\037\037\2768\334x\275\315\365\030>\341\205k\272\274\365\263=b\370\033\276R\212W>D[\377>\032\0332>^\206\007>O\037\220>:\016\332>\214\242\014\275Fzo\274\324\364@\276\3522\327=\331\236\203\276\240)\023\276\026\355;>l\301\210\276Y\206\263\276{\004\314\276_\017\352=L>\342\275\213\371\221\276\337\022\216\2759P\r>h\240\247>,\022}<\312\010\265\274\275k\030=\321?\230>U\330\\\276\351\327\376=\265/\257\276M\032\203\275}\327*>\204\215t>\004\231\215>\207y\037>y\314/\276,\030\007\277\361\035\253\276\016q\002\276\0025\310\275\242\225\024>\023\363\002>\020\261{>\371\323\233>\322\375\277>G9X\275\235\225\345\276\252^D>H\316\265\276\212\235\325=\370\016\263=(\177\276=\374D\026\277\357V\272\274\263\373\304>\2207\020\277\360\016\227\016\\`?\327\312\274\275\355\376\204=\232\037m\276\243;]\276~\021*>\225~Y\276#\214\245>\036\307*\276 H\312\276\004\2237>\034\216\336>\251q\275\275\342\357\020=\200\332\031>\211?1>\010\365P=Z5\373>\0233\021>\275\251\000?\362i\"?\222\362\346\276fg\013?_1\336\276c\252p\275\330b(>[\035\213\275\277\201:>\014Ek\275_oQ\275\017\222\351=\250\315\026?\267h\204\275\271\035\372>~\303\246>t\311\277=.\363\311\312\310\034>mG\311>\304\336)\277\237\0321?,\245\177=\266*\374\273\302\t\356\347\331\376\276;\302\226\276\325:\371\275\376\222\343=\361\301p\275)\265\022\276\343\371\335>\017`\230\276-\340\031\277\021\365\322;\250\370k<|\007\365\276\315\314@\275\235M\301\276i\177\216\275C~\243>$\023\265\275\361\177\267=\232r\360>\312s\336\273b\212\241>\005\003\010?\364\355\006<\235e!>\366B\354\275\252\222\027>\024\323\203\2766\273\303>\302\206q\276S\201V\274\325o\007>\212\035\035>d\213\254\276\254\007\253>Q\177\232>\224\007\002\276\002\034\213\275#>\004\277C\265y\276\300\325\331>M<~>\007\200h>RP\031\276\264ZU\275DD\336\275\250A\"\276\260.\217\276\023H\025?F\2118>o\342G\276\354[\370\275\277\263R>P\001[=\330\3770>\251\270\304>\374\007\322\276\216\216\276\272\002\021\277K\210\215=\021s\202>\274\362\216>d\327\306\276\211\030\017>3\023\234\275=w\216\276\226P\201\276 \345\004?\211=\207\275H\"\310\276\223\316\311>[v=?Xo\333>\322y\314\276\"u\004>\351Z\020\277\211\002\267\276\014\226\314\276\251Q\000>\177g+\276\305L^\276\361\033 \275\313\370\004?\222\275o>n\243\030\276^t\034>:\000\355>P\273,\277A\252\227\276X\205\242>\354\013\214>\261\345F\276\\\201\232\276\310\n\317>\346\356\226=(G\t\277A\2449>\231\0142\274\235\217N=\370\003~\275\030\220\273>\007]%>\036\"\346\2768\302\311>\247\240\242\275\351-\226\276gv\356<&\201\312>c\333\273>-y\212\276\323\200\254>\3136>>]\273\244>\367\377B?\242\364!>\354N\304=\252\376\016\274\323\032X?L\020e>\026\312g>\264t\026>\341\231\257\276I^\226>6i\222\276\367@\001?\220\212\303>Q\320\256>~\211E=G\247\243\276-\334\025=,\351\177\023a\021\276\031\260\261>4\237G>\036A\247\2751V\027>j\371A>\206\247L>n\210\r\275\035\331&>\314|T\276\\S\356\274\245\320\212\276\355\363\316;\302dc>\362\251\023\276\311\207\227\276\311!\224>\322N\031>\326 5\276\210\270\315\274\256\004\016? \370P>i\262\262>\371\242\200\275\367\006\336=\000w\233>\364\021\236\275=\247\000\2765\347\007\276\2711\033\277a\225\023\277A\001\365>\355|/\276\361\016\025>D\006\203=)\336\346>\230P\300\276\r\250\300>\375\251\305>0\311A>\266:\013\276\233\241i\276\366\350\261;\231;\362=\217\211\226>\007\331\203\276n\353\020<8\260\016\277\2701&\2769\321<\276~*\200\274\013\000\364>\004\362\274>\013\222\'\273\243\234\023=\201\004\257>v\005z\276~\356\270<&M\204\275\004\374?>\277G\362\275\014/\254=a\327\013?\223\000\351>\242\364K\276\356\004\235\275\226\327\002\276Q\373\314\276\303\330\"\2775\255\325\275\212\273/>\213\021\360=w\327\224=\265V\223;A\354j>\327\216C>\333\264$>\276*~\276\312;\360\276\346\371\221>\236\233\177>Q\262(\274\250\221\'\277\371\216\026\276\030\343\311\276rz\021\277\264\215\251\274Nq\222>\1771\206>\376\006\330>\374\036\221=\345ug>\266\313g>\331\340\315\275\232s\r=B\255\267\276\235%\256>\001\n;>\375\315\007\276 l\000\275n\252\244=,\236\304\274\035C\031>h`\375>\366\272\347<\333\306\217>)\341\202\276\327\202\305=\2745\377\274\230]D>;\322\260=<$J\276\357DN\275\317D\014\276\n\204k>#v\270=\265\373\254\273\212k\215\276X\212\317\276\312M\222\276\357ph\276\376<\232\2756:\r>B\347\240>G\374\n>\332a\242>\270\3255>\315\353\266\273m\261\314\275\357\005_\276\337\254\215\276)\331\314\276\213\377\265=J\001\004=\275\372J$t8\275\234B\337=e\032,>CM1=\245S3\276\233\247{=\356\305w\275}\225i\276\233\222\306;\036\2404\276A&\363\251L#\276\026x\034>\255\307k\276|\273\303\274\350\273\377\275\216\307\276\276\2400\220\276\177\006\202\276\256\374\023>{\202\376=\365\025\350\276\2330h\275\212\270H\276\367\212\020\276\016\377\355\275\377\007\314\276c\344\300>\234\211\226\275B[>>\213\3473\277\270\361\007?\033\356\226\276\351M\234>\353\034Y\276\016\031\036>N\031\217\275/\025\323>\276\203{\276\352\001V>5^\206=\211\232\005>6\006\200>\371|\235>\223H\014\276\334\n\004?\357W\340>\227\346\370\276?\217N\276\221=~>w*\031;\210\240\233>8\212\200>L\342\004\277\026\026\'=\n\351\252>\314\377\251;\317\323\217>\303\204\264>m\326\315\275w\306\357=V\177\000\276\036t0>3\223\026\27711\260>\302\320~;tXT\276\005z\251\276|\035\023\276Q6\263\276\346]\263\276~\275\232\276%>\'\277{\240\317>\242\177\244\274u\033R\274\031\356\"?\243\327\324\276cZ\252=\230\020\004\276\223R)\276V\212v>\212\3020\275\301Y\365=L3\307\276\205\261Z\276\227\0339\276\213\363Q\276\361\232F=\026\221O\276\247-\016\274\021[\230>:4}>LHp\276\033\366\214=\327\000c>1R\221>\312md>X\350-\276\363\214\202\276\224\302\224\275\213\\\036\277\014\253\260>\366H!>\365TM>5y?\275\025\005\254=\355l,\276\241\270\314>e!\354\276\031\341@>\202D\033\277\360\372\000?\001K\001\276\357\361b=y\034\224\276\226R\277\275\020\037S\276.\230{=-\335+>\316\301x>gH\006?j\211\273\275\'-1\276\200\252\005>N\326\201=$\3337>MU!\276\335\254\201>\346\024\352>\250\371\306=0*\351=j\374U\276\227\2647>\006\227\342\2750\302t>#n\211=.+H\276_f\251>Cx\006>\006\360\241>F\303[\276\226\252\023\276\002X:\276\262\274\371\275\\\306\271>\300\271\260\276\311\003\035\276\330a\257\276\031\234\014\277%\270\230>.#\362>\213\300\014?\304^C>\333\350\t>\230\261\002\277\267\234\230>\206\324\356\275\332\200\215\274\337\312&\275_\004\245\276\344\311\010\276\017\356\t\275\373R\035\275Y\237\214=\374\307\241\276\215\274\005=\023\"+\276\323\216\260>\267\007>?h`\202\276\017I\222>\031j\245>\0240\334\276,^\336>\236\320\2549\034n\006\277\213\036\242=C,\010=\320i\312\276\2554O\276\221\205U\276\350m\013\277\215\316\215=h\215v>\201\030\272\276Z>s\274\247\031]>p\273\"=\376dw<\006u\253>\352\203\337>\254\247h>\257\261\273\276.\323\357<`^\207=\0144\252=h\265\225\276\025Y\200\276\303x#\276\332\312\334=-\252<>\350\002p>\334\301\266\275\365\3750\276q\000+\276\014\177\270\275b,\357\256\230\331\275\365\352\330\276h*w\276Gt\343\276\245\202\331\275\347\315\370>%%o>M2\020\276\267UE\276\256\373*\277\001\377\002\276\316\335\351>\\\025\033=:u\315\276i\254D\275\'\275\250\276\337\342\227\2765\3470\275]A\035=\204\004\366=\357\200\203\276\224\021\247>l\357\255\276\016\247_>\322ck\276\001V\265\276\342\215\271=.\006\004\277\000\245\326\275\272o\034?\336\000\243>\372\335\277>\235@\250\276\002\276\225\276\367\023k\274\002x\005>&\266\233;\3770\276>\355\022\341>\035@e\276\342\310\017>\2711\370>\274\226J=8,b>\026\211\343\276\037R\270>\3224\r\277h=\n\275\265PF>i}\025\2770g\036>Fg\276>]\304\204>\323.\321\276e\314\310\2762V_>\343\002\023\277\366v\352>\205\210i\276G\361\227\276\206\310\261\275W;u<\262m\257>h\250\311\276\017\303\003\277d\034W<\004\357^>/\032\\>~\340,\276\246\026\376\274\222\002\267\274\250\3016>\365\205\315\276\213\002\265>\244\244\275=\314\263B?Z\255\224\276a\317\005=v<\367>\022a\024\276\363\334,\276?m\211\273\350|\351\273\3671\030?\205\200k>,\227\274\276\'\005\373\275\360O\306=\336N\313\276cd}>\346X\376=\014S\017\276y\345\375\275Wv\225>-\372\233\275\215\371\030\276\025#\315=\245\357\020\275i\367\031?kdh>\241 \254\276Xm\267\276\236P\n\276A\254\265\276\346]M\275\350(\276\276\354\005>\276\320\304E\276\205N\276>k\263\234\276\010$a>\337>\243>Xl9\276\001WX>\201\267\177=a\352\005\2778\027\'\276\"U;\276\203\377\014>\347\220J\274\023\033\323\275\014\033\022\276\343z\226\276\"\037\223\275\270I\210>\245\\W=e\300\211=W\221(\276 \355\257\274\002Z\021\276\264v*?D\344\263>M\230\260\274}E\357<\312\312\230\275\321\036\327>\371F\312\276\n\014E\2764s\205>*2\213\275\205!\330\272\023a\203\276.\352\n>Z\262\230\276\004;\265\276\352|\206>K\233\300>\302\215\266=\236\321\357\276\206\233\256>\207\204@=P\346\346\276\217\350\001?-\035\333\276\211\317\252\275V\267$?j;\262\275\277A@\276\346\273\261>\005\224%\276|\315\035>\342\203o\275\246\367\251\275\027M\025?$t\200\276\256\037Y=\270\307\n>\245\265\240>\336\217\246=\363s~\276\222\342\211\276\177\014B\276\037\020m\276\247\321\254\275%\034.\276\200\326\222\276+\363I\276\376)\217\276O\005\010\276Sx\273>\n\r\017\276s\231M\274\023(\251>\320\347\336>\035\360\342\273\206m\263><\312t=\245\226\324\274Ehp\276\007\227!\275s\021h>\376\325\271\276\261\026\257>\341\230\321\275t\253D\276\247\235\036>\3247\031\276B\225\265=\031\366M\276T\360\316>\223\344z=a\216\216>\021G\334>\365\306\317<\232gJ\276\313\252\211\276\323U \2743\260\307\275\312!\244\276V\375Z:o\200J>\241o\225\275O\345\024\277\032\257j>i\233w\276\023Wm=]\371\305=]\322\000\276\333\271w\276~f\330\276\001>\313=\005/\242\274yN\013\277\027\354\n\277\314\341\026=\311\245j=\225u\325\274\310\3636>\033;^\276\245N\213>\274\347\231\276\237S\031?\307\344$>\332\316\317>\345#\262\276\250\330\251>\354\362^<\273~T\237\3407>h\347\'\277\320{$??\332M>\213\315\252<\241$\035\275 \330\017>\024`\346\275w\371\347\2750\326\205>^$?>\016z\004\275\003\367\000=\307\014x\275qv\327=\221}|>(\217m>\022\246>\2759d\327>\207Y`\276\337\271\322<\tf\272\276\365{(\276wN\363\275F\2020=vC\026?;\330\356=o\026\r\274\003\201R\276F\235\223=\314\356\027\276\365*.\2764\274A=O+i>nZ\246\275~\351\227>\236\3522=($\t?\215\002j>\t\340`>\344\362.>+\014\003>\326\356\016\276\212\370\252\275\206|\244\275\251\276\202>\035\305p\275\256\353\232>\323\335\253\277\207\006\'=\365\020(?\322\032\317\276\301\262\314\276e\315\215\276\2067\235>\337x\243\275\234\253\026\275`\203\037\277\322\220z\276\035\262\317>)\324\010\276\237\255\000\275\254-\222>\350U\273\276\244Z\342\274H-\353\275\233\\~=5\240\236\276\037\252\033>\227\004\270=z\233\244=C\014\242\341\207{>\360d\242>pa\r>\242\261\r=\037,\271>z4\272\275G\314\313\276a\333\320\276$\354)\275r\353\243=m\250\002\nu\033\277p\320\343>_\325?<;\322\"\276\273\254\016\277\357\333\220>hL\326\276L\347\306\275\325\334\022;\201\301!>ON\032\275\340\333\324\276A\305U\275Z\031Q>^\252\272>\021\234\346=\3006O?RI\364=d\257\376\275\340p0>g\025\234>_\351b\2765\337W\275\321dr\276mLc\277y\306\223>$\000\r\2771\330\201=y\332\000\277\211E\233\276.+\312>\030O\243>l\023>\276\215\301\356<\005\303\320>C\335\200\275\202\322\232>\356\036[\276\325o\334=2\261:>\205\331\272=\207\220r\276\255\215\360\275\200\020\242>\037\030\247\275\315\210\246\276\237\355u\276\200\020\323\276\317(5\276\007\207j;\252\332\316\276\225\027\270\276/\245\373\275\177J\371>\334X\216\276\253\230\204=\320\026\002>\246\013e\274`\314\031\276\274B\207>t\242\255\276\340,\202>\022\013\261=Rp\233>\374\036\n\277{\365?\274@\016\036\276;#\000\277`u/=\302\201\t>\330\200v>\246Z\225\276\263_?\276\227B\324\276\272j\374=\375%\364>G*\255\276\355q\247\276\207A\007>\021\227}>\3611\246>\274\313\303\276T\232\007<\2348\314\276\3304\366\276\305\017\341\276G<\205\276\363\333*>\320\025\201>y\310\222=(\230B\277<\353\322>\007\252\316\274Hq\001>e\316\272\274\300\244&=\256\'\346\275\347\301\225=X\341[>\367|\037\276\r\372\t\277;\366\005>V\367\036\276\340\004b>:\322j\276\0241n=T\017y\276vwI>n\253\222>\345&\204=>h\003=\234;\203\274\366\354\266>\3633\331;\300\330\200>\207\266!<7\371\226>=\271\023>\225p\033\276\363\304\372\275c\250\203\276\305\377\224\275\246n\207>\212j\006>\364\242\370=_al>A|\021?\003\270m\275,\2422>8\260|=\346p\263\276uC\213>5\257\263\276x\334\332\275z\244\366=\'\247x>\"\233\010>J\271i\276\013r\033\276\252\257\362>\033M\206\276\313\231\027?\nH\210<\374\244\302\275@\335\271\276\253\227\010>q\377\010>\306\330m\276\304\266\201\274\375^A\275\\(\207 \001\230>@v\037\272\314\010\025\275\006i\036\275P6\264>d\201\311\276\244\277J\276k\245\271=a!y\276\263\341W>\344\360\\=Z\277\365<74\013\276!\252\323\276\255\341\236=4\264\271>B\250\255=\200\036\037\276k\274\213>[\3755\276^h(\276\301\231D\276D\334\332;j\316Y\276/q\241>\t\314\024>}\010\251>)/[\275-\270n\275n9\206\276X\363+\276\224\t\026?=R\\>\243^\222=\360w\227>\327a\254\276;\223\007\2765\032\025=:\263\223\274\"(8>Cp\272>\353\377@>@\265\273\276\374\330b>\341<\203>f\366\277=(\245\273\276m+@\276s5\r>a\\\224\276\263\340\305\276\334\362\000\275m\266\337>WKP=jW\202=\340\021\013?\356\236\350\275:\370\204\275H\302t\276\312\315\200\275^\276\'\276o\300\035\275,\177\330\275\363\'Z\276\253(\375\276f\303\220\275\300\224\003\276\204\232Z\276\225\207\303\274K\004\267\276\271\020~\276\023\206\323\275\013ly\276\315\320\261\271t\n\013\276\246Y\264=YJ\246\275}\365\317\275\342\231\030\276\000H\030>\362tn\275\315\360%?Q\372\020?\346\275\204>9I\374\276t\016\365\275\253\313\010\276t~\343\274\213\341\236\276^\3160\276x\037\203>\373\214\374>\247Q.>Q\265\206\275k\262\236\276\356t\356[LK=\273\323\266>\227W\320>w\215P\274\320KJ>\223>\007\276>\037\021\277f\027l=\"#9\275v\265\304>\227\316n=\205\226$\276+\252\021\277J\037\244>\t\261u>\212\177\300\276Kl\235>\220\200\'\276\317D\344\276\331\203\003?k\223\310\275p\3308=\010\3070=\351K\326>\316\376\010?\302c,>\306=O>Nb\204\276\366\226\366\274\006\r\325\275Z\351\344\275}\230\230\276h~j\276\374\220<\277\'\022\254>\207(\216=\303YP>\227|\220\276\367C\322>\226O\004\277\006\341\271< \301\344\275\035m\304>}\254\313>6\366\004\276Kh0\275\270\362\263\276W\330\213>\251\2765>\232\344\024\276\214\025N>\322\216\022=>\362\341\276\261k\331>\013r&>\253&C\276\227\210\035>\nj\213\276\256\311\367=Bq\237=\214b\006>\3376=>\305\000&\277bH\201\276>\305\n\276\307\254\033\276\320%\215=^\370\321\216@n\276\020U[\277\231\236F?@\327+?\221\263\010\277\n\335\236\276\274$\360\276\214\205\340\275\233\177N=\334\253e>\254b\001=\303g\361\275p\350\205\275k\341\206\275\357\357;>\247\330\212\274\262\0178>\027-\206=\365\302\331>\033\224\032>\335\213\366<\357\342H=\250\215\216>\322\347\031>\273g\363\276\225|\250\276\370\213b>\353\021\314>\376\026\031>2~y\024)\270>\\\352\022\276\223\177\020?\316A\242\275\2557\315>\332\212\273=@\2263\276\021Y\240>\244\\.=C\016%\276\\>d>\247\372l\275\322@\213=NU\337>\0014+=\377`\r\277U\344e\276Mq\236\275e\361\327\276\252\037\342>&!S>\272\234\327>9\243*\276X]\177\276\\b\020\276X@G>\243W\301\274\025)g\276\267\311\326=\024(\017\277\354L\231>\355\214j>\311j/\277\2728\021\276!2\234= ,.\276\273\016\335\276\010i\353\274\354\346f>\0260\002\275G\365\036>\324\251\317<\200\367\004\277\207\232!\276yK\225\276\016\253\355=o6!>\377\310a>\224\253\374\274Ne\324\275`\247\337=_5\272\273I\275\">\366I\212\276\300\016\013\276;\225\323<\357b\253=\364YO\276=\204\220=\204#\257>\264 K\276\257\210B\276\327\031\020?lyJ\276\177\207\006\277\207C\355\035\021\352\275\3600k\275\202O]>\203\3031>\354y\205\276\307@\304=<-\251>Jh\206\276\241\222!>\t\242\022\276\034H/\274\232\346\000? ?\276>1\307\235>\202\020\230\275\022\000{=\274\271r=\216\214\220>f\260A=Z\331\325>\267\244\360\275\235\016N=\3572\0071?\360o\266>p\304v\276\023\'q<\323C-?\236\214}>\323\355\245\275\nGe=z\2351\277o\272\275\275m\347\357=\034$\225\276\177\245\200\276\020\376\267\2762\223&\276\035\315\330>s!?\276,\0100\2768\254\246\276\312\n\267\275\237y\'\276\224\\\203<\352\250\344\276\222\322P\275\001\313\231\276>v\222\275\265\240F?\325\250\021>\312#\305>\370\n\243\276\2305\330\275\351\001\027;~?E\276\322\247\242\276\322\366\217;\242\327\366<\257\365\346>\211k\220>\026\222~\276fg\020\277-\337c<\367,\031>\375\025\265\276\267\235\023>\301zU\276lI\326\276\204\307o\275\344=]>\333lT\276\034$\345>MR*?\243\273\300<\201\030{>\324\310`>\'a\203\276\237\014\037\276\267\310\360\274\246\367\371\276\315\014\014\276\342W\220>\'s}>r\254\225\276\372u\376=\321\372)=\315\372\022>\001\231f>\n\306\016>\251\302-\276\006\316\336<\003\204\203\276\342\360\370>\013\315\\\275\233\027\222=\367\037\304\276T\270\"=\245\020:?\204\3452>\014o\277\302>uM\r>t%\013>\351\326A?{`\202\276\032\010\213>5\231\227\27684\241>\360^\362\276e\261\374\276\325>\312>\263\324A\2762p\325\276\021d\\\276\007\364\241>\300.\250>\250+\n?\277j\302\276\352\032\214>\3470-?g\224\314>\274\302/\276\257$$>w\337\264=\310I\346\274\212\315v=C\257\312<\265\323\\\276\n2q=R0\252\276\272\321\266\276/\254\202>\212\331\222\274\326\356j>\n\301]>\035m\225>\314\366\217>h\260\277>\2629\021?\001\246\212=\3140\021\277\216\273\033=\r\346\222>E\270\232=HE\\>;\036\017\276\312\r\245\275\317\017\201\276\330iy; %\025\275)\035&>\033r\177=/\352\235\276z\200\205=\020\277\327= C\254\270\226i=\276\374\3656\275\003e\331>\020\016\310\276\210\365.\276i\323|\276\202\0309\275\221\351\273=|\217\t\277\340g\177>\311\261\312\275\220d\037\024\2531>\023\325M>r\035\0059#tE>B\303\013\277x[+\276G\236.>\374\326*\276[\254\027?\027\233\347=\013S\244\276\250t\256\275ea\204\277\206\210^?w\303\225>\n7\\\276(M\204>G\021\263\276\3603\213\275)\301\242\275W\2371\2765i\001? p\235\275\216]\212\276Y\331\274\276\252\365\241\276\226n\311>]\321}<\272i\212\276\003^\177\276\245\271<\274\300\023\354\274\212\333t>\225\213\026=W\035Y\276>\007\t?e\342\316>hk\255=\210\320\006>`\211\021\276r!\312\276\246\233\204>jM\234>\340\257\037\275e\026,\277\367\036*\274\246\025\232\276\343|4>l\212\252\275$\261\037\277q)l\275\351[5>\300P~>i\352\213>\3533\004\277\310\233U\276|\356\310\276\330\337\265>\313\037\303\275Y\264]>t\337\241>f\257\003?x\245\220\276v\000l\275^\340\214\276:\323R>\375\211\007\276 \347\323>;\361\241\274\t\247\265\276%\216\216>\221\352\037=j\236\247\276\177\333k\276.\263n>\360\r\373=c\010<>\363Ee>\273\316\300<\223\'\263>\247\031\006\277\256\224 ?!\244\354>\017\273\225>\340\n8=\263\361\">\217(_\276\364\227^\276\223v\240\276\367\246\341>e\005\223\276u[\203\275}\306\264>l\250\274\275B\246\\>7O\203>E9\217\276nN\361=>F\364=\371$\232\275\034y\374=\004\241\306\276\335\271Q?\021\"\317\276\235\250\033\277]\320B>\017\261\316\276\321\355\261=\026rN>\tG&\2770\201\311\275V\364\222\276\213\352\237\276OI\013\2779\322c\276\330\241\010\276\305)\257=\025\372/\275\276\t4>+\023\302\275\304\273\234< \026\220\276\340l\030>\r\223\027\275\302\232\004\277_\345\244\276\242\371\323=mL\007=L\206\236\275D\234\300\276\302\0212\276\271\3616>\303r\220=\322lU\275*8\323\274ro\244\274EF\263=\362C\3329KIY>\023{\371=\234\"O\276\322~S\275\343+l\276\206\366\210\275\263\366\315\275|q\312\275\323\331\361=\352\213\356\275\\\n?\277\304\013\001\277\255c\017\276\3059R\276\236\350\004\276\244\373\245=\215\373\031>$\001=>\211\344\356>\2713\244=\315\2523;\235+\007=n\365\002?w\311\214>\202\327\006=\013r-\276\037&\000?\3602\207=e\236\262\276\313\323\315>\202\352\326\274\356\320p>\t\257\274>\274y\257>6\355\223\276\203Lh>\027\340\260\273\006\032\353>\000\342\257\276rPx\276\026\nn\276+\035`\276\310-f> \210\375<\006h|\276\376\227\311\275*\354m>\r=\014\277\246\t\024?C@;\274~\345a\276\306\001\303\274\247U\214\275\036\272\301\276E\272\001?\262M\n\276$\250\375;\334f\247=\005\002\256=O\216\244=\276N\006>/\365\314\275\'b\211\274\334\356m\276\003h\026?@cb\276\315<\214\274.\213M=\031\206S=\310a\324\275[\324R\275\206> ?\267\223\'\275]b\274\275*_\300=r\356:\275!\317\025<\037\n\320\276\311\265\273\275#R\344>D\245\023>\312\002\034>\326\377G\276\204\240B\274\302\323~>\265\n\354\276\374\300->\325\n\371>Zs\350\2763\276u\276\033\357\233=\\.\246\276\031\366\001?/\336\232=3\027\251\275\375\254\272>\252\\!\274\326b\212\276^\336\n> \306\242>Cq\247\276\242&\245>\032\032\274>{A1\276g\373\310=\277h\004\276G\312\241\276\003P\216\275\037LG\277\325\371\231>BzW>O\000\200>\337\245\230>\242=\372\276\024B\025=\217\215~=\213J\217\276.f\330\276\3308\211>\n\324\201==\2149\276\345\264\215>\202\252\315>[\203n\276\366:\341=\033\030\212\276\362\212\235\275\232tk=\232\321\207\2765o\332=\250\353\304;=~\005?#_\264=\317\242\200\276&\365\261\2766?\210\275\334\273\215\276\224x\211\277}d\030>(Z/>\354\341\275\276\014\345v=\227\336\236>k\026v\275\223\032&=8:\306<<5\347=H\004\341=\323\256\001?\364X\354\276\300\014g>\273%z\276\264\213\206\276\013z\213\276\237n\205\274\006O\301=t\031c<6\377X=\ng >k\343\003?\317\243\276\273#N\265d\373u\276V+\274<\310\342\354\275\306\3318?\024|\214>\t\362\346=\300L\033\275\305\226o\276\254\013\363\275\352Y\347\274q+\344=A=\243>Y\230\262\276_Hv\276\264\233\373=>\306Q\276f\026\220=\221\213\327\276\034\343H>\017m\336\274\311u\340\276\374\276\210\276bQc>\001^\216>pb\257>m\277\356\276\375\226\310\274r4n\276}\037K\276\260\010\223>6\000x=l4\257>\355\265#\277:\313\221>\004N\216\275\232\313\206>\007\220b\276\320@M\276\035\365J>\ri\310>\t\005\256>\365\357\254>\302\332_\275\031U\001>\271\251\215=8\017\013\276\353\243F\276\257w\315>\313\007\027\276\235\254\200=\006#\340<\376[\251=v\243\203>\253\3247\276n\216\000?\250%\233>f\037[>6\321\233\276u\305\270>\240#w=\035\317J\2763\203|\276\230(\261>\267\333\240>\273\327\327/;\037\235\302=\2248=\274\207ri\276\227\313\243\276W\340==\265\347\252;\352\371\325>\217\241\370\275\226\013\356<.4\224>\344\331\020\277\031\251\202\276\263\304\252=\\G\310>dQ\220\276SR\203>\354\233\245>\217\341\260=\032\210\205\275\020\020\337\276\214\004\345\2750\346\372\275\371a\017?\351\311#\276v\227\235\276\246\352\005?\022IH>KQ\372\276\0140\254=\342\376\200\2764\360\361\276^\361.\276X\234.?e5\216\275\214\361\360\275l\342\371\274}\300\024>om\003?\331\313\302>A\247\027\276\030\016\212\275\304X\216>\217\271\200\274\345J\'\276\2574\243=\t\0145>\237\245E>\206\244E\276&\021\323=<\257\r?\026y\354=^\340c\275c}\237>\361\371\373=Y\277j>\357a->\213\347\202>m\215\204\276.\363A>\305(3=\220\222k>\361$\263\274\307/\t>\301\252<\274\347\360\030\276}\322\242=o\251\334\2754c\034\276\261\347\005\275\275\346\026>\231\254\367\276\013\001\257\276$l\241I\223\307>]+\374=\275\336\367>\215\227\262\276c\007\212\275\n\320I\276gK\022\276k\340\266\276x\322\027>+\233p\276\224\2749>\332X\315\2764&6=\326~\230>\001)m>K\211\037=\330\233>;>\324M=\010\260\025>\220\273@>-\261\037>\333\250\262:V\337q\275\036\304J?\264\2555\276\264\257_\276&\235\350<\004f\252>|\320\202\276fF\243\275\003\307\214>\374\264\306>\317\223\177\276\223?\002=\230UN_\326<\\\311\220\275\254p\016\276\014tR\276G\346\377\276Y\020w\276\035e\273\276;\026\024>\334=\364>\357\266\241\275\260\275\201>\326R\223=\313\353\240>\313\270\002\277\024\237\n\276\255\345\233>\3429\365=lF\215\276\361\017\224\272\347i\327>+x\200\276\003[L\276=A0>/4{\27602\225>\035\244\010>[Vp\275\204\226?>-\211N\276\363\033\272>)\300\221<4\334\237\276,\377\346>\366y\234>\306S\024\276F\230\237>\026\037%\276}\232\367<\345\005\027\276.\266\346= &\034>\262\306$\276\217\006#\276\215\0204>\227\324i>\007\245\255\275\331\026\333\275b\212\030=$u\037=\237\353H\276S[\312\275\315d2\275\026\347X\276%yl>\340\266\214=P4\226>\005\326\214\276\275n.\275\252\271@\277\301\005b\276\246]\025>\334D\337\275XS\233\276\002E\263\275\000\357\217\275;7\245>\215i\214=\313\016\321>~\325\276\275H \357\274\006\272\002\277X\205\314>\257\340\004?\351\366H\276\344}$>\020\253C\276\332)v>\026u\317\2767:\370=A\350\310\276\343\344\204\276\327j\017\276\2136\225\330\257\002=\317\307\347>\220\241W\276+4\000>v\005\034>\275\'\307\2762\241r>`\246\230>\320\010W\276^\251->1\006*?\342\245\207>\263\354\202=\332\"\010?\310\346\021\276\241\250\007<\271m\247\276\225&\366\275!\311\227\276\205\356\300\275,\331\304=\2722\225=f\311\373\276\223\007\341>u &\273\3533T=\260\207~\275\311\214\240>lX\225\276a\311\262\275\320)\000>\n\232\017?%\375+\277^Q\317>\004\276-\276s\324\'=\373\234r>hGY\276s\363\017\276\236^\271\276\345\357\007\276\204\223\371>\014\245\236\275\243\370\305>\361-j\276\263N\326<,\221\335<\022U7=\227]\030>\201i\225>b&}\276K$\244\274\276@\242>$t\267>\004\374\377=\r`\273>\250\226p\277\224\004\340>\334\025\317\274\373\236\231>\t\210F\274\356\031\320\275\037\260\020\277#\347\357\276s-\336=7\361\233\276C\357\325\275{\000&\276`F,\275\\\3746?B\304\001\276\314\336\313\275\030-\300\275\245\213\277\276\236\350\237>\263\036\335\275&-{=4L\205\276\305\"\007>K\252\310=\303\374:>\312\362\370=51$?\031\257\306\276e\352$?\250\200\231\275$<\217\276e\267W\276`\021\223<\020?/=p\210%\276.\240\262>\033\263\264>D\223C=#}\024\276LK\202\274\211\342\027?6h\"?\010&A>.6\275\275\'\344\005\277/\336\260\276|f\302=)\363\240>B\221d?}p\320=\376%\006>5P\206>a(\234>\024\234_?\346\334\224><\302\355=\347\256\343\275\344\321\007?B2\\>t\253\266\275\322\271:\276\27166>\016\271\224=\244\010+>\320\345E=?\266\'>\330V.\276\037\213 \276\250\210\317>\021\354]>\355\342\014>\321R\210\276#\370\320\276_\013\342=p\235?\277X\314\213>)\354\361>d\337\262>|)\341>!Ni\276\204\2242\277?\001k\276\222\221\202>\302\222\016>y\021\016>\224\375\031\275q\343U\276X0\203\276\037\016\363\2755\013\032\276\365\226`\276\350\324\275>\240\276\264\276\2525\231\276\337\222.>Z\255\004?u\267\025\276\243!\312=K\330\370=\314\221\271\276\312\210 >m\372\346\276\326\342\233>/\242r>j\350@\2765\302r\276\235\217\322>\3448\n;y\236N\275\252Z\260>\001\231\232>\032\032\340>\315\324\201<\271\262p>5*$;\223\"\263=\242\363C>\363\274\264>\322v6\276\225>\237>\3736\r>\016[\340>\023J&=\2026\301\275\251?\234\276\005>y=U\305\003\276\303\326\035\276\253o*\277\345\245w\274\342\366\000\277\356\233\353=\370g\241\274\2615\334=Z\321\211>\204\277t>\026^)>ip\207>E\257\010>zF\032\276\347\377\236>\357~\272=\006\245\217\276\307@\021\277\275\363\324>X}\013?^$\010\276/*\204\275Q\365\354>>?\265>\252\235\033?\272\255\201\276Xl\376>Y\200\024\276FP\210>-\253\025\276@\"\270\276\247\325l>Jj\005\276/\371\334=\r\243\302=\241\317\232=}j\220\276\031\"\364\275_\321\032?\301i\002\2764\t\227\274\242\3312\276\030\361\206\276[\023\211\276?H\"=\314\000\360<\215\225\205\276K\202\210\275\177\254\256=\357\203/>_\363\031>\251\301!\277\353h\016\277\202\223\301=\241\252j=\273\353\253\276~ek\276/\370\351\275\374\250\333\275\264\365s=l8\256=nS\"\276fB^\276l^\261>\221>\220>\024\256\001>,wv=\262\023\022\277\003:\354\275@\353\210>\331\272\037\021\231\210>\233\235\n?\347\201\276:\233q\257=2\266.\277\232\217\336\275h8A=\\p\240;b\305\227<3\375\204>\250(\301=\270\0339>\243\035 \277\247P\250>\225\322\022\276\354\272\340>\210/\217>D\330\002?I5z\275\336\304\303>\212\273\323>\025\035*?1\271H\276\367\233\240\276\213\221\034\275\266\204\344=V\314\203\276\226yv>\347\305\217=\nA\254=\377\360\315=\362\021\331=\"\322\222<\031\214\272\271\017\\->u.\007>\016\003\374>\311\304\251\276FF\031\273r\256\225\201M\222\276\177\260z\276\273\267v>*v\364=\353\241\314\276@\327R\277\205;{\276\310\242\215>t\272\243= \2442\276R\000\223>\004\310)\272W\204\226\274\256L5>\"\222Z\276\201\226}>\366o\252\276\201\273\316\275\222\214\037\276>\026\240>\206\224\340\276\001\313\025\276`>\370\275\317f<;y\032\334\276\337\350\004>t}E\276\033\367\332\337\264\262\275\224\272\344\276\354\277\330=jC\251>\0349\033>\004\307\246=\346UZ>6\245a?\372\332f\275\200\034%>\215F\026\276\023\275\263\276\262I\376\276\215\261\226=g\245\251=\250\364\331\276K\356\243>w\002w>\373\301\352>7\334;\276fo6>\230\323)\277Z\177\334\275o2\200\276\263A\001\275us\267>\306\253M=;\001\306\276_\033\363>\034\323\212>\345\351\301\276M\245)>\020\233\005\276J\3651=\234\205[\276\360PT>r\370\210\275\201\254B>\3113i>\372)\276>\361(\026\277\206\300z>\347S\">B6\354>E\013\006?rZ\n\276\007\361\223<\367W\235\276\017#\014>ey&\275\330\233\324\275Z4G\276V\277\317>\220\rF?\351\243S>\305\320\222\276\323\320\006\276)\220\246\2769{G>v\333o\276\344B\272\276\307Z\355=\270\245??\345\376 \275g\020\306>)\255\270\275\036.\010?L\016\227>5\302\n\275\337\367\275\274[\032\000>\227k;=t$s\275r\351\324>\301\026Q\275\262a|\273(\312\222\276\201\302\347;\023\266A>\2571\321=w\237|>\333S\344\275\316\247\252>X\237\033\277\340\017\335=\177$3\276_\2175>\304(}=Y\014\036=\331\240\"?}\346\266\276\361\330\007\275u\362_\277u<\336\275\300\335\262\276\246+\207\276\367\016[\222\344\237\276\027\306\'\276Hr\367\273_\005\345>\003\316\331\274A\r\230>\220\330?\277,\274\370=U\325\031\277\366<\204<\313p\213>\331i\026\275\203V\035>Bp\376\275\313\231\020=&.\211\275^\203\002\274\277\327\370=\201\371\356=\260\277$>\217y2=\315\004\206>\212\361\233\276\241\3153\276\244\004\016>\016\240\201\276Q\364+\277\333\177\036\276\323\020\227\275\234)X=\271\014\326\275\322\0107>\261\'\302\275\020)\262>\177w2>\313\014\226\276$K\271\275\276\t\264\276}\210\344<\333j.?/\360\226\276\240s\204>[\341\313\275\217\305\025\276.R<\276/\004(\276\355\227\344>G\221]>\266\374\232\276F\021\213\276\302\006C\276\2363\276>d\201\207>l\027p>{\016t\275\25733\277\263\010\005\277\021\265\231>\221\003d>\245\236\025<#\317_\276-!\300<\007\376\253\276h\312\021>G\"\355;\254\276\323\275\305\263D\275>\340)\276\355\310P>E\301\035>\315(\213<\007\2271\274Vm\223\275\246\363\362>,{\"=r\372\376>\272\276\354\275\371Et\275\032J\264\275\177f\221>\260c\021\277T\232\364\276\316Z\326\273\375\036\007?\006\235\310>\233z\210>\322E\035>\036\010\311>\252\252%\275n?\376=?/\376\274\260\026\351\275i\220\367<\261o^>4a\237\275[\364\270\276\366\3372\274\376\'~>\020\023:=\303\264\025>/fG\2769\235\270>\307j\300\276\306j\025<\234\002\030>\177\230\010\277\341\204&\276tZ\213\275\362\347j>o\252\361\275eEF=^\250_\276r!\007=F\263\016>z\260T?\256\276\211\275\256\247*>\363\265\237\275\2123]>\214\203\350<\r\236\245>q\276\350\275o0\002>\324\207\207>\353C\030\276\222\013\237>\221j\227\275\370l$\275]\nZ>\274\271\r?\2537\003\275\021\333\004\276\207\315\257\276\006l/>\302\303\370=\217\302\321\276e\374\345\275,\263\236>\027y\034>\241w\264\276|\350\260\276VQ\233>J[\000>\320\227\257\276|\030\321\276\373=\230\275\364\307I>\261^g>iN\345\274\223o\211\276\355\016\311>\010\215\t<\204\3007\275k\344|\275\321\303\365\275\375\360 ?\014v\364>\204\377.>%\315\376\275\253\'\'?]\264 >Z\246\262\276zs\324=:+g\276\014\273\335;f7\227\276\367\370e\274\004,\036\276\360\034\335\275a\020{V\217\230w\020\225\276\251[\312\275a\355\234<\254q\277\275&\262*=\004\207\215=6\261\222\2765\216\201>&\307\277> \023A\277\351\021\362>K\331\030?\330\010A\276\177\370&>\211\264\257>\240\367\361>\270\315\344 C\005\276\223\032\354\275Lg%?F`\212\276XN>\276r\233Y<\310z@>k\352\023\276\250B\273\276C,\206\274\315\270\022\277>J\233>\257G\234>\276\016\251<\'\206\227\275&\302\360;\362\236:\276\020 \327\274Y\253\006\276\247|\377>\004\327\013?\305\324Q\274J8:>\037\314+\276_w\037=\221\223\027>%w\210>\230\006i=r\253\224\276y\315\312\275\351r\023;@.\204>\326\310m>i0\003?nVT><\365\330\276\000\361\027>\342\263\370>\360\345y\276\312a\225\276\345\340\366\276x\020\266\2769;\020\276\r\345\376\2750\213\353\275\243n\023?\364\360\237>\201\372L>\007\3607\277\211\032\377\275t\335 \277\277aX\275\247,\212\276\342kq\276Y5\326=|\006\245\276\251UC\274\t\001:>\374\300\233>\364Z\003\276\002\000\343\275lS\312;\214W\346=d_\021\277\372\324\203>\224`\022\277\243 \337\273\330\262\215>o7\034>\017\033\327\274\335g\220\276\366v\013\276\177\373\216>\341\225\036\277\240\355\237>X\024%>x\377\314=k\273{?3G\030=\211\304\212\276\204\037O\275\rA\327\276\\\215\275\276tr\010>\021\353\361>\236\210\351>\245\037X=\204(\004\275v\320\023?\312\215p>\245r\032\275@\313.\276\262\202\r\276h_\321>#\364)?\276\211\343\274V\217\200>\236\365\234=Y\223\262\276@t\021=09I\276\330\243S\275\213\'\353\276\360e\325\276\214j\372\275\273\364\000=\347ay=\277!\036\2761*C<\240c\207>\354\336\215>2\307j\275\253\320\007?\331\246G\274vJ\247\276)\234\240>E\325\206>\014|\343\275v%\217>\302\234\322\275\372\374\343\276\333\222\">\260\315I=\315\364\216=!LU=e\213Y=\240\227\013\277g\377\367\275\206R\022\274\243\370\215>\207b\017\276.\377+\275\250J\013\276\275\361\216\275\346S\345\206\034\352=W\355\324\276\364\227\005\276\3250\014?Sw\252>\321s\325\276o\367\t\276J\024b\275t\231\330=\303\377A\276\003{\020?\256\353\001=p\335\226>\004\326\347=\211`\370>H\002\232<\377\227\026>\226$\037?#\241\360=\360\231y=\306\322\237>\362N\224\276\332\371\357\274\376W\263<\235\265\200\276\331\357\327\276\275\321E>\022O\206>J\000?\277\241i1\277)\332\357\274pd\235\275O\246^\275^r\204>\361,*\276\002=*>\204\212\221>\255\245\320>\223B\367\275\032\355\231\276\313T\255=|H\330>\205t\216=\347\344\243\276\336\330\345\276\317\337\254>nv\316>\300\202:>\263\325\235=~\334\316\275\336\253=\276\212Wb\276\001\324\016?\350\251\241\275\004\3028\276{\203\310=\204u8>\361\232\232>\327\260N\276\205\345\270>,#e=\007\266m\275l}\325\2750\334\234\276.\025A\277\265`\033\276\335:\312>Hz\253>\361\014`>-\322\213>\226M\363\275?\230\303\273_\221\034?\027d\020?JI\024\277\315\020\005\276\014\tt\276-\010\026\277\362\262\345>\023J\301=\013t\336=\232g\273=nJ\266\275q\033\205\275\232l\341\275\333\204\244>CT\031\276\220\037\320>r\344&\276u\340\254>i\313I>\331\227\314\276\245\373\036=\265\355\225\276YuM>\225\003\037?Kq\r\27702\371=\254F\t?E\006\200=0}\257\275$^\326=1\270\244>\262\006\311<\351S\207>\351\357\337\274b0\262\276g\252\261\275\235\326\364\276\366\227\037=\215\005\304\2763;\032?(Io=\361#\304\275v\007\241\276\013\264\243=\034\014\340>\357\346\252;qg\215<\277\027\311>\332\235\216>]\te>n\033\301\276YT\223=\235\220\035\276f\356q>\305\251\367>8Q\026\275*\375\023\274\273\273\231=9+6\276\207R\307\274|\371\000\276\304\244&>\335\366\370\275\020\271\315\275HK\013,\330\023?-\020\030?Y\026O\276\235\302\031?\"_\033?\022\305\375=\324\031\316\276\267\303\207\276\256\317\363=\234\3651>\r\305\003>z\002D\276\351F!>0Z7>\311\013\231\276\031\275!?lZ\231\275p^7>\346-\304\276\362\033\007\277\302B\254\275l\'\370\275+\005\275\273\020{!\275d8\312\276\377\271\237>\013\262\254\276x\332,\276K\351\215\276:}\345=qq\271\276\264\272\006?\337\304\212>\233\247\243>9\313\032>6\374}>PL\'\277(\213\221=\205+\007\275\321\343a>\370W\304=\271\263\232>\253}#>\035\331\306\276\"\344\223\276\"\200\332>v\372\223>\332\'\305=\371_\177;\322\004\331\276[Zf>\334\240p\276\260\311\037>\"\207\351\275\037\213\005?\361\350\036\276z\346\005?$QM=&\340\245>\314\366\202==\251\215>\025N[>S\356\025>\006\252\004\275a\300\322\276\013\312}=3\235\343.\307\224>\2271\003\276X\230\002\276A\257\366>\336?<\276\204;\321<\016\350\267>S\311\350\276\177i\364\275\354\3350\271H\2056\276\230$\322>D6w>\377\251\021\275,\353\321\275\341f*\276\332\242I\273\346\247f=\352\347F\276{%\263\276\235\244)?.\255\371=I^\272=N\013\227\276\215\224\377\2764\346\004\276\262Q\362>\261\356\026?2v\361\275\030\315\306>\365 Y>7\253\n\277\020c\364=|{\255\275FD<=\362\217\225>I\233\254\276\242Q\313>\"\272\345<\252i\335\276\320\345\223\273\316\264\337\276!z\034>\227\266\224\276\244\211;=}\302l\276p\223\350\275A\273\204\276{O\300>\024\250 >\"5g?\363B\001\275d_\203\275t\\w>\242\364\027\274\007\000D>\3561\256=\345[\316\275\252U\241=\372\262\212<\354\276\003\275\030\263*>H\3331\276\271\223\231\275\340#h>\364\206\353\2763:\226\275\372\320\221\276\327\267l>\036\026w\276\033\035\231\276\221+e\275)`\003\276\017\303\032\276\000Z[\276U;n\276m\344\013\277\223\t\312=\235<\317>.\223\213\275\0172F\276\255\002\244\276\025W\227>\356\256[>F\324-=\353J\270\276QZ\022\276\2364}\276\240\257L>\013\256\235=)N\234>\351\037}\275\2433)>\t0\237>\035\211\200\275\301\224\302<\t7\n>*\305<\276Q\262\030>a\005\252\276\202\022\276\276w\216\177=(\315\233>ps\353\275\002\217==\240j\331>6\372\210\276BM\215\276\342\001\260>d\244\270\275\364\236k> \306 >\207\262\231;\303?J\275\334V\241\273%\210\337\276\000\373\017=)\264(\275\310\253!>\375O\002?\r\017\257\275\334\267\347=\306\273\215>4\336q>!\230\244>\266\3617>\312w\220>\361\351!>\236q\205\275\"\304\332>\014\260\353=>\003P\277\036I!>\340h\000;?\240\374>XGY=\334\005\267>cM\323=(_S\276\364k\006\276\210R\032\277\036(\376\275ZF\005\274/(!\277\231\327Z>4\010\330>Y\207\216=\204\254\277>\276\245\330=89\"\276(,\371\276\023\367\200\276\331\t\214\275\234j\231\275\301\320<\276\004\200\326\274\233\262g?\225+!\276\330l\320=\270\377\264=_/\240\276\375G\254\276\221\336\256>\035\036\321=llO\2769\357\237>!mR=\3747\206=\274\244\257>\375h\354=\001\327\252>\027\366\345\276\016\211\014>\310\362i\275\0100\020>\356\263X=\322<\222\276km5>[\341\304\276L\005\322\275\335\347\265>\021\307\212>e\343(\276i\210z\276\361\353}\274\363~+\276\t\275\346=Z:^\276\034k\220=\2636\342\275\320\215\314\276\216\306==U8(\276\242C\024\276\314\371\231\276S9\252=0\026\243>Q\334\005>\360\275 \276\202p\212>\370\317\347\276K\276\225>\005\026\256\275\361\001\207\276\361!\233\275^\220\224=\303\252\334\275\020\235\265\275\211\341\354>\035\"\253>h\210\332>#Du\275\226\254\026>DY\324\276\025\247U\277\200CR\275\373\265\010\275~P\202>2\020\257\276\023>m\276!\332\321>~\031\001\275$\377g\276)\207}\276\334\211\031>\034\214]\276\370y\232>\023Cw\275\222\312[>\323/\320=\243\252\017\277\204\377|>\"\315\350>\'G^>k\357\227\276\225\255H= `\027\273i&l?\356\314\221>\233\210\325\274,(\376>\244P\225>\376\343\237\275\360\241\272=\370\034\261\276\274\216\370\275\245\350\252\276\276!\007>\004\\\203>\001\231d=\260=d>\204\335&\276 \261c>\244\322\260\275\210\313\316\276\307\371\352=\251\321\006\276\033\322`\276y\335\270\276\302\227\215\276i\365\243>\022\366X;_V\354\274\013\336]\276\344Q\246\276\304O\361=>\263\202>\276I\"\275g\033\232>3\025\221>W\261\222\275\211-\302=\352\326\257>~-v\272)\265z\276\000Z\350\276\t\213\221>\373\255\234\276\276\3129>\263\212\347\276\001\034\260\276\267bn\276K\307#=\252\337\353>\032$Q\276\276\371\220>\230\021\003?c\376\245\004.\302\275S\247T\277\302\365\237>yve\276A\232\202>)\300\025;\340P\361\276\344k\004?_D(>\357\032\025\277\244d\245=\365\366\341\276\234\021\343\275\005GN>\243!\246\276\3554\005\276\277\212\t>\210\014\\\276\027\341Y=c\r_\276\"\217\224>\027\311\000?\262\263\265\276\270\254X;\2230\224>9\335\265>%\020\314=*\352/\276\3532\263\275\277\251\305=\323]m\276\247\206N\276I\206\257>8\235\254\275\3353\351>\370p\022\275$\267F=\302k\274\274\206\300~=\350\250\262\276\343\270\211\276\215~\370=\301\010\016=\370YX>\374\204\251>&\005\351>\217rS>\3649\234\275|\260\003?p@\237\275x\031\223\276K\213\216\276\312\031c>O\273w\276\243\233\357\276\370\326\000=\341:\222\275\021Z\313\276>\331\321>\320\303%\276\311,\337\275r,O\276\273\251\262>\357\317\234\2755\274\215>\251V\005\277\t\3661\276\303\263l=v{\037\276W\031\257=B\341d>\273\3149>\262\004\252>9\300\330=-\3636>\255L\351\276\262g\010\276\240\224\253>\032Y\222fF\210\276\376\235\265=\335\n\236>j\354\213\276R\305\327>bG\244\276?\331q\276r\316!\276S\233\247\276G\014\034>\220\0171\276\273\331\313=5\254\001\277\027M3?\277\363\345\274\271\345\210\274\334\255\373=\023\264v<\260{\340\275\020\354\001\276\025!\253=\221\250!=\262\216p\2760\332<=q\023,=\307rM=(\367\273<\273<\032=X~5>\013\304s>\335\364\t>\311!0\275\'Dr>\245\343\005>\004\375\217>\354G<\276w\377\271>\245\337\321>#^\340\275\233_\270>:\314\'>\025\305\321\276R\213G\275\303c\320\2744a\010\277\236\207\223>\323\346\035=:\273\230\276\335\250q< )\302>\t\227d\276D\360!>\320\263\214>\315g\253=\213\0104=\322\037\036\275#a\003>\033$\362\026\003\253\276\313s\246\276\023\331\212\275\"\026\337>f\305p>\270Kx\276yqj>+\221/=N\314\266\276\242\177\013>\350\032Q>\322\276T>+X\005\275\335,\240>\325\366\335\275P\0102\276v\240\033\276\3068#?\272\207R\275\023\231\326\275\344\357\037\276\\CR>\235=\215\276Of\221\275\223\022\367=c\242\266=\004\250\321=ZYx\276\010\330\215=d\312\337=\216&\261>\304\333\014\277jw\353<\201\034\360\276M\347\250\275\276$W>\021\256\t>6_C=\t\337H>\347\335a>t \200\276\001@k>U\024[\276U\260\264=\325\212&\276\250\"\032>/%\007?\337/\363\273k]\324\276\301\270->\305\302\232\275\341\343&\277\3026\215\276\000\212U\2773\\X\276#\275\245=2\213\213=\005\030r>\342\027\210>\354\232Z\2750\230s\276\345lI>\324\327\005=b@%>k\234\272=\207\362\242>\227\220W\271\246)\360\274\004\214\016?\216\242\212=\243\376\365\275\375\003\356=W\371\244\276\277\236\324>]J\200\313\225e\276RgO\277\373\243h\276c\230\000?\257\370Y\276y\343\037>\003C\023?\206q\201>B\300\267>\345\313F>11y>\365\004\310\275\267n(\276\257S\242>=^t\276\364)\254>7\213\211<\331\030\245>\231Y\210\276\",\310\276Z\256(?,@8\275\n?\\\273\232/\231\275\246T\330=\225\376\300>\343\317\036>\343\342\325\275\320?\r>\004\206$?\304D\201\276%K\037<;i\355\276\271\315\243>4\266\217> \004?\274D{3\276y\204`=\247\026\004=B\333+>9\036\317\276\036\262\007?P\330\377\276c\250[?\001\372\032>{k\000\277\330|\363<9xK\275\271u\031\276P\346\334\276E\206,\277a\214\266\276I\310\273>\260\2347?d\271%>AQI>\250CV?\263H\"\276\026\330Z>\352@C?\272%\003\276\352QZ<\r\241\240\2763\337;\2760\017\014\277\233[E>t\305/>\303\010\016\276\264\247\004\276\215\277J\275\334\225\274>\370\345\233\275cw6>@d,\276\346\304\250\276t\252\\>\235\305\327\275\246\361/?]%\274\276\301\036\270=\373@\233\276g\274V>\344\r4>9i\002\275\214\006+\276X\257\033\276\303V/\277\025\222\303\276\222wF\275\275$\375\276\216\352\r=\251@\347\275\230\017\227>\374\016\034?\022\271\020=\240\203\264\275\271\215I?\356\026A=\227\373s<\231\372\362\275\315\325(>Z\253\005\277\362\252T\276\211\325m>\022\215\263\276\214\352m>\"\\\322\273\371\236\237\276V\212\275\276\332H2>\310\276\207\276\366\346\366\276\327\250|>\356V\203\276\250\236\225\274$\250\325>W\314\265\276\374\022l\276>c8>`F\356\274\257c\241\276e\366\275\276\365\310\034>!\220w=B\255!>DZ8>\003\001\022>\217\335E?6\007\342=b{:\276\310d >A\"P>M5\"\275\376\220\225=\210\347\330=\222\231\001=2_\354=q#\206\276\200\200\353\275U\004\350\274\222\200:\276\237Y\230\276%\030\214\273\377\233\t?P\371\032>\213\031\222\273m\255\256>{\004\250\273\231\203\271\275\237Q<>\364\272\275=0O\007>\255\262\376<\351v\276\276\367\334D\276e>\244\275\276\005\263\276@\003_>U\356D>\211\370\007\277\005JR\276\250\257\221>\264T\246\276\271\344\022\277>\"\010=\004J\314=wCw\274\037\t\177\276\031\0372\274\306Z5\276\332;\342>\032\243\245\276\370?\361>\305\307\222\276\003\233\271>\264\r:>\030d\022?\177[\206\276\017\355-\276Yk|\276\234\0249>\276\023\322\276\275\002\370\275\266\306M=\244\241\376\276\251\345\351\275\225m\376\275\362\252\251>c\316z>/\177\263\276\210\370\244\276\360Z\032\276A\277/=\"\023+\276\303\371\241\275\253n\206\275g\364\036\275p\215\031\277[q\010>FE\005\276\3172\206>/M\215<\302\323\243\276f\364\275\275\330O\205>\013\212\361\276\313\342K=\360A\216=\231\227\331\275|2\024\277:\277\000\276\251\272O\276\275\273~\276g\2618>\031/\001?\rg\032\275\232C\265\275\224V\215>\221!\232\276\031\014\315>\373\246d=\344\277\r>\2633\201\276\241\0141\274R(\270>\037\037\027>.\364{\276\327j\202=\262\205\364\276oR^=\244\212\241\276mN\r\2774\260\"\276\3121\341>TG\262>\2064\243>#4\244\274}n\251=Y^\032>$L\307\275\204\311a\276\326+\003\2778\325\025\276e\224\250>i\337\002\277\251M\316\276\232\354\353=\364\237\261\276\207G\250\275\231\245\022?\222K\256\276\202X\310\275e S\276\207w\014\275\305\240o>\rY\231\276(\304)\276\375\242\331\276\376\366\'?1K\217\276\r\351\333\236\257\370=\214sd\275\352\320\247>^}\232=\337\346\025\276\2276\264\276\340\267\337\276\266\035d\275\366\257\177\277\201\375\236\273z\307\243\274\240\353a\276\204\376\370=3\233\001\277WB\006>\213,\177\276\267L\221>\223$\304>\226U\215>\rh\335\275\226Q{\276\033{|\2752a\000\277\337\331C\276L\240\257>\210\334j>$\370\237\276\251K\307;\007\002\030>\321\302\304\276\334D\013?\310\t\r=r\017\351\276\001V\222\274\361\241\013\276\023\332\000\276\276y\276\276\224\007\223\276\375\204\234<\032\320\203>f\016^\275\212k\021>N\346\202\276=\3406\276\340f\006>4yx\276\272_,\276i\022\277\275\r\241\357>j\210\026?\214Z\204\274\244\376\277>y\2155\274.\rm=\343)\316\276g|\242\276\030eZ\275;\3509?!\222&>\34250>\247\203\254>\023\250\010\277|\255D\276\212\350w>\363\034V\276\277W\254=v\211z>v\346\271=\207SJ\276\347^\004>Zx\276>\331\260o\276?\232\273=O\031\322\276\356\"$\276#R\341>\341\004\361>\357h<\276\321\275\324\274\277M\267\276\221J\330>C\347\312\275\255\373(\276\004R\203\275j\2066\276l\021\344>5\004\243=\023Y\220>\252r\237\275\357\020[>8\231<\277\355Zn>\257\022\003\277\363S\374>\201\3608>\036\207U\2753\235(=L\264D=!\315\0365\257\220\275\037\240;\276\323\207\313=\314\203\304\276K\204\241>\014O\226<\336\004\033>\023,\322\276\032\340\222\274\021\367\307\276\327\242Y>\201\322\300\276\262C\211=`\353\234<\330@\322\276\231yV\276\3108\026>\211\313>\2761\322V\276U\256r\276\r\020\320>\027\316\210\276\302\310\367\2747P\313=&~\013\276\376\222\033>\360B\211\276o\234\310\274\035\023K\276\334\205 =\326\030\007?\354Kk>\374\004\255>*V\374>\340\247\033>\227\202\232=\331\274A\276\002:\220>\272\001\270>\360B\335\273\271\211\344\275\275\360\275=\206\222\321\275\303\204\221=\220g\353\274\277\227\321>\244\375\260\276+\211\211>\203g\230\275\217\036\330\275\350\323\274\276\036\005\355!\305\335\276i\307<\276n28\276\211\327\263>\225\013]>\321\253\264>\351=\204\276-_(\277_=->mK\004=@\236\245\273\367\321-\275\357\037!=\235\365b=\026\335\350>@:\014\277.$\240\275q\335\217>\315\007\342;\210\023\266>U\023\227>\350\031\211\275\335\325-\276\212\212E=\227zi\276\037It>K\\x\276\300\353J>i\276\242>\320\310C=\325V>\276\215j\205\276N\305\370=\005G\377\275m\360\013=\221?\267\275\210\323\336\276\244\377\001\275\336o\202\276Kz\340<\367\375\341>\312\225\214=\325Xs>\351#p\276\334\317\307\276\245\225\323>\232X\377=\ra\030>z\263\337\275\2466\227=\241`\024>\261)\035>v\034\204\276=D\255>J\315D>\020\216K>\311\236\006>d\221\215=\033w\275>\354\306\232>S\352B>\326\260k\276\321\337\024?>\253\246\276\'Qx>\311\267\225\276q\250\232\276\362\033\233>P\325\347=\362\013\266\276\370\013\217>\375\321\262\276\221\031#\276J\371\035>\317\372H=\350%\017\276\260SY\275QUq\276\216#\275>6,R=4\223\352=\323u6>>B\261=^-\367\276\251]\375\276\261%%\276$,\330\275\216^|\275{L\323>\222\037#>y\320D>\251[\\?\372\335\330\276Q\260\212>\017d\203>\\\274\211>]\320\032>/\2770>\304\375\035>F\316\216=\326\253 \276\225\312\225\275\305\264\016\275E\256\267\276^\345\030>\265\216\212>V\276\213>v\240\236\276?\030\325;\237*\035>)\302\362=\t\026\267\276\375\342\014>\316\330\313>\340}\014>\rZ\245>$K\251>u\245\234\275\202\251->\224\035\206>\312\tL>\213\375\217\276\0246\322=L\300W\276\013\336;\276\314\245\001\277v,\026>\356\034\332\276f\310X\276\237\375{?\312\311,\274\333\337\266\275\362\335\251:W\351\246>\214eo\275\371\315\371J#\372\274\020\322\223>\335X\244\276\354\"v\276?ep>\370\376p\276p\207\212\276A\244J>\251,\261>\021\007\306\276\266\357\244=\220\340\245>\014\316]\276\007\237\302\276{\363\003\277j2\322\276~\377C\276\316\210\325>\326\214\220>\354\3247>\235\317\351\276\217tJ>\312\215,\274t\225M>\360\036\031\276,\022\216\275\231\034\302\276]\352\262\276\004\\\272>\226B\243>\335\301H\277b\316\321\276\216\333A>\353\347!\2776U\266\276O\233\356<,\343t=u\312\'>fE\214>\227\200\333>S\246\350=\225\355\235=\001L4\276\006\247\201\276;d`\276\360\362\325<\367\007\205;YN\245>\323\240\331\275\352\237\002=\263>\342>\001\027\000>(U\310>e\240w>L\353S\276\242\\\375> w\016>\3357\224\275\243C\304=;\000\037>\314\210\235\276\352eR\275\331b\033\274\240I\251\276~\270\343\276D\315\001?\373\014\377>\244.\312\276%\006\n\276\262\204\263\272A\277.?\264\364&>\016|\251\275\023V\225\276\227M/\276\032.F>;Ni\276\\\023I=\235\237C?\016\224\342\275\223EF>\203\201\356\274\255.*>\"(\022\277>\0036>\227\345*\275\355$\201>\022\265\341\276\023\377;=\270|\204>\221\344\330>\271\226\233\276\342\314\237\275_\261\274\276\035\351\240=\330\027\357\275\240I\253\276\306\220\234>\204\201\236>\317\266\027>Z\306\025>\233P\310\276\\\244M\276\260\200N\272w\225\217\276N\362\010>\2722W\275\307\234)=\332j\325\275\200\317\267\275\222k\226\2769\274\257\275j\326\314=u\377^\277\373U\250>\346\242\236\276\301\341\331=\320~\315>\210\361\233>\254<\026\276\375\242;\276\200\232|>]\340\001\277N\242`\276\257\201\220\276\332\004\273\275Z]\222>~C\261=\212\0139?d\331d\276\247\003\203\276wdu\276\014=\311\274\262\247\302\275@\213P\276\374\302\315>J\237V>\350\220\226>T\215\025>\\\260A>\000?\304\276\317\"\r;\014\357D?\343?\235>\214\027\252>M\325\330>_\2120?KX\217>c\363\357>\217\001\326>\245\350\314=mEr>\025(]<\211\320\222<]L\264>\212p\036\277G$G>D>`=\201)\002\276\304\021\006\277\\\365Q>t[\263\276y\221,>\234\037\230>\264\267\014?\364\216\003\272\326-\032>F5=\277\030\266\271\276\277_\334\274f\021h\276\226\253M\276\220j\265>\254y\013?\317o\204\276J\264\345\275A\210\'?\351\377n>\t\342;=\250\374\237\273\240j\007?\220s\002\276l\344q\276\303L\362;\032\023\">\2673\333\275\321H\235\276\220\373\032=\205\204s>\027\217\220\275\3634\222>\245\272\223\276\222K\024>,\334\325\276\030\356v>\374\250\233\276\315J\247>\337\272\354=\303\230\021\276r\327\251>\030\320\343\276\001\201\227\275\tp\'?p\376\311=\006\027\205\276\031\212\200\274}\260c\276\366\206\030\277\255\343\243<\371\344\037\276\037\020\227\276H\363\201>\254\253\266\276\2003\373>\243\301\213\276\367\221\030\277\353g\206\276\227\211\375\276\2467H\275\256\303!>\2071\211>\232;\343=5+\026\276\356\236O>\372\366\302\275f\203\371>\036\036\003>\024\177\267=\205\\|>_\034\006>V\310\025\276\000\250\265\276Fl\223>\216|N\276\240\247\372=\346\375\232=JC\216>i\321\225\274Z\332\263>\253\374\230=\266\200\324\276\202\ne\274\325\325\333>\224&\313\275\3130V>\233. \276\244\377~>\256\002g\275\220\235;>[\"d>q\342\276\275\243\334\261>\345_\210=]J\302\275\250\241\204\275\022w\225>\023P]\276\025\235\203=/\371s>\257\342\000>\361@\315xZ\237>\363\013\241>\370\347\376>\360e\007\277\001\227\262\276q\305d>sh\010>y\017f=\346\001\323=\230\332\"\277\311\227\010\275:K\201>\372\027@>G$S\276\352\2718\276\375x\306\276h\004\275\276\3404\235=\250 \276\334D\'\276\314\277C\276y\374G\274\010M\367\276f\026\353\275\037Y\322=\267i\231=/w1>\314\033\264>4\355\005\276\340\3614\276\003\000\326>\331\231\226\275\002=\235>\231\242\202\275k%\000\277-\270\021?fW\033\276\247\260\210\276\323$\236\276\323w\221>\177\024*=O\217\237<\263\377\303>w*\212>\335\337]>yG\002?-{\204>\210N\311:8\247\322=\010zR\276X\352\260>\272\330\311\2765v9>\005\223\304;\206\327?>\212\236z\276k\007\205\276,\2766\276\001\216\215\276\017n\303>\262\277 \276\305\262\307=x\235O>F&W>\277\000\013\277r\231\256=\251\006\212\275\251+\376>\2029\204\276\235@n>\261\262U\276\223j\261\276_\337\267\276;v\255>\323KX\276\215\256<\276\263\253\223\275.\326\310\276\222\004@?s\362\276>\367\370.\276\372\345;>at\302\276\230\\+>\316\275\245\276\021\307\254>B\243&>)\271M=:7\226>\177\333};\212Z\327\276$\323\325\275\360$\233>\235\230\200>\031-a>&i\267>\202\277H>\204W\313>\226\314\255=L#\312>\205\331\247\276\336ai\276:\360\246>\336-\252\275\247\263\214>\342Q\t\277\261\332\">\371H\253>h\277\236<\233\005\216\276\026{\321\2751\334\032\276\0310\363\276\030\212\354\274\007\230\250\276\363\3566\273t\307\214>\371KX>r]\354>>\334\327\276,`!\276\236\331m>7\027l<\003\372P\276\021V\206\275;\377\241=\320W\221\275\307\274F>\361\233\240\276F\253\353>Z\365\347=C\325\321>\203\355.\276\022\0323\276\345\346\014=\020\202\255\276\264{\314\275=\353m\276\372Ap=\001s\204>\217W{>T\010\301\276\247\357\375\274\026Y\007>\205\356\256>t\367\273\273gN\\\276\340@\257>\262@\312>\344\307\226;\203\341\230=\302\370_>l\377O\2759q\014\274<1\206>\000\230\010\275\034>\227\275\305kg><\377?>\330\220\323>\032B8\276\352\217\371>\035YV>)R\342\275+\340O\276+\315\232\276\277\355\224\277\276\364\217\n58>yP\207>tt\204\276\377\2735=\031\352\000?\344\321\311>~1\303=\243\025\314=\304\2723>\321\214F\275\355H\324>\"\363\242>\264\224\263\274\177\222\250>\000@ >mLd\276\231h\250\272\275\004\245\275\305$\224\276\214\204\275>\371g\323A\034I\277\342\326i\275\300C==/]i\275\207h\276\276\331\013\005\275\005.)\277\251h\212\276mR&>\213b\373=\312\017-\334\275\335M^\275\026\'Y\276=\035&\275\371\320 \272\036\207C=\356\352:=a9\317\275N\363I>\236\336\355=\345\373\261\2766%\025\2767\337(>b\324\325\276\344\261\230>\027\221.=\341Z\375=\276\021\016?c\020\032=\372\025B>\236\2606>\020{\021>6)\357\275\326\004+\274\241cb<\261Y\000>\273E\207\276w\371\272<\017\256\207>\227\275\301=+\272\375\276\357\030\303>\177\246%>\022\326\023\276kk\204\276\024E\271>\356\244\206>\205\354*=\216\333\254\276z\377\360>T\374\001\276\345\006}=\332\265\230>L\177\200\272\034\350\263\276\nt\233>VV==\231v\322\276f\035\214\275\303X7>JP\226>\037h\245\274\347\206\324=v`|>v\356\351\276\023\377\212=\320\341\013\277\0032\030\277\353\367\032>z\241\006\276\013\324Y\275L\303x>\306h\033\276\275\037\242\276\027\036\234>\006\035\017\275\326W.>\232\374\231>\376>\353\276\003B\210\276q]\'\275\250I\340=I@\025>\367\343\333>J\261#>\311\006\260>\273\344\317<\370\200,?\275\217\327>4\016\002\276\221\235\217>\026\013~>r3\337\275I\315\210\276`f\007\276=\317L\276\231\255\276\2764\341\342>\010\226\214>6\000\225\276\366\365\020>\251\332\322\276\016\t\311>+\227\013=\347\302\033?\002\200\254\276)\301\372\275\331`\246>_\333\251\276%\021\353>\232\367a=\267\244m\275\333\263\224\276eZ\267>\224\325+?\277\310Y>w\212\273\2743\"\206\276@\264\225>Y3\266>\265\000^\275\017\304\202\275\335DE>.\353\246\275\227$#\275\0367\210>\215\223]>GDi=\363\250e\276H\345\000\275U\314->M\366\031\277\020\225-\275S\251\020\277\326h\365\275h\375U>3\036!\2763b\256\275\233\356\304\274\317_\303\276&\232\235>\346\003\203\275\231n\361=N\215\366>d\204\257>;#\n?\302\002\035?O\251a=\276\036\241\276\330\255\221>o\277\003\277gL\336=\324\353\344\276\256:O\276_\371\216\276OG\200>\332T\206=D\024\337\276\335 \036>\224\375\305\276\246\277\204<\344\001o>\233\367\232\274\357\275\300\276\376\206\321>7L\206>F\374\205>i\251c\276v\361\365=\014\\\272\276\024\205\315\274b\275\324=qy\314>\235b\241\276\225f\265\276=2\225>\335\331\010\277\304\373\275\274a\272`> \355\036>\277\340\361\275;`\024>\253\324\347>\212;\363\275\273P\306\274<\376\372>\311\225\232\2764\001\230=Eu\222\276\224:\214=\272\327\247=\330\254A>\320\304|>\246$z\276\340\364\246\276e`o\276~\266\203>\0218\256q\t{>M\260\311\276^\216[\276\t\206S\276\005\201\333\275!\2214\276\273r\244>\260\270)\275\022cl\276\233`\355=\345h\313>J\222O=RRr>\301!\362\2759|\336\275\245\304\357\276\202\031Y>\037\001\034\276\n\315\371={\314\032=\265\237v>\007b \275\3412\254=\320\003!>\332\373\030?,\242h>\020\261\245=\300\333\273\276\323\313\010\277\230\337\006\277~\020\371=\003\332\273\275\026V\030?\356\250\331>\266\301\203>\031\273\370=\243=`\276K\3764\277\220Y\323>\272\247\"\275\217Y\326>\tp\310=\252d\322\275\316N\017>1\372t>\275\210\210>\257\246e>\301\337\376\276\033\n\004\276Q\311@\276\032\202T<\024\007\005=j\316\177>\342\340\016<8\313\202>\356\211\221>t<\220\276!V\202\276\251\235\241>\320o\362>9d\330\274\010\233*)\001\275<\252\221i>\310V\233\2743\222\023\277\224\314(\2773\367y>\217\210\362>&\365\212=+\226\'>;Z\322>b_\260\276\3273\266=A\320\017?QQ?\275\200\270\014\276\206\032\263>P\370K\276\375W;=:\354\262>\316\276u\276\037\240~>\'*\250>\035rw\231==\276\367\261\225\274\'\347U\276\237K\265\2754j5>9L\233>\035\220\355\275\272\274\212>\205\233a>.\270.\277\214\353\246\276\006q\t?\306\245\223\275\355\2476\276Z\211 \277\302\355]\275\375\225\376=W\261\014\2768\223\007<\342\261F\276\340\024\373\275%OF>\225\307\002>\352\001u\276&\366\336>\311|\200\276L\320x?X{\244\275\204<\376\276\370T\362\274a=\275\276\310\266\025\215D\256\276\235\275\307\273\237\321\027>\370\377\201=Y+\321>\027\327\310\276Y\204g>-\024l\276\372\377\362\274\270x\207?\205\363\r\277\250WY\276\312\357f\276\324^+=l\033}=dJC\276\330\310\033>\216\340\317=z\276m\276\r\265Q>6\025U?bq\213\275c\325\271\275\007\001\224>\244s\233\274ie\233>\321E\341\274-\201\243=\0269\t\277\340\0074\276x{\370>\2411\r\2769\201A<\206\362\333=o\211\211>b}\235=\030\350\203>\327\242\260>\'|\001?\213a\262>\307\207\261\2765|-=D8\312\276\274\300\273>\303\321j\276G\222\370>\2033Q>\334\256\207\276J\371\204>}%\032\277\031G\275=\222\267\301>OD\262\276\021\273\277\275\353\275\343\276\227\340\234;\321 \021>.p\032=\340>\332\275\272\230\234=\025\033#=\321\337\213>E+\"?\315:\251\275X\\\357\276\024HW=U\017\221>Pu\305\276\tM\322>\331\271\224\276\210\020==\321en\276\335\336\325=\356Q\226\275\007k\200>\372\243\350\275\n\312O;\226\230j\276\004\211\361>Q\3165\276\316u/\276\n\210?\276-{\003\274Q\340\235\275xlf>:\214k;\260\314\345\275\375FF>\311H!\276=X\320\275s\324[\274\300\t\010\277\355+\265\274\265\316\352\275\261\361\271\276\203\313\345\275E%\261>\260B\326>\344?j>9\270u>[\260\245<\035\3765=fg\237\274\251}\020>\261\265\034\275E\006\211=TA\254=\177{\263\276\0040Z\275-\252S\276\337\261\014\276\246\002\007=\374\256\266>q\230j\275F\325\255\275)\256\r\276F+4\276\010]\003\277i;->\274\017\025=\007R\225\273LF\310\276\205B\325\276\300m\372>\025\327S>\001\001\'>\272\325#\276\327i\026>gI\264=\275\263\244=\325o\020\276f\016\004\277MK\'\2763\323]>\254\034\241=\315\254\326=r\033\370\275|z\256\274#<\370<\267,\230\276M,\266>+a\307>\307\313\200>\321\'\035\277u\001\010\276\240\215\273>\372\004\241\276\340Q\034\276\303\354\020\277\210L\251\276-\347\356>k\345\246\276\367\343\371=\237\300\271\275\330\245\335\274\350/\363>\003v\017\276\206\272\024?\340A*\276\365\275\236>\262\202o\276\266T&\276\324\tv>\300\250\216=\362\206\224\276\364_\211\276\205e\256>\302\252D\276\373\031\225\275$\322?\276RQ\216:$\002\210>\013\263\202=\333T\210>\267\344\304\276\312\017\372\275\311X4>l\321\026>)\000\373=\246\254\n?T\236g\276J\322i>\026\305[>Y\265\252>\317\355\236=\341%\260\276U\351\203\276N`c\276<\243\035=\344\027\246\276;\254\214=\314\301\266>\036\302\216\276\312\333\322\2752~o>:\265\336\276\265\n\202\276\256\362\005\276\362j\274\276\201\306\273<<\300\372\276\307\020\267\275\256\217\346>\227\262B\276.3\254\276\304\r3\276\257KN\276\325\347\265=\241\3148>\n\210\274\275W\312\256\276\034?\315\275\325\312\343<\325g\226\2765\264\360>G\'\257\275]\376F>\001\204F\276\\\231\223\276\204\023\001=s1u\276B\375\207\274\372\034D={\352\355>\232^\301\276\264\231h\276\335\200|>\263\r\226<1%g>\370\332\332>s\344\375\276\232T?\277\3014@\2769\215\354=\300\033\205>*kC\274\032\322|:\222N\366\275\202\205\001?\"r\036\277a!\232\275\362\232\310\276\341x\335=\3424\246\276\3365^\276\030\356d\276\304\224\346\275\251)\255\275\224\321\"\277Kxr=\355L)>\010\321\370\276?\236\277>=\000\265\276\372\356\263>]\372\220\276\003o#\275=\274\036?\374\370\354>g\275\345\276|\260|>\232zV>}CC\275;\312I\275D\002\027\275\206\203\262\275\245\3659>\246\363\201\276M\364\264\275\241\304G\276\006\252\202>P\257\243\275a\301\241=U\355\030\276?`\372>L\307+\2766\0212>v{Y;\303\027?\253N!>\306\250B\276\016M\322>\21102>\002\251\312\276\010\215\376\2762,\224\276\024\231\352g1\325>\211\305B=\232\336\242>\231;\361\273l+\207>\265\257\245>h\317W>\035\235\004>l\342\213\275\360\177\357>8\223t\276\237\006\205>\026F\017\276\214\025\313\276\222\217\024?\242\266\342\275\007\000W\275|\3618>\362~\326<\005&\251\276\230\360\364=\203<\254\275H\033\003>\271\330\001>SI\320\276\2361E=*\331z>\354:\337\275Z\274W>h\354\311\275\253\255g\276\326\323\340=\220\204\364=E\230M\276\340\307\357=\2404H\275\241\307{=\367\327\270>\253\"\033?\250\267\207\275i\263\376=,\300h\276i\2043?o@\325\275\205T0\275\273dK>\323 \n?M\340\307>\006\r\001\277\225wW\2757\343E=\312\352C>\365\027x=\302\364\033\276\214\230\022>\361\247\252\275w\'\223\276\261\340\232\275\0103\331\276B\2141>m\035\201\276\013\211\226>\231\200\360>\334g\274\234\177[>E\001\273>\004\235f>]\361V>\267\233\254>&\202\242>RcQ\275)\344\233\276\3039s\276|\030\005>\201\036\007=\007w\003\276t\227\211=\n\347\026=p\256\205>eI\263\276\n\014\215>ll{\276\337l\201\276m\200\245\276\214\033\216\275AN\374>\265\312\n?,\370\247\276\300\005\202=6-(\276\324X?>\027\362b\274\024[[>b\206\244\276\370\006\273;\322h\267\275\362j\331\275\214\036\r?\336\363\014?3M\264>\357<\243>_\311&\276!\016|\276\374S5=\3073\353=;\352\276\306\201V\275f\265_\275~\274\214\276\373tW>\347\004\270\276$\035\\\276z\217\345\217=\207\000\271\276\276\200\245>w\315\034?\337\323\207\277|\237\327\276qIS>\375v,=\016C)>\336\254\225>\337\341Y>\226\246p\276\304\257;>AC\347\276\233\303\244\275\362\260\253\276\000YP\275\235G\014\276\376\233\004>t\261\252\274\036=\221\274\037J\016??69\276\223\014\246\275\377\222\242>L\321>>-U|\275tv\031\276\014\234\354>&Q\034>\221\250\016=\377\315\306>\333V\345=5u\031\276h\020\240>\022\'\220\276\207\221l=\267]\361>\242[\033\277#\320\241>3\224:\276\263\000\306<\243\231\021<\243\362\256\275\022N\205=\r\321/\276A@I\274?\242\240\275\313\375\227\275#\275\346\275\205\007\032\275\371\352\201=\326=\211>1n\'\276\254\"\211\276Gm\343=\203F\033\276\364\215\314\276X\233,;\337\344\214\276_\327\276\276\353\013\366\275\202:\215>\312C6>\377\360\277\276:\227\302=\342\271\367\275,\025\316>\243\222\266\276\231\313\335\273\223\'\317\273\365g\322;\363\372\364>X|\'\275\2778\241\274\251d\231>\036j\261>\225\205\256\276\342l\367<\316)\200>\345#\201\275,\302\302\276\003?\004>1\276\200\276\345\r\302\276\370\0338\274\0331\306\276Z\212\321;{\237\021>\223\354R\2761N:>\347\267\302\275Y\204\245>\177\014\275>\250\256\231\276\235;\240>\247Zk\275\271\374\270>\326\202\343\276\002\230\n\276-\t\273>\020\3646>z\tT>\335t\326<*\307\024>\245N\031\276\366\217\231>\337\032\204=h2\301>\005\363\373=m>1\274\2369?\276!\030\261>\242\360\254\275\031\026!=\"\235\210\276\270y\241>c`{\276\336\277d=\202\335\005>S\021\007\276:,\206\275\024f\373=\247W\256;\251\034@\274\250\255\200\277@5G?\357#<\277\337.\317=\375\205\271>\024\254\232\276\020\337m=\327<\270>OR\304\276\315}\344>y\255Q=lqO>i\371\340\276\266\257\266\275!\2104>zC\n>\332\334\006>/i\036\276\267`|>\204z`>\353{\233\275\"\\\r\276?\314\277=P\021\336>{\360X\276\263\003\305>\207?m\276\313\270\215\276\224^\003?\300cW=:\202#>9\024-\275\016h\216>]\325\355\275\244E\240\276\035\236H\276\355k\224\276\332\244\312>\277\037\202\276\217\256\025\276\025\204O\276\327\240\372\275\354\'O\275DrF\275r\312p\275\365z\014?@\313\024\277\231(:=*!\317>BX@\275\"\263t>r\340H>\2721\005>\373P7\275:\253\200\275m_\371\275\350C\237>\323\243\205>\223\256^=\202\261\340=\344|\034>\374\221\212>O?\245=\376\212\200>YO\343\275\355\213\334\275\033\017\304\276\315\026^\2756\323\333=\366Zu\276\333\217\025>\252/\246\276\320\342\023\276)\273\326>\000\036\330\276\234\031\203\276AXT\275\0270a=k\3718\276\313\351\020\277\227\263[>S\225\314=\2224\006?{B\246\276\027E\336=m~\250>}\341I\276\256\305\206\276Z\235b>.\230\362\276\334\335\310>ku\300\275\214\026\313\276,z\262\275\3751\301\275\264\276N\276la\372>a\364[>@\375\303>\207\323\r\276O\024!\274\246\3467>\311\226\254>\201\'\317\275(\215A?Q-\032\277!\243\223>o\251\361\274#1\240\275\021B\345=\325\014\330<\tW\213>t\351\376=\013\370<<\221I\362<\344^{\274HR\232\276\324M\265=\237&\234\275\007\311\215=_p\251\276\245|\255\276a\227\316=\"c\030?\245\n\024\277N\207?\2763\266\226\276\344\227n<\217\302\007\277\017J\377\275l\265\334=\302\345\254\276\377U\031?\222\211\212>\235\207\'?\323\235o\276\300\377\261\275\010\344k=\343\020\256\276\276\204I>\272\206\026=\222\230\303=\305\311\237>[8.\2766\244\032>\204\305\352\275\210\032K\275\034\230M?KP\247\276\254\370o>O\302B\274r\3559=d%\016>;\3347\275\340\0246=u\232\333\273\224T\300\276\274_\211\276\333\352\207\276\372\312\376=~r\232\2764\244a>\031\262B=\260\204\003>\263s3\277\r!}\276\261\311\234>\312\225\311\276\372#=>+\376\200\2752C^\276\030\263\301\276T\264m>\212~\254\276p}\260\275`g\340<\374`\337=X\363<\276\355\347\026\275\377\237\004?\373|\225=\310y-\2774\233\344\275\031\242\001?\337\306\231>\010C\343>Ad\242\275\376\333\311\274\264\251Q>\342\022\252\276\223d\215=\021\265y\276\344\2438>pt\266\276\237\372s?i!\026\277\330\237w\276:O\227>\t\305\207>\243\223>\276f\243\247\276\237{\326>\336\320\272\276j\360\302\275\027\177!\275?ju\276\322\274\215=\276\336\213\276\305\034m;W\022\365=\266[i>\323\300\246\275%\000\226=\t\265W\276\300Q\205=I\227\325=\354\363B\276\261jw\276A\010\002\276\347\346\311>\321\016\232=\333\256\006\276\353\306\331=\006\311\343==V\344>\"\026\237>P\007/\276\262\314\217>,Dq>\352\323s\275\226\367\022>G2u\276\3436\003\276Z\300=>\243\264\022=\242\000\327>\353\353\324\273\272\014V\276\364\2739=_\031\213\274/\035[>gz\010>cm\222\275\033\272\255>&.&\276\254;\345=\350\257\220\275wJ\344\275\241&\375=\350\307\203>\302\357H<\225\324\226\276\033\033F?N\264\356\275\201\333\337>\370\021\264>\277z\237=\030r\000\276\002\266\372=\356\245\221=\n\263\262\276*\212?>\366\362@>f,\305\275\222R >\2631\232>!\317\342>\027\"\273>\357\001&\273dO5=\007\360,>\374Cr\276|\331\216\275\306S\243\275\345\345\247>#^\234=\353X\006\276m\224\261>M\233\270\276\371>t>H\346K>Z\2453?\260\364a>\177L\352>gx\\\277\300\365\010>[\322\004\276\377\202\266\2759{\032<\217*\253\276l\0367>\372S;?\211\360\275>\335L\r?\343\222\327\276\305\334\224\276Q\332\036\276s\263\010\277\241?c?\201\235\376\276\275\\\266>Z\260\244>x\272\264\276\0004\324\275)\2260\277\376\312U\276T[\265\2764\0173?\217\236a>\310c2\276\244\373\352\275\330\017->\203J\262>\351\344\364\275f\025\244>\255\315\314>*\366\n\277k\254\027\2778\351\203=\203\315\340> \033\222=\\\242\222>`k\242\276~\370M\276\'\351->\222\022\232\275\006I\240\276\004\376:\276\031k\030>#$\277>\360\n\022<\314\366\320=\241\377\023?\265\334\267\276\212.\356>\243-)\276m\321\315\276TG\231\276\347\257\003\277\0277\221\276~\252\301>xT\016>\351E\230>|6\226\276\030\252\026>\375\371\306\274C\332\021?\315\036}>L\366\332\275\035]A>S\256t>\3272\214\276\263p\325\276\2779b>\227J\325\351:\033>u:\272\275\227f\241>=\032\035>\2469\023\277\3235\265\2760\t\">D\221J\276\241\201\035\276\373\262\004\275\037>\270\275LG\275>aaD=B\265\236\276%):\276\3331\021\276\312\257\200\274\276\301\307\276\032\340\032>\035\272\346\276@l\256=\365\210\251>\355\004\300\276\325\"\026?\255i\304\274\305b\244>\340\020\026\276.\231\322\275\256\374\304\275\272\351\207>\373\321\217\276\355\351\'\277\365i\371\275\251+\235\276\361\010W\275\\\374z\276O=\353\276\267i\357\276\000\177\277\276xN\270\276\254\267q\275\'\270\025\277\252\030\342>_U%\276t_ \276\200\312y\275MD\335\276\360\003\254\276\264.D\275g\206C\276\323\275\311=\374\322\254\274\225\032\200>\206\204\"<\336\004{\276p\270\245>\216\010b>\221R\334\275\027\320\221\276|\231\212\276\016*$>\0310R\275\255f\362>\200\376\232\275\"\376v>\336\313\001\276>($\274\271\306Q\275\272@\344\2756\233\023=\306\240y\276>\304\016\2771:U\277\206\313\000\274L\251\335\275\217\376w>Q\006I=\254\t\233>\247\014m\276L`Z>\350\010F<\267]\303\275mq\241\273\251\006\034\275\260\0051\2772E\356=\224\0375\276\2653\035\277\354\246C=%\023\317\275p\3507\276Y:\325=@\006\253>\275(\210=w\234O\276\016M6?\323\240<>\262\226\275>\rrn\275\"\276\305\306\312\217;^!b=\366\345\230>\316\225m\276\344\316$>\313h\352\276\rq\020\277\372\021\223=Z\342\023>\257%\216>\221\252\332N\375e>\027\234\242=\273c\227>4\217\243=\243\364\214>\231\227^>\275\021=>\247\000N>\003\330\000?K\317\001>\274Wp\276\374\023\270>\222\262\036>\274>\217;*U\344<\340\272\200<\022\343\361\275\272:G>\'\251)>~\035}\276\225}L\276Y\235\365\274\200,\022?\033\250G\276\361\025\326\275B*\314\276n\323Z>\301\344A>\267]\214<\365\347#\344\007f>\016\233\325\275\033Kq>\332.\024\276\213\263\216\274\013\246=\276\026\310\003>\010\035\021\277\303B\035\277T-\221>\335=.>\242\322\336\276H\366$?:\007!\276\035-\302\275\315^\250>u\021\305=\372d,\276\353&F=\351\007\263>9\230\320=\033J\255\275\200\301\234>\346\360X\275\204\267\362\276\022\031\371\275\352\270%>jf\331>\346g\005>\326\277\241\276\034\342i>\324\353\253\276\341\215\013>T\203d\276~x\213>\'6\327\276\215\214\240\276)7\023\276\025A\n\276\230\004\334\276\346>&=\2535\271=\225\310\r>\366)\300\276\257\200\215>\312\235\240\276X\262\253\276\274\201u\276\000\235+\275\360\244\242>w\257\037\277\210\233c\276!%\354>\211N\277\275\017\353\207\276\322\210O\275\035\217\203\276d0\342n\004\272\276^@\013?d\"o>\006^C\275A\312\240\275N\177\241\276d\r\333=\315\013q=\3525\231>\364\n\262\275\204\004\263\275@\005+:\212Y\335\275\217oF>\337\323J>\257s\230\271\3340\272>\3034w<\304\353\001\276\217R&\2751\003\036\276\336X\007?\231r\215>\334zK>\031\307\205\276\007\004\031\276\250r\031?\033I\343=C1s\276\203\365\311=\256\222\251<\270M\214>^\374\246\275\217\230\000?\230\265\243>.\233x\276B\320\213>\227\235U>\254\"\264>*\\\325\275\251\324V>\312\205%?=\217\t=j \234\276[\324G\276\375\337\203\277\250\202C>\367\252\362\275w\325\336=em\004\277\350\346{\276@\006\361=>\3036\276cS\217\276=\210!>\324\253&<\202)\024\275}v\277=Bb\313\275\226T{\276\3416F>\020I\212=\2212\234\275\365.X>D\030\261\276\026\272\243O\3218>\257\264\327=\\\005\352>)$\240=G\225\177>zr\203\275\010\304\024>\035\237\303;~\3542\276k+\203>(\265\313>\342G\306>\022`\"\276\257\307\001=|~P\276\267\366E\276\340\221/\275\025\253\256>\342I\342>\365\023\276\276/\351->+N\311\274p4\215>Q\200j>\370\303\202=Fr\204\276\365\346\'>\241\353\025\277}\316\250\274\361 \000\277\214\357\263\275\335\016\013\277\001\247\026=\213U\016>\361\036\262\276\020\371\266\275\240a\231\276\025U\317b7e>\346O\306\276p\230/\275aL\026?\021\223.=\206g\016\276\365}\004\277\217\247\303=?\036\245>d\300[\275Ci6\277\252\t~\275\031\222^=\304\330\303\272\225rF>*\251(\276AU\272\276\232\246\225\275\326q\021\274\332\354\240\276(\252\036>\030\177\254\3340\031\275\1775\307\273\001\347\255\275.?\222\275\260\213\030\277\270\255\002\277\307\305\020\275:O\306;\272\341H\276#\031\274\275\3524\222>\276_\364>\354\242\010\274\261Q\336\276\013\375V\276\033\225\265=?\026\244>m\256\016>\327\325L>\376Q\003\274\030o\340\276U\021\326\276\002\244W?\n\\\325\276\337\260\235=Y\255O\273\332\032>\276S\333\263W?o:\253\276q!\230>\223<\026=\264\225\245>^\3452=\224\233\271=\035\251\235>\315\365\313>6\321k\276\316\220\246=\365\"\373\276\376\307\234=\2136\360=yB\257\273\312lH>\305\321\253\276\247Qz\276&\252/\277\240\200\354=\362\333\362=8L7\274\213\207l>\276e^\275d@\225\274h\225\362\2764\345D>|t\214\276\324\265\201\276\333&\232\275\013\3042=\242\216\t\2772\374\353\276z\261t>\032\364Q\276:H\266\276\305\010\316>\235`\343=;\203\017>Vk\030>.\211J\276\n\365\332=\332\013\267\276.\315\211=\036aS=\326\330\262\276 \230\222>\267\236\007\277\016c\003\277\002 \234=\365\256\351\274\301h\221>I?\004\277y=S\276jg\r\277\006o\357=\364V/\276\007\021\244>p~\273\275\277d7\276Ed\214\275\233\013c=\234\\6>/\205\036>\353\303\240<\2613\207=\3715w>\224\270\210\274\004\301P\276\013\323\314\276\212@\206=]\240\274>\270\374*\276L>\221>\247p>>\211h\251\276p7O\277\274s%>+\330\276>\025\217}>\364\372H?\345Ok>\"1\251\274g\272\311\275D1\r?\356+d\276t\330\210\275VNV\275\334\220D\276\227\260\004\276/\202|=\0232\362=\341c\022\2750\237S\276\332\234\205>\260\342\256\276\212\327\276\274\221\237\305\276\265\306\017\276\315Q\373\274&\335\037\276\317\313\034\276A\311\007\2771\266\361=\325\277\205=\277\242\361<\352\004\356=\030TT\275n(\236>\204\356\222\275\036\020P\277\313\276^\276\375\207\306\276\314\034\211>\261L\035>3\033\023\274y\302\341\275\013A\260>\373+\333>j\020\365=JK\261>\347\264\021>lQ\313\2760\017\001=\177\240\255;{\027\027\277uo\206=\006\215\212\276\246!\306\2765\302\366\274\225\367\243\274\333\'\216\274\367\227\033>l(\253\275\351\302N\276\277\363(>No\231>\2441/\276\323\001R\275\345\001H\276Sa\352=d\354\207\275\227\353*=\335\330E>\026:\035\277d\224B>n\317\312\275TAK>\302\016\026\276LR\374\276+\346\374>\037G4>\313i\371\273\245\253k\276\363t&\274\320c8>$61\277\321\336[>\274\306\033\277J\303\t>F\211\335\275\000\346\236\274\263\3308\277\2456\312=\002\034\203>|\252*=q\014\370\276\253\250\271\276/%\305>\277\301\377>\215\262L\276\037%\267\275\2727\322=_%\013\276T\245\\>\250\1775\277\365\210\313\276b\252\314<\304\206\312\275#\003\364\275F\350\242>I\037\036>\215i\212=s_\376=\340-\207\276nk\003\275\032y\030\276N\306\251\276\006\254\322=\021T\243\2763a\373<\215\027\'>X\"`> _9\276&Y\337>\206@\351>\251\331\327<\310G\221\275\240\233B\275\334R\260\275J\263\263\274\000C\325=\211\240o\276n\260D\275\216\214\200>\212\202\251\275<\305\001>\227\354\273\276X\035\006\2759\243\013\277.\240\343>\232\021\230=l\311\325\276,\'t=F\210\322\274\344\004\325\276\305\233\304\276\360-5\276\275\274\313\276mG\"\277\246/M>h\337<\276z\321\272>\306+D\276\333\265\317\276\271\301\351>E\301k\276\373\340>>>\342M\2777\006\316\275\026\n\311\274\370\265)>aB\002\276\335\274\000>;0\333=L\212T\276\314\312\266\276$\253\275>\222\006\213\276>\207\216=\030f*\276\277\322\327>\342\263U>V*B\276\344\245\233\275\3310\321\276\352\"#>B\332\352\275*\220Z>\016\254\032<9\344\212\276\033\2615>\371^\277\276\232E\376\275\'(\340>{\263\257=lu\245>sC\244\276\240\301\257>\237\215\231<\021\351\010>\323\024w\276\205\371\212>\3269\277>\350/\206\276+h\235>+\253\271=lI\014?]=9>\331\203\312=\"+-\276\315\356\276\275,V\213\275D\202:\276\304E\233\276\212\307Z=m`\013?/\034\303>\250DC=\374\276\000\276\202\303\375\276Mp\316<\371\372\336=NI :\2730\362\275\000\016\355\275\325\245\325=\037\356\013\277\340\226\247=\003d\215\2768\313\007>_z{>G\263\374\276y\034\010\275\362@\331\276\232:\204\276\274\303*\275\2752\226<\034;?>\324,\216\276K\200\265=\225\326Z\276\300\327\210=Q\222\222\276\320\315\005\275wp\345>\t\023\244>\243t\253>\323W(\276\"J\302>\t\017\352=\271Z\326\276\354V\317>\301+M\273 \375\235\276\313\034\377\276\260=J\276\254\014[\276\366\255\233>\361~\206\275\232\2621>\330\216\251\276\350\027\003\277\2405\266=\205\262\302<\352\256\026=z\353\343>q\233\254>B\020$\274\\:\305\275\332\253:>OM\206>b\342U>;C\247\275\273\353=>A\217\352\276 \252f>\007\004\312\2752\333\341=\313\022X>\315c\010=\0269\213\276(\231\317\275\234\267s\277Vp\314>\272\243\001\276S\206\024\273\325\273\307>\324Im\276\346u3>\271\326M\276-\013\362\275 ;\n>\220\304;\277s\200\320>\254:\005?A\373\237>zc\371\275\214\327\365\276\204\313\323\275D\350\206\276P\333\226\276\224\351\256>(\347 >\360^\320\275L\251}>\224\226\023\276\210\266\223>0\221(\276\326\337\235\276\271\245i=\t\277m=U\002\341\275\341l\363\274&7\364\276\252\342\213>\357\257\234>\366\251\204\276c\257\014>n\372I?<\030*\2756L$=\005\336\214>\367\262\017\275\375\362\215\275\275\271\261>P\220\232\276\241P\264\275:\202M\276\001\214G=\274[{>\005\211\367<<*\027?\317\333\006?\2639@\2748h\377<\236{\024\276\205|\016>\000\276\261\276nj\273=9\212\200=ru\323=\216\327\347=\2105\030\276\177\237\206=bTJ>\007z\236\274x\257\024\277\024\300\256>\361d\200\275\302]\r\277\020\353Y=\376z\201\275\237\025R\275\333~\243\273\343\333\333>t\344&<\225\222\316=\257K\302\276l\300\201\275\246\305\201\276\026\031\376>s\376f>\\\273$=\301\246E\276\366dC\275\004\335M>\203\033\003?j\330\321\275\304\023\213\276\310P.\276H\325;;H1*\276t\334\033>\371\016q>\022q\345>\301\001\344<\307\370\212\276T\356 >\310\032\035\275\335\341\245\2763\"1\276\017d7>H\361\202>z\251_>SDs>\316\242\354\275\261\360\241=\255Q\256>k\337\005<\217\252\010?\337\321\020=\007\265\254\276\022\001 \275u\266\367> \367\003>-6\n>\316\325\036\276\017Nt\275#>e>X\346(\276 Oa=\250O\241>.\265{\276+\357\'>\20037>\231\210\177>@\200~>\304\307d\276\334\020\231>\371%\247;\317\336\213\276Q\256\344>\377\307\310=\003\364\351>\264\327\002\277_\257\017>\305\306\321>\251<\327>h\335\213\276\360+2\276\n\352\360>\243@\007>\037\351\033\276\202\273o>\242t\235>\247k-?\315\232\007?\254\335\317\276\212\363\261>{\336\371=\344\335\024?jHJ9\341\371\022>\035\251\254\275~G\252\276\037\222\301=A%f<\022\222T\276 |\304>q\271\257>a\016\346\276y\374\303=\364\243\310>d\361o>\334j\300\276\244\327\307>\277F\220>):\006\276\\\266*\276\366\006\206\276\314\001\004=lo\247>\273\320\314\276\321*\375>\347\237\">\247\004\225\276\263\325y>\345}\226\276\246\022\014\277\302\225\205\276\034\233\361\275\343t\300\276\377\021\254>\371\277\307\274R\212\005=;\202(\275^<\004?\021\266\356>M\263\216\276x\251\307>\211\024j>s8\025>B\3410\276\275\205\250>~j\351=\301\014\003?\nP\025>J\206\\\276\374\237\214=\226\302<>C\022\335\276\026g\202\275d\tJ\275\301\323\"\275xi\310>\373\225\311>\247\343\360\276\370fM\276C\025\263\276\315t\256>\211d\202\276\231\361\374=Y\240\003\276\241\001\261\275ul\222=s\350X\275r\215\\\276?[2>B\267]\276\241\251\327=\346\033\\>\3027\026\277\300\357L>[)\231\276\3215\301>)\021\254>[\316\261<\257\306\343=\305\364\350\275\244\357\364>\313\007t\276\220\025G>C\031\005>\217\225=\276\336\3116\276\226\207\007>\235\204\256>\025\254\203\276ll\230>\364w0?/\037S=p\024\265=\331M\337=C(Q\276\355\277\024\277HR>>\276\356\372>\205\311\003>+\353\204\276J\024Y>\254T\230\276\024\022\013?1,D>\031Lw\276\310=t\2764<\346\276r\342\270>\026A\022;,&\331=\252xf\275-\r\271;\202n\350\276\312\210\\\276\227\034\220>[\263\237>\331s\261\276\r\364\217>\23188=\2432u>V\336\310<\360\257|\275=\243\347\276\3215F\277G7\332\275\341\033\025?\016\257B=\177%p>#\221\272\275T\370\321\275=\023\205=\035*\310\276\\\253\206=\034\024\202\276\324\310\315\276/\270A>\025\001U\276\370G\037\276\030!\033?\246|j>\266\250\016\276\241&\352>\334\243\212\275\316o\354<\036\366@\276\373\314\335\276\205n\003\276\320\366\202\2752\310\"?\336\220\265>w\025:\276\234\177\255\276\215\254\201>6\005\215>\3255,\276\313_\310\275\376\347\013\277\262\254&>\370\216Zd\356\351=P\036\037>\347\020\345<\021\246\372<\334I\347>\211\253R\273\217\250k\276\254(\225\276\r\001h>\222\336v\274\232\261&\2763\032`\276\360H\326>kh;>\260\273\231\327\310\227=&\363\240>O\0307>g\342)\276\356\021\343\275\314\026\005\276\371\231\034\276\211\335\325\275N\016Z\277v\344\372:u\272\233>\240\330\177=y\014}=\365\303T>\000\003.>Q:%>\25559\276\201:0\277\312\216\254=n\262y>~%\367\276e\225\335>V\364\'\276,.\311=\262\000\013?g\025@?Gn\024>\002\363\243\276\022\022\020>\271\253F>\202\352\004>\014.m>6\344\373=\371W\035\275\215\242W>\205\272\005\276%\025\344\274\204n\225\2761y\010\276\257\334k>\247\350\353\217\337\264\275\236\205O=[\322\203\276k\353\237\275\311\3441?\035\231,?\333\207G>jJ\225;LGS\276\371\007\005\276M\214c\275w\2018>\231\272\003>n\301\031>\365Z<\276\317\327J<\335\257B>\261\362\234>\220+Z>4\376\316\274\003\020h\276\367&\266\276\024\203\010?x\217\217>\004\366\021>\001Z\000\276\035x\265>\003\222\304>\247\302\235\276\363G\207\276N\312\246>%\305\014\275\0141\216\276\261L*\276j\301\245\276\022\3760>\312\031\252\275\321I\221>\006\355\345=2yU\276\264\301\026=#\010\362\273\323ao\276X\257\300=\030 ,?\271U&=QN\310\276\337\005:\275\000\323\323=s\340\214\274\247\272\026?~\351\374>\323\002\266\276\273\346\224\276\312iw\276\023\226\320>\203\0145\276s\014\201>\256\0252\276\375\354\206>\2534t>4MJ\276\250\005\013?\236RB>\272\274\017\276[m/\275L\346\315\274\274\r@\277X\262R\276<\254\277\275\313\276\224>\326\351\315=\262E\271\275+\247\322\276z\361\314>u\247\316\276\263\340\313>\306\374~\276\'Z\023\276\336\260\216>K.\226\276Z\247\227>\277\t(>\254\353\020>[\016\245\275\200\021\251>\256\t\216>\217\227L>.\324{\276\003\264\302\275\3604\240\275\0223\225>\272\312 \277\313\360\223\276N\\2\275\213\0032>\210\3023\276\372\031\014=\035\317\353\275T\327B\276^\215\204>7BJ=\034\301`>2N\352\2741\235N\276t\014\242<\276\023:;g\370\217>tj\366\276\354!\354;\026\372D\275\013\021a>\347|\023>\347\254\242\276\344\350y\275\007\273\371>z\365\224=\240\365\327\276\316A\314\275r\327\247\276%{\031>A\326~\275\315#\362=\357c\260>\272\356L\276%\0061\276\276&\243\352\246O\276\223:\035>c2l\275\006\001\322\275fr\206\276\002\352&>\315O\206\276\335\177+>\206\267\000\277\236\302\211>.I\001\276i\220\332>\000(\302>\333U\202>&\306\204\276g\024\235\276\304\327\236\275\220\031\361>?)\227>\214\0238\276\376\255\263>y<<>\355\251\301<\304Z>\276\252y\311\276\376\251k>\272J\"=\331\347\211>\354\273\002\276:\331\256\275e\242\243>l\035\221>A\251+\276\016h\375\275\201\301\t\277\307\244\\>\2632\207<\3615Z>\343h\264>\013g\021\276\037\357\356>L\371{>\342\202\370\274bJ\"\276w\226\376<\326\275\250>\320\262\352\276\013\017\377\274O&\036\275\334\342\255\276\231\233\202>\353H\n={\304\017\276W(\214>*\220\226\276dt\222>\035\312\317\2751\302\203\276\347\370O\277\2666\247\275\241p=>\301\353\024\277\364\357Q\274h\t\260\276\350F\020\276\361\014\330\276\254P\001\276\364\000\036\2765~\222\276:\265\227\275|\206C>\001\003\207\276r6\241\273\204\256\337\276\017\341\031>\217\326\220=\263R4\275\256\304\375<\323\311\n\277\253\304|\276\246v\305\276,\264l>\342\271\002\277\215\366.\276F\376\032\277?\344\371\276\004\004\236>\n$\267\276\342\022\212>\260Zr=\036\320\250>W\r\371\276\227#Y>$_\210>\204\305\010?\034LD\276\231\212W=90\326>`\"\262>\274\340\333\273\266\360\026>\215\211\002>\231ok\276\364Mw>\305\013j>\231\353\"\277#/\037\277\377r\356>>\343\226\305\3526>\350N1\272\273wx>,}\233=\001\3640\276\200\355\005\277\351\202g\276\222\245\224>\253\226\'\275r\363#>\026Q\323\275\374\351\006?b\322\361\276~\275#\274F\033.>\3721\302=F=\371\276\354\303\231\276\361\215\370=km\220\276\360]\022<\036u\035=\221l\236>&\315\264\276\207\313\300=D3\035\276\240=\246\276<\"b>\025\333\223\276\017\307\260>u\320F\276\020p1>\013\200\356\276G\"\303>\205\350\036\277@\2526>\246\006\351>+\334\225\276\233\261\346>\354\242\216\275\377\273.>\244\"@\276t\334E?h\372\227=\342b\016>@\357m\275\312\353\307>\350\177\204>2\005\010\276D)F\275\253\361\322=WH\377<\023\337\223=\252\330\262\273J\022O\275\"\323\200\276\226G\303=\321\227\276\276\363\250\003\277\377s\301>\3508\217\276\022\275*?Xn\344\273\226\246y\276\266\337\002?\276\206S\275VR2\276KZo\276\320\351\353=^G\266=\022\273\035>!)\266>\247U\217=L\031\374=/\'\232\276-M\371\275#\265\r\276\335=\273>yQ\275\275\027\345\243\275\263\322\200\275\335)\311\271\020\tr>\321\2568=\363\316\223\276\017s\345\276\207\313\014\2767\215\231>=^\327\2744( >S\360\234>\205(p\276q\327t\275\355\257\335=\346\204\301= \013\020\276\243o\236>\201\212\264>\270\001\326>\205\330\224\276\304\271\'?w\0349>dh\036>\376\034\030;\365\240\000>\344\373\201=\277\246\217=\321\342\">\031\222A\276\233\235\250\274D\301\361\275;T#\275\366\273\230\276).\346<\211\215\035\277I\'\t>P\331\230\276\231!{<\312\217\032\276$\210\306;\304:x\275\306Ze\272W\036\241\275m\317\326\273$y*>\367\256\003>\200^\243=\245\372\236\275\035\356\365>\374\352\210\276\177\261\241>\023\255\237=\364\352Z\276\271\377\337>\224[\255\276\327\206`\276\333Gc>\356\200\212=[\245C\277\2025\276\274\247!%\276\373\310\002?\016o\253\275\334\266\223>\272m\214\275\002K\320\276\357\"\212\005\235\347>\341\266C\276\007\276\t>\274\220j>-}\255>\311\260/\274R\372=\276h\241\204\276iy\233>\010\365\241<\370R\347>\364\364w<\370\272\213\275\020\022/?\220\260\207>\0238\223\275\251Y\020>\203\237\320\276n\370f?o\377^\276\306\310\230\275\245\310\356\274\205\233\244\276\265\205\231>w\025\237=\020G\031>\324OR>\323t>\274\316\271\223>+\315\223>:\325\337\275\326\374\236>\2260\214<\035\007{>\316\217b>b\362C\276@-n>\203\024\325>\343?\231=\\\322I\276\245\203\254\276\225J^>9C\315\273^h\003\276#\021]>\246!w\2762\344\003?C\221\234>\350\325\305>B\215\016\274R3\310>\326\212u\275\346\036\371=>\032 \277\243\376\022\276\261(\261=l\324+\276-\346i\276-\307\276\2761x\006\274\377\241\336>.+\352\276\224\250\317\275e0E>u\357R>\317\264A>D]\234=\254R\253>AB\234\275G#=\276j\227\325>9\354\265>&\351\025\275\304\363I=\252\3247=L\221\004\'\353\362=\266\357_>b\352\265\276\272\316\355\275c\271\033\276\"05\276\250>\371\274\314\335\002?\2005\332>:\014;\276\203c\023>\020\246\217>\241m.>\"X0\275\304J#?;\271\001\275\237s\345\276\320\231\302\276\017D\002>\216\022\216>\3253\223\277\366\213\006\276\271k\312=\020\216\357=X\342\354>\325{\031?d\002\304\276\256NP\276\305\035\224\275\2618\324\274$\320\321\275M\337\377=O\000\304>B\031\252>\354\326$\276\373\007\363\27552g> \312\000>\277\322\341\2714\237\271>\036L\016?\255\013-\276\2566\013\275\014\336|>\254\205\213>F9n\276\247W\312\276\264\034\004=#\357>\276\341h\320>L_\351>N\n\033\276\260k\204<\225\016\361\275\372\276\237\276\220\334\221=\001X/\276\341\352\224\275\334\220=?\351\r\331>9n%<\351\014\263>}\377{\276\347@~\275\030b\247=\252\316\256\275\240\032\241>\326\216\335\276\352Y\302>\006\367\n>q\372\002\277\007\324V>\372{\202:\206\241\307=\223\351\333\274\203\265\316=\266\357\226>\345\t\373\275\221_\200\275\014\262E\276\242\323\254\275\240[\016\275w\002r=\244\203a>\345\257\214>9o\217\275\271\337U\276\256\230\013>[\321\004>\307\213\217>\0379\200\362h:>Jt\037\276\304\254\210=.4\211;\204\024k>eC\364\276\354L\254\276\271\220p\275pb\235\276\341\240\211\276\005Q\236>a\330\334\276&W\262<\356\267]\276:\2300>5\231\357>&y\225\276Y\246\215\276\211\270\022\276\263\272U\276=\025.\276^\230L\274\025}f\276\320?\262=\027xE\276\331b\240\276|\273\303\276\235x\006?qw\221>lP\265\276\263\261\225\275>\247\247\275\362sh\276\211R\222\274\220\033\350\275\"\035>\276\362V\017>,v\236=\177lp=\206\267(\275\037\230\235<\302\354\372y>\243\362\367=\321p\255>5b->\326\r\331\2767?K\276\035\231\250>\330\245\277>\216\353\215\2764Y#\276\312\023\261>\030\2664>)\212=\274\374E.\2752\277\245\276\223\260\246>\373\373\010\276\026\025\312>\317\317\266>\000b\032>7[\001>\236)\016?z\0307\276\003\037,?+\243?>\205\363\330>\223\336\333\275\365\236\223\276\224\301\002>P O>.\377\'\276\223\321\n\277\035\367\267>@#\377>\021y\302=\014\212I\275\301/9\276\217\002\351\276\254\234\016>|9\220\2760\337<\277\312\341\246:cj\254\276WwY\276\347\003+>\257\032m>\265\351\222\276=\221\032=X\322\313>\027=h\275\276{\024\276\240G\375\275\373DL\276\002\277G?c\356\036=\265\244\224\276\013\326!>\226\304\267>\036\250\363\275\223V}\276D\350\350\275\220h\242;\021\200\014\276\3122\253:\270B\224\274\213\305\225<\2462\200=\360q\350<\214\242\'>\275\257\017\276\221\312\017\277\022\004\021\277\355\351\276>~H\205\275Rq\262>M\002T;@d]\276,7\243\276s\2477>\261\034\353\276\202b\002\277\336\211\320\274A;b=M\3267\276\277\233\322\273\357\023&\276\270-\324\276\275\216|\276\352\345\204\275\206\262\025\276\255+\377\275\250\217\345\275C\r\225>n\347T\275EMM>H\326\004\276\300\027=\277\276\034\263>{\233\207=\007\'\206>\374H\365=\313\273\256\276\240K\031?\252\023T>\222\323V\275\246x\273=\333u\234=8;\002?k\360\240\276;\nI=1\030Q\276\336\023:>@\230\027>\331*\373\273\331D:\276i\224Z\276\205j\210\276\251\"\r\276\306Q*<\252\267H?\037\256\003>M\300\245>\033o\227\276\017\260\356\274)\247\201>\201\323E\276\306\340\033\275\020_\243\275\342\221\221>2:d?\010|\221;{\252\237\276[:\206>^z\210=\363\344(;\300\325\212=:/\323>\271\267\242\276\331\035\250>)+;>QoI=\360\303\365\275:L.>\215\242N>\033\341I>Q\343O?%\273D>\370(@\276\224\303;\276\030q\003\277/\234$=\333J3>\215\021\374\274\205\214\230\276I\037\332>r~;>\177\036\027?\365\221\324\276-\316\345>Y}\030?H\344\t\275\200f\355>e\026\331>\2349\375\275\253\313\201\275S\\\327;\010pz>\274)k\276L\234H>\253f\363\276\275N(\276\225\335\223\276\255V\220\276\371r\226;\371v\021\276\027+\210>\330y\261>]J\344\275\301fY\276\\i\202\276l\n\352\275\232l\235\275=\005\347>>\2571>\302yt>\277\014\314>\036\263 >\213\276\200\276&WY\276\366\214\021\277\207\231\373\275\363!\314\276\324\276\305>)w\216\276\323}\211>\022\377r>\035\'|\276R\311y\276|E5\276\212\306\236\276\217\212O\276`H\330>\314\023\327\275#\214\343>\226\342\213>\332\026\002\276\377\3456\275>q\262\276\021\311\325=\252\354\227\276\217E\017\277\027kC\276\027\254\\\276\366.\217=\205x\236>\220\344\351\276\277\006g\276\231W?\275Z\272\265\275\254\004\263=\247\365\r\276$\367C\275\345\240\242\275\371\207,>\022\376m>DI\017\275\t\200\321>\014\t\303\276\241\3312?\221\2746?\332\r\227>\331i\016=\364d\267\275\212w\321\276\3711\235>\342\023b=\250S\214\276f\323\316\2751D\005\277\001\332@>\357\324\322\275\366\342\025\276\035N0>\025\321\347\2762\336\253\276\001\233#\277\324\244\267>Rl\'\277\372\234\021\276\216Lm>4k\031>[\036\220>\030\266\375>\273\037>>\242Y\256=l\373\373>\260\031\033\277\362\275\206\274\372\001\004>\265&\370=\360+G>y\230\031\277\300|\304>2|b\276^I\027\276b\016\222>\346$\330>\205S:=\227\222\231>\236\036)>\316\"\375=\352\032\214\276\362\"w\276\337\241j\276\226\027\323\276\237\247\302>(\363A\277}\333\363\276\3459\225\2763\206 >\374#\005\276\302\250\234\276\253\255m=\256\253\020?\276\232\344\276\332\325\363\233\031\005>\236\206\214\276\273?\027=\207\3457\277\023\337r\276\023\311\233>\3156u\276*\273x\276|\237\235>;\310\252>7\014\307\276\320{;\276\352\320\305\276\302\343\021\274wW\343>\343\316\303>\323\251\357\276=\210\275\276>o\324=9\365\252>\325Z\222\275\316r\201>h\201\202=\324lC>\260y\260\275\016[ >7\363$>\036<\237\275\024\027\021\277\216\272]>\275Zy\276\342\222m\276\341\205+=\034\0210\276\247\211\216>i\014\251>d$C>\212\210\220\277\263\260\177>Z>\030>-\331\245>\367g\021>\367\320Q\275\377\317\206<\330?\031>\367Tn>\020\327\010\275\2509\234\276\034\214\262\276D;\313\273Mo\316\276<(\206=$q\273>\200&\345\276\351\303\375\276\"\232Q=\361\275\303>\227\337,\274\376\252\212>\r9Q\276\004~\344\276\204\341\205<\227^\236>\324\275\251\276\004X\302\212\360\027\276\010\027\353<\214\347\225=8\361\264>F\305\223>\372=\006\277\272r\233>\375\372\210=ag\264>\201}\264\276\367\241\311\276m\353\332\276\350\036\230>\237*\231>\366\034\316\276R\361\250>\361\256\347\276y\003\360>CD\343=\014\255=\274XG\002>\234\331\202=\252\364u>\224l7\276\273\320\"\276\307\302\221>|\024Z>T\306\370=\253\275\026>\215\203\035?\326\005\304\276:F\373\274SR\214>\302\214#>\260\230v\276lUr\275\253\274\025\276\312~,\276\344\356\207=r\307\333=\256\336\311>\211\220\252=g\014\024?\013\350+?\254\334\246\276rf\370\275\246\003\213>!Ty>E\021\000\277\035\334F>\027\366\317\276\214\304m\274\036\220\371;\263\002\235>\377\021H\274\324Sq\275iA,>D\331\n>\t\222\252=S\032\327\276W\326\r\277\375\257\274\275\314\222\004\277\252\336\204\276\004;\303\276|#|\276]\346\010\276\317\214D\276t\305\013>\320+\266\276)\206\375\276\020+9\276O.\314\275\373\037n\275\005F\226\275oW\200\276\331\\\264\275\206\317\337>\215\226\224\276\277\225!\276\035\344\267\276\240\206\033?\026/\277>\027\314d=4\321\007?\332\371\205\275\341\372\n\276\274\342\220\276@\217\264\276\261\357\014>K\3442>)\251\312\273\321\252\020\276\253\307\361\273\253\204\216\276\365sm\276i5\030\276\233b\007={\230\356\276\321fC>\350d\027\276\346\344<>\021O\251\276\332\025\307\276\351x\231=\234)\213\276\241\030\224>\020Xb>\276\025\276\276\335\265F>\251\276\341\275i<\312\276)\307\r?u)\302\276\2668\264>Y\010\273\276\034\002\202\276\n\177_\275a\327g>\264\025\200>\236\261\205\276\204K\'>\030p\005\276\377\264\270\276\276\272g>)]\026?u\211\275>\341\310\377<\305M\237\276\370\224E<\354\005\234>\"\201\237\274|\341*>\373\344\366>\316\356V\275\204t\375\275\265;\t\2765\204\210>vY\026\276w\010Q\276\245UZ\276\211\352V=4&\r?m\311\244\274\374\255n\274`O\303>\014S\000?$$\002?\302\265\237\276\317\217\223\275\340l\037>\017[\240\275z\313\363>n\302\333\276\353$\213>\376\342\230>\034\373\351<\253J\005=\243\267\205\273\026\373\217>\023\326\327\276\205\366p>\016\267%\277\220\275\360;T]\360\276II*\276AK\244=\243\000W\276y\314\262\275\231\240;\275.\314\322\276\320\250\275\276_\031t\276\275\324|>2nF\276QS\244\276\2515\n\276\032\207s=\275S\201>*\201\313\275\326\014\365\276H#\271\275\374/\221=\035>\261>nu\306>\240\340\220\276\254\243C=k\210$\276\\\303\362\276\245je\276-n\245\276\204\002\324=\374\301\362\276\346\300\200\276pyN\2763\317B>\372Y\211\276\236\030\033\275j\325)\276\235S\212\276e\264\224=sv\242\276\300y\352=\362\'\034\276\366\263\215=\027\n\005\276\025Xz=HX|\276\225\377\301>\242\313\305\276Q\337\345=dr\n\277\322\250}\274\213\235\324=\177\0050>\341\374\205>\370\036\201\276\204\256\301=\233^\004>#PD>\343\013\034>\323\216y\276q\245\2720d\333;\247\357=\276\224\036\255=@\362\257\275\013\203\036\2765\021\236>7\305\t?.\250\267;\274\025\222=?\350N>6[\004\2771\221W\276\360\313\022?y*\267\275\273N\273>\274\214\'\276\034.\264\276\332\232\t\277lQ[=\030\353{>\247\231\334<\025\341\205=\310n\314\276\350\303\214>_\230\362\274=\372\276\276\261R/>\270\231\326\276\217z\275\275;\230\002\277\\\351\016>\332\303\232\276\362\310\302=\340&\267<\230\030\002\276(\035 \2762\305\326>\327\235w=]\001\r\275\016Y\222>\222\321\236=\363\375O\276\266\254\255>v\3400=\315 L\276\206\257\216\2763\200\236>\307hF\275D\301\332\275\273y]\277\350\346\305\275\270\213\202=\201~\240>\3243\336\275\261\245\006>h\313O>\327f\220\276r\304_\276R\204\022\276\243\017F\277\327D\326\276{\372\241=W\210\036>&\332R>\312T\264\276Q\225I\2772t\035\275{\337\354\276iO\002\274\300^\273\275Bx\260<]\007\330\274\375\035\220>\254\323\333\276sd$\363U\'\276\334\314\037\273\371\233\007>\370 \204\276\2304\326\2767\2258>e\353\250\276\257\346\215>\264\002\003>\032Q\365=n\372\034\276cc\245\275[\353\230>\214\330\031\277\300.\005?z0\003>y\360\355=\277n\000\277[\240\003>x\312\317\275G\010\341>\254\206\\\276]\236\302>)\204\352>\265>`\276\342sm\273~?\327\276\247\256\312\276<\002\023\276\007Z\361>\235.\250=6v\202>\327M \276\276\025\200\275I\237\206=\262\261\227>[\222{>uk\203\276O\372+\276k\323\263\275\255\360\215>&\n\010>1\201\275>\306`\313\275\306\232\331>\024N\017?d\\\364\275R\033)\276\271\021\177=\240\365\035>Z\230\220\275,g\333\276\017Y\272>\003?\223\273r\235\013>\312R\235>EDv>\014\226\024\277\243*\013\275\371\230\237\275F\232\036>\300\353^\276\236\265\226\276\263o\205\275\020\257\213\273G\350\201>Ns\256\276=\371\241>\347\324\324\355_\002?\'N\014\276.\265B?\301I\211\276,\212\333\272\001\374\006>~\221\025>\375\317\344>\220\025]\275Y\367\251\276r\303P\276\303q\334\276\204c\321\275wf\230<\310\254}\275\005\343\"\276\341`\201>\0302\214>\267,n\273@o\">\277\t\314\276\336\350\337\275\021O\035?\020,\204\276\256\255&\276\"\246\276\276\314s,\276\014i\203\275\202`\236=\260\301s>\207\272[\276C\010\373=\244i\272=\235|*\276\333\262!\276\256\376\353\275\352%\253\275\230\250\361\276\230\3768>(b2\276\330\251\001\277\262q\r\277\033\311\312=\354[\020\275\320\232\332>9\331d\276\021\025\310=R\367r>0\227\245\276\271e\002?O\327}>\034\311\240\276Y\'\317\275\"xb>,\234\270\275\331\231\224\276\316{A<\033|`>\213\371s\275)\024\006=p6;=\353\361\353\275y\322\304\275K\203\023\276\373t\002?\372\n\235\276Z\303\321\274\023\362\342\276\203\215G\276O\220\013\277P\301v\276\337\227\327\276\020F\201>qh\364=\030E\242\276\031q\315<\000\013h?\356\2371\276\336\222@\273Uy\027>?\r\232=UX\000\276\304g->\301\264\351=\204%\322=\314O!\230\236G>\201N\313=\034\266\337\212I;?\332/\026\276\225\212\255=!\224\243\276\362\177\032\276\274\005\214\276\003X\265\276\353\305H>E\353I>\013\255T>\034\213{>\377\2776\276\345g\243>nT\333\2767?]\276\215CW\276!\232\361@\216\024\277\211w\265\273\346P%>\017\256$>\215\"\005=\350Z\317\275\034\257n=z\257\025>4X\212\276\213\246\275>\262\340\212>:\335{>)T\314=\325\227\345>SzK;\276\315\246>\342\007\000\275\341y\214\276\222\275E\275\271\340\036\276\217\346\374<\016n\247\276\342\264\363\276\254O\034>\274\034;\275:\223 \275\001\371\007\276Z\017\265=\300^q>,0\326\275\247\371\262=\216\223o9\017\277\242=\201\325\001\276\272w\020>\243\267O\277\3031l=\210\235R\276O$\277\276C\331i\274\350qK=^\346\303<\226\327\322=\304\024\206<\306\021-\277\021V\004\276\371\314\303\275qkT\276\240\301o>I\355O\276\020\264^>8\246\002?Lm,\276\227 >?\201\334b>\304\274\261=\000\0022\277\177_\247>\037\347f>\001IU\276l\322K?\356m\270=\355>\250\274\275q\024\275d\374\325\276o\375\276=]\2220?<\300\274=\224\302\002\2760\325\000\277\005\207\003\277\336\274\030\277\356\013\036>\256k\226\276\3625\211\276W\346S\276\267\344\352\2764\275N\274\203\272\246=\rQ\270\2759\230\226\276\373`\007?O\271\251\276\333F\r\273n\306\306\275\245\366\021\277]oW\276QC\355\276\273\313\367\275YA\002\275\037.\242=\252,8\276\242\244\277\275\233\\\254\275)MW\276\210}\245\275e\275v\276\246\001\022\276\240*l\276\037\005\260>\310\341\262\276\013*\351=\\nf>\246\307!\276j\r\276\275<\376\214=eY\273>\367\341\000?\275\303W<-\\\025>\314X\206\276\272\374\002>w\336K>{\235q\276\t\345n\276.Z0\276\037\006\312\275\2330\r\276\356\313\303\275\231\372\002>\0355;\276\313\224\233>\262\235\014>\302Y\260>rDa\275\275\017T>\223q\212>\377\363\347>\367\344\225>\246\016\250=#\325\031\277\206\260\'\277}\"&;\261k\001?\353:\345=s\261W\276\204\362\n?]j\254\276I\324\267=iF\266\276mI\035?ZQ\254>\033l\272=\004\330\270=\373 \262=\2759\301\276qg\036\276D\344I\276\303\010\215=~\006\t\277\350x\203>:\036\374>\226\237;>J\005\355=(D\265\276\317\372\034\276\002\007\225\276CB\210>B\0364\276\226\004}\275\013\033\035?\351P\r>\330\223\323\275\334\241\243=-\352\035=e\360j\275\006n\022>\370\374\203>\'\023\307\273\205\r\027>\245\017\242\276\221\215H\276\251\310O\275\222Z\336<\327\010\273\276\312o\356=\316\316S\2759\354\220\277\205e\213\275\356V\203\276b\016\327>}<[=0\367\250\276\014\234\235\2769_I>\31450>\354\323\314>\276vL\277\rS\231<#w\377\274\267\t \275\277\010e\276\311\221/>Eu\214\275O\272K>]\302\267\276\263k#?\262\300\263\2741\215T\276%\031\361>a\257\037\276\266R\247>\007\253F>\013\277Y\275-a\233>\274\274\306\275\010g\305;;\233W=XV\245>\313\t\246\275\230\2517\276\235z\260>\311\257\004>\370;\276\276\346r\327=V(\223\275\333\243}\276-wn>\354\266N>\365\272\321>\375\245\254\276Sx~\2752\345\256\273u\312\205=\242\361\023\275\244\215<>\313[\346>\330\027!>7\323\274\276\257\247/\276 C\247\275\341<\236\275Y\322]=P\204\327\275\034\371\356>\263\'m>\315\204\034\276\214\260\306\276\346\214\361=\224\337\270\274\024\254\316>\003X\265=\223%\230\276g;|>\002\301\006\277\317\2011>2R\224>\336\017\256\276\316\351\375\276\324\'+?\304>\271=c:\201;\rE\372>_%g<\306j\017\277#\204\375\274\3040\325\275M\331\267<\004\256\246\275F\217\345\274\322\360\263\274\327\2077>\314\355\234>\344P\270>\347y\247\274\221\371\313\276\277a\004\276|+\210>\230\356\337\276\372\331S?\017\2525\276\333\214\230=@\212~=\332H\332>R\221\010\277m_u\276\342q\253\275\245c-\276\020M\262\276\272\241\266\276hr\364=\262\315\007\276\214\n\365\276\255\274\223\274\313@Q>uT\215=\007\345h\273\354#\340=\361\225\200\276A\203A=\017~_>\377\351F\276\005\0030\276\337\267\253>\3064^\276\257\245\231\276\301\033\007=\247\3741=]\325_>S\314\270<\3306\325=\242\200\005?\232\022\026\275um\203>dl\337>\177C\374\276<\250\272=\321,/\276\207g^>\366i\376\276;\266%>,\346\021?\026P\206>\211\'\374>\235\354\232=\275\315\310\275\260\311D\276\342\305\357\273-m\325>\246{h\276>\317\230>\227\211r>\277\254Z\276,X\364\275\025}\020\277\320\024)?\323\306Q\276\362\330\251\276fX_\276\333d\251>$\224\200>\273h\354\276 X\002=\006\201\220=\355\312~\276x\331|>\022\237,>\251\374\310=yTU\276\376\240\370\276w\007\243<\305\351\302\276\371`\223\274\216\353\232=\375*\264\276\202\016\273\275\003\203\210>\\\271\334\275\375~\017\275\225R\270=\222G\361=;6\235>\243;6>\300`E\276[\337L\276\231\240\014?\365\0041>6E#>]Q\005\277i`\366\276\361\210\342>\306\277g=|\252\013\277\001\335R>\313\312\317\276\251\212h\276\215E/=r+\371\2758\000V>\366\234\371\276{Q\256>kH\010\276^\004(>-L\016?\227\236\200>\"\213J\275hdD>~\222E<\'\014\334\275\006_G\275`\230\333=v0\204=\037i\177>\317\303\364\276\004\211\254>\024\330\332\275\254>\006<\357f\212=\300\014\330>L\022\255\272nS?\276\'\337\t\276\235\305Q=xjf;\257d\243\276\024{\216\276\263\354~>\370\341\213=\312_\002?R:_\277\247 \362\276\372\016\250>\336z\250=u\254\305=\320\023\203>\244D1\275\321~\026>Zvu\276\213\245\317>i\275\032\276\200v\307\2759S\206>zu#?\234R\331\276\202\343g\276\272e\301=\315=\274\276\037\353\003>\003h\202>\370j\037><}\363:s\001\243\276O\035p\274w\033\226>\357h\025>8\000\305>\375\242\016\276\007\312\201>\027\262\265=\244ut>\367\177#=I\2542\276\221[\334\275 a\024=rN\177\274\341\024\372\273B\3601=\300W\217\276C,\316=\21125>\316\232\220>_\222y\276|I\361\275\\\306\273\275\033\371\216<\304x)>\336\211\323=\005[ \277\304x\306\274\360\n\374;\014\247\227\276\002P\023>\241+6=m\266\213=v\035\202=TX\021>\204`\245>\372Ve\275\266\301+=\307\235k\275\317\347\256\276(\001\214>\"\256\037\277\363\250\033\276\002\001\222=\000b\262\275FUv>P\344K>kP*\277\233b\336\275\370\326e<\006\225\003\276\256\206\003\275\355\361\002>6\203.\277\256\013\037>\021\302\207<\344\332k\276<\240\225=\'\266==w\256\013\276\366(\221\276\021gE>\325D\307>3x\"\277}%\013\276\210\222\014\276\005\265\303>p\342F>\031o\276\275\005*$>4;\320\272\014T\212\2763V\036>\332\236\220=\356\3639\276\002\367\340\276\330\351\206>I\3707\276\014\310\016\276b\327\002\276t\303\227=\355.\213\276\021\212C\275!\212\202>U\375\013=\226\013\303>\206\036\267>b\362\201\033\252I=\246\007\001\277\316\333\244>vr\201\276\371\022\n>q\"*\277\020\342W>\014\232\214=A\360\016>2\337,>SQS=Z\022\177>\357\013\214\275l42?:(\320\275t\250\267\276\362j\022> XF\276\223v*\276\227\030\327=\246}Q>9}e\274!\303\224\276\370\'\307>|\375C\274xH\357\275P1\213;\200\005\247\276K\364u=1\264\220?l\014\336=-\n\007?\3255\006?\013F1>\354\326\306>\216\314\244>$\213\327>\253{\346=R\277A\276\276#f=D\245A\276\340\304E>Z\2331?\032m\304>\261\214\353\276r\363R\275\376\240\232\276u0\200\276\246yJ>\214\335S\275/5\021\27686\007\276=-\342>\362r-\277\010\374I\276\276\003q>\014/\017>]\257\225\276\240\261\340\276\017$R>9\350\315\276\206C\354>\274\017\335\2764DO\276E\340l\2755\250d\276\343\361\252>\201\227\032?\030\364F\276\000\004\267\274\037D\240>!\345\264\273\266#\312\271\022\264B=\321sI?\230NP\276K\343\374=]\326\257=`RA\276\260\030\027\277L\352\234\276\261<\220=\345\201\222=\025\2660=m\365\273>\030\317\253>\332\344+>mz\223\276}TW\276\272\336*\277\217\002L?F\tE>\256\027\213\275\200\226\324\275\333\243\231\275\3065F>\212\323\255=\242q\036\277gL\303\276\335\005\255\276m}\355\275%G}>\341w\000?\274\007\230\276\213l\256>J\256z\276o\006M>\347\223\216\276\204\257\223\276\303\262+<\306\204K\277}\364+?\351\254K>s\311\020?\243\321]>\312:N\276\023\277\326>\213\315\016>h\001\\>\371\017\211\276\374w=>\207\032?\275\222e\203\276\003j\313\276a[\347\272\304\255\242\2765\216\265\275\226N\346\276v6\230>\231NY=~z\000\276I\331r=\203\263\206\274N\350;=\252\032\317\275\354\260\343\276\250\273#>J\235Z9\356D~>\210\357\213>#\031\226\276\202G\203>\276r5>\263\255\245<\224\205\221=\007\t\016>\333\227\203\276\277o\225\276\245,F\277\215~\356>\252\245\347>\373!\024>\226\356\301\2753\373\374>2\004K\2766\342\341\276\264\3149> \263,>\360n\212\276x\342\322\276\3447y\275\200\016\322\274\021\230\323\275\031\360\n\277L.B>\223\030\247=\271\375h\276R\215\365=\002\246(\276L\014\r\276\":\312\275\373\336d>M\265\374\276\351Y\002\276v\036\207\276\264g\236=\017\022N\275\324\272\021\275\262)\n\276\037\n\026>\342o\373\275Y\367\027\275D\270\371\274]1C>\251K\312\276`\215\370\2732\000\'>\272\004+\276\024\322\336>\214?!?\226W\220\276t\346\034\275y\361?\275\246\220\324=\265\302\303=\306\\\023>u\0275\276+\262>=[\313\213>\353U6\276Z\335)=\006\350\374=\305\310K=P>\201\276\257\340\277\275\344\264\246\275\213>\001\277\212\203\307>\361-\344>\355\325B\277\204ry>l\212\220>\221x_=y~\223\274\203~\223\276\235\243T\275\224\245\317=Am\227\276V\257\313>\326\312|>\325le=/r\355\2764\231j=\206A\243=\253*\214>\037\313\n\276\203r\032>\\\006z>-\355\217\276\274\276\305=\010|\255\276]$\026\276\264W\037?\323X\315\274zb*?\021\207\206\276\0373\207>\253r\021?\372\326=?\010\2121\276a\233\002?\'O\270>\223\021/>y\204\250\276\004\241\304>\236,3=\235_\211>\371\2248>\330o\332\275\236l\372>\242\307\306>B\3060>V\003\001>-\303\005>vsp=\214T\301\275\220R6\276\312y=\276\210\000b>m\275\026?u\312\036\277\334\340\016>\002\r\350\276\3147\006?J0\001\277\003\307\320>\201u\305\276\263\277{\275\335\r\330\273o\264\336\275\257\3018\274>\020g>K\344*\276\034-\337<@\364e>,^\002\276S]\347\276\335\211\010\276\214SW>\232w\245>\300i\230\231\345\227\276\316\013\003\276\005\350l>\273\237_=\214\357R\276\013E$\276\337\302l\276;\222\001?\"\020o>FM\331\275\302\253\201>\237;\033\275\206\363\346\275\312/\313\276\240\030\252>\021\343\007;\371\371\241=\300\027O\276\t.\255\274)\357\t?\275d\305\274\227\'n\276\246\225\020>\345Hx\275K\202\272\276\346\001m\274\224\025\020>\333\016\277\275\271\255\334=\204\322\331\275\3028\021f\312\365\276\221\373\001>\201)\024=\317\330\260\273\021\245\002\277C\205\202?0\345V>f\362P>8\371\224>w~c>?*]\276T\345\240>6t\310\275\330\271\010<\237\224\336>\030\237\310\276\016,$\275\023Y >\210*h>E:\275\275j\364z\276\335\305\213\276m-\344<\257\241\242=HD\320>\236\216\212=\267\261|\276\347\n*?\361\373\242\276\317\301\210\276\002\t\302\276\312\363\340=\264wV\276\n!N>\007)\263>\274\n\350\275\246\312p\2748\017\235\273\002\367\306\276\252\210\026>\215F@>\261\020/?\031D#>\314v\353>\022!v\276\340\317\267>\236\036\"?\227\2525\276KJf\276\322-\244>c-6\271#\022\035\277\305\020K?\031\267\372\276\343\225\247>B\311i>\244\204\206\276\350\310\316\275\305\250\016\206D\031>\234\340\335=\205p\013\277|\341\306>_\312\004\275\320\304b\276\272\013t\274`\234\222\276\231\222G>\'%\177\275\022\370\260=\271D\017>K\023\234=)\361\016>\352}\224\276{\252\204>\'\004\226\276\216\332\017\275\032\027\274>\347\"\324>\302\350\262=X\3659<\027\266\254>\362;\225>>,\304>XG1>`j\315=\202\340\341\276\223\010\213\276\266\t\006\2767\207\202>\024\027\327\276\216\243\\\275\313\016#?3F\022;(\321%>\t\315S>\220\020\255><\373\277<\211\324\n\277\025\252x=\250\252\264>\243X]\276@d=\2756Y\343\275\010\230\361\275\232D\315>!@\231\276}[\275\276\'\270K>18f>\273y?\276\177\266:>6\263>\2766\035\020\277*\230\243\276\257\025\210>\377\n\360<3f\034\276\264|\277>}\333\334=\037\256>>\321kQ\274\037\006\022=>Z\352\275b{\000\277\355\"\235\276(O7\276\266U\201\276\177\260\026?df,\276\263\344\246=\226\307\363=\005\000/>\363\342\252=B\021\200\276\260\032e\275D\332\024\276X9}\276\017 \034\275\252+\313\276j\223\274>\377\\\210\275\356p\016\277t\271\001>\224C\214<\3375A\276\007SC>\033\311\300\275\032a\314\276j\377\010\277\205\255\270\275\262\250\321\276U\344\360\276\356\204)\274\316\264\315\276\236\330\225>\003\023\300\276\212Z\216>\230\210\321\276\037W\013?E\235\345>\"&\234\274\310\314V\276b.h\275\207z\255\276\004\324\324>\177*\235>\005\026\357>n\241c>\344\023\037>\2755i\275\021\0372\276\003\r\327\276\354\006\023\277\315G\014>\236HP\275\233\267\312\276\035R\271>0\352\026\277z\2363\276\030\202\313\274\334\000\346>\351\260\243>z\261[>\036\312J<%\237\007=\350\361\'\275T%h>crJ\276?\260\217<\205\360\033>C\240\014\276o*\261\276\256\272.>\321[\363\276k\025$\277\234\234\364\276\004Z\220\275\311\224\272\276\257j1?(\330\255>\233\r\034\275Xcs\2731\210[>\3345\255\276\031YO=\306gF\274^\376*>3\340+\276\303\232\000\277\266\266\030>\221U\212\276\236`\204=\335\035Y>37\034\277>\010\251=\017\275\217\276\206\343\235<\343u\256>\255\013\177\275\0346q=\001T\007>\024\254,\276\256%\202\276&M\351\275\306\353\221\276\213\032\275\276\340N\267>;\214\212>\200\010\346\275{F\021>\320\r\271>\332\243Y\274j\t\363>\306\324\271>\0360\252\275\314w/>fIW>O\202U\276*\377\223=\r\231\271\276\023\212\272T\006\323=\270^O\276c\235\343\276\273A1\276,\013\t>\200\207\035?\237\366H\276\310\302\205;\323T]\274<\313\031=l\255\253\275\377x\364>\355\342\231\276\224\225\277>\\@r=\345\351\215\276\2374e><\230A\276Q\033\247=\361j\035\275\321\203\224\276C\343\240\275\025\362\373\275\370\315J\275\263GO>\256\007^\276\203\310`\276\035\034\211>c44\275z\317\203<\206\347\017?\303\303\372=\350\374\031\275\264\370}>j\273\203\276p\227\265=\313\335\367=\207(\300=\211\215\260\276\210\367\274\276\215\310\347=\350\272\372>\313\010L>\225\335 \275\\o\350=c\251H\276W\307D\276F\331\323=\305\354T>\341\025\004>\334\234n\276\360^3>\234\235\267\276^.4>\1775\376=\233\317D\276Q?\016\2779A\362\276\363\274s\276\3755\315\272\303\204\241\276v\016\261\276V\215z>\2407\241>.\036r>$\010\376=\023\033\327\275\021Q\265>\340\317\206\276\367m\206\276\207~\337\275\275\026\021=\2470->\273\226\237=\261\026\332:K\341m>Lf\331\276\263\t&?\247D\210<\267\217\212>.\254\214>C\306j=\376><>\247C\355\276 \377\352\276E\253\211\275K\320\370\274\331\260z>\016tK\274,h\003>\3373V=\371\217\270>\260}9<\230v\353\275\273\211\264\275\202=\222\275PH\277>\346vp\275\347\365\237\276c\245\352\276\227\255r>)\234\237<9a(\277\360\r\243>zc\263=9\263e\276\354RW=\006t\216\271\363\024\253>\033\026(>\362\252\345>w=\014\2778\177\010\276\312\006\366=b;\351>\373O\260\276\016\326\360\274\372\360\300D>\227\311\364=\300\245\027>\'\213\231=!P\223\276\376a\213\276x\235h>1Z\246>\363\010\327>l5\262\275\200F7=\220n\023>\242w\024\277\363c4>\352\003\230>`\003c\276\034h\273\276\316F\261>\347b\275=.^M=z\327\221\276_C\t\277\024\020\302<\373z\226=\2031&>\020y]\275{i0>\213/\334>\254#\222\275\'\277\204\276\317b\t=\001\034\243=-,\313>\2357\307>\267\204\232\2766%3\277\000\270\223\276\364P\210\275\211\200\275\275N\027\023\275\355nK>\266\200\302>\256\233\202\275\344\330\241\276y\240\304\276\366\2638\276\365\303z>?\362\214\276i\317\313\275\222\325\276\274\212\223\007=)\213\001\276RlK\276\267\243b\275T\375\226>\232\202\020>1|\177\2767\0000\274\272-V\276l\271\335>\262\305\276=\024\004|>\345\314\370\275\340o\247>t\031\342=\222t_\276my\215<\252\n\310=\275\220z=\376\373z<\317\363=>\326n\273\275\304<\372>\332\213)=\224LX?sp\337\276)cV\275(\220O>c\030X\276\306\217t>f\276\300>.>:<\213\326D>wd\314\275\261\374\036>\257^\361\275L\010\233>\302\317/>\373\363\324\275\2231\245>\n\010\214\276ek\226>\305\377f>\014\254B=\337K\226\276\322\325\010>B4\342=3}\247\276\324c\355=\t\0200>\233R\341>}\376\013\276kf\007=j\n\222\275\213\312\237>\264l\252\276*U\014\276Y\"\006\277\000A\001\277\267&\206\274U\335\256\275\253\371\037>\371L\254\2768\002\031?V9\266=*t\254\276\227I8\277\240\313\274\276a\204\022>mE\030>\372\3356>\315\326\233\276\331\rb>\034\263\027=\023\305\037\277\035)\314\276\250|\246\276=\023\025\277U\006\322<\310\316\212>K\255~\276\364\"\222>[^\263\2762\310\266\276\343\355\215\275\227\245\236\275\266\334\245\2758\274\031?\357\344=>n\223\224\275\303\230v>\277\026\212\276\351\340\373\276:iF>\203\240\036\277n\323\213=:yi\276\270\241\033\276\275\n\247\276y\224\003>\327A\212>\312\343\317\274\273t\330\275~j\002\276\256\264\274\276\360\313&>p\356\026\277\341}\'<\273\325\037>%\332\263\275w(\226>\336\014q>\233M<=&\244?\277\376\327\322>\214\357.\276\206\372\201;+|\345=n\010\360>\203\346\244\276\235\0249<\000p\276=zx\273>.\227K>\353AT\276Br\274>\265\003@>\267\204\320=\307\356\343\276\330\345!>SS^\275\304d(>\344\313<=x\035\263>\303\242\016\276H\276\016\276m;#\277y\3644\276D$0>\203\030\343>\265\r\037>^\217\366\275\263T\275\276\361p\026\274\340tz>\237\3211?G\227i>\034gR\276\225\374\310\276\204l\342<\2653\324\275_\260\361<\343\3271\276\252\'\273\276~7\232\275\"\317\233=\355#\300=\221\332\033\276\267)\314\276oAEo\314S>F\310\255\2752P\221\275\362>B\277\313d\025=E[\034>\311\337\301\276\002\353b;X\344\027\277\212\271&>)\314\347\275-\306\266\276nB\"\276\273_\275\274\002\250\204=\010U\372\276\320!\304\276g#\200\276!\340a\2746\036\272\310\315\261>o\250[<\354\330\033\275G\n#>A\255(>\317NI>\265s\002\277\370\215o\276\231\343\242\275\"\251\366\275>\306\017\277b\230\022\276\3472\256>\266E\322=\220Kw>:\026\010\275\250\235\226\276\277\353\020\275`\"\322\276\370\0315\276\351\323,\275y\224^\275\351~\033\276\267\200\263=\253\230\356\276M\270\243\276\246~.=\302X\210=\301\024\271\275\320q\337\275\3420\277=\312\244\241>\023Sr>.\277\225=ub\245>/\033b\276\027$\315>u\375\220\275\321\236\263\275\354\325\210\276sa\000\275\201\221O\275\312nV>\032\252\224\276\360\217\227>e*#?@)\032>\026\250b>3\025\234>.\242\213\276\177\302\312=\300\013?\275\323\000\005>\276\247\033\276v=3>\274&\325\276@<\263\275\035\t\251>\037\212\325>\"\211\005=\031vC=\374\240\243\276A\036\276\276oGr>X{K>\335\035}>/\351\217<\007Z\037\276\025S!?\220\351f>\374R\207>\374\324\014\277O\233\021\276\340K\346>\nC\r\277\026\204\365\276D\'\027\275\016\'\021=,`\227>\256\tv\277P\036\252>\215\023\362\273\345\321\274\276\241\275\336=\336\367\236\276\277\013\027\277\332\370\344\274Y\036\303\275\257*\360=\243\235\223>Kx\315\275m|h\276^\206\324\276\022\354\320\275\351\243\205\276\313D2?\032?\272>\263\302\327\275\026\324\312\275X\304\332>\030>r>\037\260\345=\266\257\335<\243\354\332=\231\365\033\276\030\245s\276\336\254R>\363\336\253>;>=>\335\213a\276~\312\005>\325\343\007\277\252\346\361=\362%.>\266\010\371=f\361\222=kE#?\256m[\275\334\357\345\273\335\243\022\277%A\177\276\033:\214>\311T[\275\305\370\013\2745\202\225>\034\006\030?\264\033\346=\303{\273>\331\032\224>\364t\256\276\207\262\365=\305\222\017>m\027\327\275\016\270\225?\272\277\273\276\002C\204>.\006\030\276\354\347\246>%%\245\276\337d\271\276j]a>[\233\037\277\016_z>\225\376\251>\203\200|\273(&\255\275V\027\211\274\260zM>\207r\365>\251\301\266>k\227\224\276\3775Q\276\3310\206=s\220h<\341\034\223\2764\347\204>B\371/>\331\337C=9\\\010?\036\272\321<\366\203`\276E\323\020\275<\371\267>!\321\323\276Z=\213=B\246]>\271G\325\276\204\223\207>\200\261\005\275\364\321S\276\273\345\234=\021\230:\277y\327K\276\307\023*>\354s\323\275\037\r^=\002T;\276\006\350\245\275\037M\016\275/\364q\276\034\316[>\330 \336;R\207\306\276RW\316\275\235F\355>\364\003\203>\266^w\276\023\352\353\276\324\377\347=\360i\235\276^\373G\275\301\227V\276\264Cl\276\210\335&\276ql\021?<7\033\275+\356\272\276\376\270\226>+\347d\275\365D\026\274E\266Y>*\314\311\272\273`=\275\235_\206<\321?\220>14D\274TD/\276R\255G\275X\222\331\275\306\000\262>\341\036\031\277\303\304\032?\262Y\022>\377\3709\275\331(e\276Q\310+=\214Wn>Z\331u\275u\204\240=v\035\025?W.\001\277\3110\022\277_g4\275\207e\276\2765\305k>\345\251s>`t\313\276\273\375\354\275/\302_\276\206\017N>L\035\247\276[\017\005\276\026\305\315\276+z\360\2740\327\341\276\245*\033>\311\271K\274%?\222>\335\276\177\276\004\022\211>\337\266R>\305N\327\276\233\025j\276\327.\224>\320\030\236\276\351\002\004?\223\027#\276\tN\004\277`\336c=m\r\207>X[\261\272yt\210\275\241>1\276\373\032\305={sS\276M\270\274\276\007F\320>\373\031e;}\030\275=\327+\220<\225^_=\036\237\356>@\2224\277$T\010\277\341\\\242=\234\342+\277J\371\357=\\k\203\275\035u\316\272\317\357\311>\263\341\236\276\344\247\013\2760b\262\275\271\341\217\276\236\021!\275lQy>\336\226J>a\267\226\275\2334\310\275\342\260\261=\251\214\004=mE\214>\020g\244>O|\201\276\371i\356\275\246\315\262\276\330<\003>\363\322\022\275\375m\274\276K+`\275\0027\304=\324\324\310=\366\2423>\020\314\235\276\367d\240>\272\003\201>\256a9>\rB3>{]\316>OS\032\276Y\r\030>\344x\202\276,\212q\275\214\3246=\2710>\274\017\n(?\251\243\006>\376d\225\276qcZ\276\257w\021\276|\341\211>\036|\377>\375\021\327\275\334\357\247>\362\005\256\276\242\261H>\231\226\324=\362\261G?\321v\024?\315\323\225\2765\023\245>m\302,\276`\2733>\270\355\340\276u\241?\276\264\356\365\275\001\376\250>G\0373\276\253\027a>\362\234f\277y}\014=o}\026;\t\252\024=\270\3156>\354\231L>\360\360\255\275\271*\341\276\200\000\211>\007\204\354\2751\375\347\275,r\355\275\261\270\223>\331\201\002>\312\004\212>m\346\247\276@\347i>41\336\276\264|\210\276\302\332\360\276U\302\364\276\275\230l\276ZB\004\275\270\016\321\2758R\014\277E\342A\276\366\027\020\277\265N\257\204\343\006\277\000\t`>\035\202\365>\236\361\206\275\311\326\320>\017\217\235\276\240C\320\276}f\376\275\251\335m>\335|\034\277;\346\367\276\253\316\333\2762\322\215=\235\362t>K\237\006?\251#\345>?\301\341\276\270\255C=\377\027c\276\375\255\373>\372By>\233\\\021>0#L\273`I\224<\270D\354=\024/\340<\250\245\332\275\337_\252>Q\344\200\275\254s\244\276\214\351\017?\303J\256\275\237[\032?\263M+<\327xR?\374\204\262\275K\330>?\365C\022=\374\365\271\275\365U\347\276\304\216\264>\237\\\341\275\037\233\255\275\237\211\272=\336\200\351\276\332\205\033\276\331\376\344\276\344\365\010\276\202AG\276+\224\324\275I\017\215\276I\220.>\373\276\214\275\325c\"\273,\000\036\276#z\347\333\330\257\276\262\377\354\276C\272\035\276?\361L>\336\360\225=\345\032\357\276|%\\={\346\375=\300\2212>F\3170\277g\244\354\276i\210\277>\357\331\001?\026F\372\274\334\305\016>&N\004>G\231\246\276\315\023\336\275\354\017/=\"7#>!\026\236\2765\324`=p\023\222>\2363\r\276#j\346>rvX\276~\337\314>\003\210#\276:\306\357\276\266\"@?e\013\204>P\230\004?\314.\341\276\264\334H>\362\230E\277u\'\225=\324\330\003>\350\013!>f\016\374>]\217.?*\013?\276inz=\322](<\025\355\331>D\360\270=k\244k=L\250\264\275T~\327>\363?\\=76\263\275\t\225\"\276\344\272\347\275W\276\261\276\210\324x>\033\351J\275>\333\203\276g\014\273\276\340\305\222\274j\207\274\276A\301\000\277\346\205\213>\234\002\003>\350q\240=\355\220\364>]\275!\277]z\260\2744\372C\276p\305a>\031\356\225\276\300\030\201>\276\271\320>\266Z\356\275\022\033\267>:y\376>\003\356\355>\3574\376=y+\026\276\334Q\213>\013\361\231>\327\316{\273-\300\362=\307\272\246=H\005_\276\023\351\274>\315j\271\275ox\354>\262\347\247\274\236+\007?\037v\212\276\320D\226\276\364\277\006\277\021w->\017b\037\276\270\024\343\276\t\022,>\200\'\271>|\222\235\274s\353\013?\246;/>AB)>\261VL>\003@\373\275B\305,\276M\232\203=\'\030R=x\316\226>\026b\030>[\315\"=k\332\350\2768m\373\276\220\340\336\2752,\207=\314z\342=z1\264\276\026\334_\274\267;\376\274UGR>\357\366\353\275\254\024\233\276T\342\243>t\206\265\275Y\334:>#\347\177\276h#\002?\361\374\227\276Z-\032?\261@\255\274)\263\225\275\250\254t>d\271\344\275\370\234\216>\031\220\235>T\242k\276\342C\211\276\023\306\247\276]W\224>\265(*\276\004lW\276 \316\317>\221\026\254\275u\374\035>\306s\006\275*\323\306\276\222UU>\302\232\352\276\304Nz\2444\030?\032u\220>\204\276d>\316$\371=o\020\253\275\317\304\325\275P\301\210\276\275\332\320\275\035\271\245\276\357A\230<\005\362\001\2770t\001>\\\345~\275\017S\241\276\214FJ\276\375\355\373=Z\345\340\275[g\253>\314\363\344=0C\321\275\362\226\026>2d\017?\346\257\202>]H\253=x\343\031\277\3474\201\275\320Jd\275G\263 \276(\263,>v\230\221>\207>\243=\352\357\302\275\376_\321=Ur\314>\322\214\226>\362B\324>\254\372g\254\202\006\277<\021\003\276x\212\032\274\373\261\254\276F5X>\363\007\264\276\332j\371=\377\307q=]\267\013?j\\\357>\330\210\225\276\204\306\215\2768>\241>\331\275\030\276D\363\010?\203\245\302\275g\272X\276\025\323>=9\356\253>|5\320<\310\262R\276!G{>q\326\255>\335:6\276\374\240\307\276_U\006?\177\371\243\276\253\370d>\377\002\024\277cSD>2/\023<\024\333D\277H^\261\274\224V\335=\243\323\'\276r\247\232\276\305\013\322\276GqO=\244\265\240\275y\007P>\375\344p\276\253%\211\276m\034\"\276r\303m\276\354\032\246<\362\204H>\213\233\325\276\237\340\310\2759&\220=\235L\030\274\376\221\267>k\006\033\277s\024\232:\204:\275\245bc>\252\217\312=e\305h>\014\207\007\275\214^\354\274DnQ>\004\375\376=\020\246\003=\311\3431\276\371\363\226>\212c\373=\022\345>>a\2444\276O\220\327\275\271\335\257\276\224K\351\275\252\347\004\276\372\256\t\276k8\234>\033T\013?Q\203\022?\234\307w\276N\013\343\274\347C \276]\353\244>\343\302;?g-\222\276y#\002\274\006\361X\275 \276\300f\000>(;\025\276K\277\201\276\2458\304>\347\262F\276\211\031n\276\004\206\233\275\"y0>*\311\326>!\263\365<\ry\321\275\337\006$\276\004\245\323;\334]\304==\266\324>W\342\374<\206\235F>&1\t>^v\373\276\266\030\310\276\322\227\003\276\310#l>\254\245\036\276AI\325=\\\035\334=\305\224\332=\306\206\274\276\235\237\320\276@\270\320\276\243\260!>\177L\224>\177\225\224=\031\301\207>\207\215\'\276H\202\244\2742\013\200>\263\'\273=\322C\236>\003\247\366\275\325\005\255t\231\275-\276\021\260\r\277\273\311m\275\002\312\273=\215\207\347\276\231\223\200>0\222\350=\304\006O>D\300\244>\234B@\276\260\215\361\276\302N\307> m\021\276su\302>A/\324>\237\316n\275#\324b\276\305\335\r\276y72=7\034\261\274\372H\260=5\321\002\276\207e\247\276\256\034\377\275j\026\004\276M^\207\276\240\342\016\277\3218\220=:\014\312>NO\261>\217\263E\275\337\024\016\276\010\224\r\276\255A\t?\343\332\250\276Zx\204\274\376\004\301\275\261)V<\226D\252\275\275X\211\275\325\221\004\277\031\375Q=\037\026\235=D\216\261\275\262:R\276\242Y\026\276L\2564\276v\030U>h\301\371\276\3522\265\276o\020\273\275\300\331\244<\'\245\337=\001\312\201=\020\235\004>HP\300\276Fs\260\275O-,=\333\267Y>\210Uz=\244\353e\275\010\326\305\273\344\210s>1\0367\276\304\353\237\275i\200\231\276\326\302\022\275\222\030\024>\353\327\235>\214\256\216\276\306A\320=/\244\344\275\013rH\276A\236\203\276\275\'\225\2765\263\246\275\334\351\n\275\027*!\276\002KR>\3412\270<\350\340\326>f\327\211>nK\032>r\335\003>\313*:=\345\277\311>h\343g>\306\030\000?q\276M=&\356\274>+\316?\277>\216\247\275\230\215\213>\357\032\367\276B?\200>\210\245E={T\207\273\327R\002?\250\250\262>3\274\033?\214\267\n>\215$\270><\0176>\252\377w=\nZ\203>\276\362\326\275\014\350?\276\337\351\027>=l\353\276(\362\221>)\007.\277#>\352>\221\326\233=g\277-\277)\2673>\014\007\267<5\336\364>\257hx>l\204\223=z\377\233>\236\035\206\276\276\361\257=\316\013\002\275,%u>l%\334>\026\260\'\276\237\323\255=W\233\203>\016\224\217\275\337)\035>&T\227>\330\232>\277\316\233$>\000\306\327>\016M\254\276\254\000<\276\336\313\023\276\024J\354\275t\320\262\274oc\276=\332;\370<\275\037\267=\222\312x>\006~L\276\\\365\333\275\375:+>|\026\034\276it\233<]\310\255\276\350v\311=\374l\204\276\345\242\302\276\232\230\223>\265\3228\276\221\213\313\276~Te>M\221\261>$\274/\275\236\305\336>x!\252\276\325]\243>\265\271\017\276\036\037A>:\345\237\276\323\317\226\276\235\370n<\376^\334>\024\205\006>\267lW>Qy\265\276\366J<\276\226\n\252=TB\375\275&\333\260>\254\006\266=C[\250\275\370[\314\276\203\370\221\276\315q\212>\020v\306\275\376\210\373\276\233r\034?\272\006\221\276\363Sy\276\t\324\264>\313,\020\276S\341\337=\223M\263\276d\326S>\263o\241>\024\2421>o6|\2756q\247\276c\351V>\3403\">\263\310f>:\264\210\276\001\256\252=\013\365\000?r/\t\277\306\300\024>\006\362\250\276\213\246\227>\352-\353=\322h,\276Ag\201\276(\272\322\274y\t\244=Z\206\262\275\263\205\n\276\246\244a\276_\301\231>\\\007\305\275\264\r\215\276\371\013\260\276f^x\276\325\267+\276\216\025\277\276\325\374\263>\3616 >w_\224\275p,\305=\016j\315=\022\266\340>f\272\322\276I\313\341>\017wH<=\366\235\275`\260\036\276\354\262G\276\014\213\001\276\210\322\250>\331B\332\2768\n\267\275\363\272H\276\025e\255=\361)\277\276\005I\333\275\200;\023\276S,w=\315\322;>2\277\233>qM\203;A\036V\275\037E\325\276\353\335)>H4\"=\356b\241>\271#0=L_\226>5|\220\276\273\001\215\275\354\226V=\335\233\200\276H\321G<\016\005\234\275\200\n\320\275I\262\t\276\306\311~>\326\314H>+\n\035=Uv\265>\'\211\253\276u\2053>\200E\226>\303{\n\276,\223\035>]\221C=4\277\342<&\023x>\036\021{\276z\010T\277\223\316\017<\275\332n\275\343R\326\276\014\250\n>a5\252>\022\234V>Mv\020\277\217\226,\275\"\260\377>|\356\301\276\225\232\034\277;.6\277o\263-\276?\330\210=\352\017\235\274\243\320\230\275\'|\014\273\211a\004?\"\006\016??\013\267=\006\260\275=\024\030\"\277{RR\2759\242I\276l\354W<)\201\266>H\"C=\365\'j?\241T\205>\311\360\303=\225\343\347<\254v\256>w\013\000\277\301\341\230<\007\344\375\275\226I\370:GJ`\276z\344l<3\023\326>\313\364\253=\366\203C>\r\014\347=\275u\023\276\372!\366\276W,\314\276s\032\247=fcX>\231W\204=\265\227\257\276\021\272q>\300\031\036?+B\022?m\255Z\275D\314\274=y%\233\275\251\374K?\265y\316\274@\320\231\276\211\242X\276\306\347\007\2766l\344\276\320C\242>m\017\325>\320\2529\276w\223\271\2769\350A?@\347\">\351\337/\276\021p\323\275\341t\227\275z\004 =\327\211\276\275\372(\301\276\017\244<\276\224\020\027=B3\254\274\364\275\255>/3)?\243s\320\276\323\250\341\274\267\033\007>wb\230\275\347w\330\275\246V\000?\327\221\322\274w\017/?\303\3140?\334\352\374\276*\360*<\336\257\354\275pL$>mW\245\275\273j\001>{\250\226>\274`5=\227X\357\275\216\356\014?o\231\220=\337\244]\276\373\300\020?{\342\223>\205`\341\2767:\326\276.*\t\276\366w\365>\211\3363?\313\376\240>\373\332\216\275\322\304;\276\021\244\343>\004H\023>\024+_\276n\263\033\277,\217X\276\235 \227\276\351\345&?\257\316?>\224AO\277\r\351U>\234\347\210\276\270\026\323>.\226\343\274\362\246s\276\352r\362=\210\244\322<\353\205\362\276\0355f\276\2073V\276\023\321\227=\032\346s>\2320T\2765\017v\275\331-\204\2765hz\276\003{\301\275G\215\370=\326\203i\276b\346f>\036\376a\276\206jE\276\3208n\276|B\350=\205^\307\275\300\001\252\275\024\362\003\275Q\275\200=\273\373\267\275So\316\275KB\227>\220\235\006\277l\r\216\2766\230\333>\277\232\356=w5\354\365\034\\\276|\276i>\2356=\276XH\004=\007:1?\336S\225>\206\355\224>\261\337\220=\0020\227\276\350\322\013>HNu\276\274\007\037\275\3105S=K\306\332\2766OD\275\324\225\240\276\270\244\216>\242\357n>g<<\275\024\177\241\276\3212\252\276(\355*>\373\275\354=H\346\005\2762\002=?3 \241\274\200\256\327\276K*\213=\315\237\331>\353\214r>\307~\317>^\026r=\375\315\267\275\323\341==\225\215\230\276\270\221\266\275Y8\037\276\272\207\261\276[\036#\276[\\\323;\216\377\337=\"x\277\276\220\370P\276r\252o\276\342V\277>\357\2349?\367\365O=P{\223\275I\3112>\017\352\260=\307\314\026>\231\225\016\277|\320\337;\336\312\252\275\267.\315\274_3S\276\342lP\275\365-\334\276\037\027#>\305Y\377\275\360\nX>w\276\245=k`\307\275\223M\233=D\226\233\275\231\223\232>0\256J\275CaS\276N\231\277=\351#\332\275\210\215\023=\214\376v\276\206\351f\275\350u\217>\202\337\206\274\352,\213;1\357\'=\245g\370=\365\202\305\276\271\344\367\2754\037$>\201#\312<\314w\245\276\342\375\013>\342O\274=\236\203\333=%\244K=\232\264\n\276\203\241)\276&E\244>\311)3?\306r\270>\225\264,>\t\305\267\276\033\242\363\274z\315P\276\257\300~\275\004-\253\275\214\267&\275\013\000$\276\322\033\215\276\022E\244>.\226\021\274\346 \332\276\004=\236\276\227R\034>\253\376\352\274\2513V\276n\327w?\327\300\267\274\247\343\223\274\216\345B>\260\247\214>\250\314\033\276\235\301\244>*\353\007\277\201\324k\275\250\000\034\276*[\352=\0052}>\267{\342>\204.\345=\247\275\307\276j\321\223=\253\355\276\275\177\360\001>\373\335\222\275\032f\315\276Y\2304>x6L>\325#\010\276\240\343\265>\r\331\025>\206/\341\276\371\323\304=\276\322A\276\n\255>\275\004\333\270\276b\037\353\275\2120\203>#@\366=@|\343=\002W\352=\360\351\013>\254\357O\275E!\365\275\276\032\037\277\245\322\013?\026\034\205\275.\007\020\276\023\321?>\220t\230<\372\227\357>h\327\224\276=\023D\276@\265\256>o\001l>GY\276\276\362\364\251>\2042\247>r,*>\'\031a>\005#\022?\322\310\307\276\271\313\273\276\003\302\'\275\006\302^\273T\311\212\276\013\271\211\274 C\264>\216\337\020\276\'\233!\275*\371\244>\000\221C?\002\254\360\276\361\256\007\276\2448\">?\t\307>\002\303\254\275=\0348\276\232u#?*\340X\273\007\354\332\275M\210\307\275\376\313{>S\ty>\301\006Q\276\355#\241>\330\017\025?Kd\353\276\311\366\030>\324K\206>\2013/>z\022(\276\203Yr\275\031(\306=d,:>\014\357\026>z\3078\276\016\337O>X\252;\276\221\347\360\275\361\304H\276\211O\306\276`Z\t\276&\263t\276\265J\301>\315\263\'?\'\014G\2765\256\230\272\001\030=\276\262\027R>p;\254>\032\022e\276A\222[\276;>\237\276xt\021>L\275[>\217\356\201=\"0\246=\352J\325=\025\301\372\275\262\224\'>\350\251\362\276Y\240\300\275\361\025\224\276\n_\265\276\203\267\016\276\244\033k>\376\260\027?\021\307\007=\203\200\232>\216>C>\307\356(\275\030g\205\2763|\272<\324\272J\276?\321\210=Z[\210\276\234\310?\275\273\ty\203\3445\276\265\003\201\276d\255\361\276G\370\031\272P\344s\276\233F69<\374B>U\333\353\275\251\205\n>\320\244\231>\357\333\354\275i\264\271\275\322\263\200>\306\016\237\276\212\024\343\275\366\233\326/\363\302\276=\003\227>\310\356\372\276\304\261\212=%\374\350\276m\335f=E\350\r?\357\237%?\214O@\276\354\216!>v\2533\276x\021\343\276\235\207}\275\316bI>\375\250\270\276#\'\034>\376\273\262\272e\224\342\276\0207\263=\210\023\304\275\215\240\354\271\350\346\227>\333e6\276\303\363*>a\314\320>>A\260\276\310\320\367\275\374@\306>\344\2702>KV\340<]n\345=@g\366\275\207\031\030\276\353;\317\276\322\022{\276\305\3661\276}\030\210>~A\256\276\220\234\250\276\n\316u>~\333_\275\371M\242>\232\252\034?\256\334\271\276_}q\275p\244\201=2M\250>\253\024x\276\021\346\301\276_~\223;\212v\023\276j\037\351=t<\022>\273x8\276:\232\002\276\310\023\023\276\335\010\373\276\204V\343\276[\331\032\276\202l\001\276\342p>>8\201R\275\334w\203\276\247nL>n\310\206>\346\237\323>\006\364\302\276\221J >\256\020\013\276~\264\336\276\206d\320\275\036\020/>(\272\024>\354\215@>\245ir\276\277\317\271\275\223x\340\276#@\014\275\273R\203\276\247\226\250>\234\270\212\275\323\2117>\271{\234>yh\252>>l\030>\200\251\207=\346E\030\276\022\r\327\275\2363\316\275Q^\026\276N\306\025>U\260\204=\032\255\301>V\334\010\277\261\366\360=\363\021\202\276?\013\246\275v!\223\276\r;\242\276\201$\022\276ic\233\276\217\236\273>\335\037\237<\315\373\253=\013L/\276a\233:\276C\363\036\274Fa\232>b\250\242==\004\362\275k\311\375>)wY>\327\2639=\333\251(=\217\2429\276>\344\273\275\206;\305\274\3537\t\277\244AE=\270\340\275=\314\342\232=o\352v=\274I%\276\246\215\227>\2561F\275\010\2140\276]\2169\276\362Z\262\274\253\372\\=\230-\217\276\321\200\320\2740\214Z=\255\362n>[>\315=J\301\226\276\372\'\006\276e\006\217\276\030\244\003\276\313\364\001\277O\237\231=K6\032>\363a\206\276=s\307\276j\247\220>\236\244\237\275\230h\354=7\361K>qmG\276ANh=\243\322\016\276\341\377\332\276\324\036)?\243s\241=Z\253\260>\247\213]>\345ka\276\022\224x\276\247g\267=\010\350t\275\026W\216>\321\2142\275/\t\214\276\302\374\334\275N\013I\272\261\353\257=\204\022x=\312#\r\276\243qu\276!\024\337>\227\267\237>I\260\232>6\222\316\276\222`+\276\260Y\314>\302\020+\273\370\\S=\266\340\235\275pW\332\275\330\212~\274;\350\353=\212;_\276u-F=#\230\002>L 8>wkH>M\203*\277\367\275\030?\231r\366\275y\313\000\276\017OL\276TM\222\275\351\033\300>\373\321+>\366\2069\275?\315\211<\332\247\274>5(#\275i\317\026>e}1>\032\210\351\276=C\022?\236i\324>\225\020|=\2202\016>]\005\214>K\375\243\275\272\233\354\275xf\006>\235\241\222\276{\0138\275\310\246\224>\317\313\031<\317\330\335>\"\271\325\276,\313\301>\276\204\261>9\377*>\306\032m\276n[ >yI\225>\200Wd>\313n\210>J\004W?H\031\037>\345\246\377=^.s=4\237m=q\241c\276\021\224\200\276\177\346{\274\2614\337=\030\272\253\276\374gK>\\N\275\275\364u\224\276\251S\020\275\377\356c\275\326\334\006\275\\\013\001\276\221\202\036>S}\247>W\314r\274~0\333>\276H\025?\204K\213>e\267\265=\253\223\211\275\377$t\276\0377\257\274T\367\236\276\010-\232\273\360\0018\276\252k\243\275\205:!?\344K\003\275#\242\230=`^\256\276\026\005\204=0\231\214>Q\242\353\276W\013\032\276\307W\252>;\022\273\276\t\013\332\276b9J\277\210\251\203\276\331\204\337\273\272cy=\252\032\030\275\335\257\245\276\\\251`\276\211\036\317=\343eu\276\233\273\033\276\226\274\266\275\321\311\222\276\363m\377\274\035\010G>\266|\237>\023\262\273\274}h\005\276\233\351\220\273\307\277\025\276\336l\375\275r\304\342\276\016M\246=\210\307\363\376\216\245\276}{\320=\337\241^>k\020\212>\034\n\235<\261`\250\276R\325\223\276\364;c\275e\266\256<\335p\255\275\374w\024>\316\362\005>%\310\327>\305d;\276fE\351\275\341\354\213>Mr=?\212\333\220\275}fq>yZ\254\276!\021\025\275\325(7\276\264o!?\360\nC\275\365\332@\276\334\222#\276a\037!\276#\247\254\276Oe.>H\352w>MU\205\274\376\216\265>\232\001\372>\267K\031>\377\266\203\276\246\275\310=@\000%<\004\244\024\275\025\236\270\276\221\0036=!Q\363=\264\010\237\273]\354\377>\325\261\275\275W\301\022\277\022\220\256=\335\016\315\276\353\311W=\267e\373>\"\342C=}w\265\2765\231\234\276\007IK\276\033\213(>\003\212\263>\020\223\312=\322\030.\275g\341\032>H\035o\276\271P\376\276\014\350\001>\202\211\203\276\231\275=\276v\004*?\353\203m>S\277\346\275\020\2773=\024\017\356\276\223xb>\000\346\232\275\353j\016\275\030?F\305\231>\353\233\246>\371_\221>\214 \r>=\210\036=}\345\304>\025\366\302\273q\220$\276\224\226\267\276O\373\342\275\334\251\022>\3720&\276\346\1777\276\017\326\373\276\3754\305>}\323\013>v\317\023\275{\314\250>\002\313\243>\006y\014\347\270\000\277\250jP>Y^\325\275\030\337\267=\202\361\217\276\016$\002\276\266?\332=\271\t\276\275\333\353\307>Y\260\025>\305KQ=\220\2664\276\243B\033\276@0\377\274HV\234\275Z\016\301>\363\005\277\275\252+\201\276\355y\351\274+f\260<(h\346>\tf\025\276#\314\340=\222\243\365\275\361i\035\276P\343\214>\251\266\307\2756\031\265\275\211@Y>dk\350\276\200\236\373>\315p0>~*j\276x`\004\272M\266\004\275,\355\237\275\347so=@\326\300=?\337\206\275H\237A>\353\202\254>\344!&>\213\260\270\275O\375b\275\032\324I\276D[\270\276\336\343r<\244\013\222\276\004\247\324<\335}F\276L\344u\276\033\3731>2\345V>F\362~\276\240\361\233\276\215rH\276\315\000g>\267\323\035?\336\004\211\273a\341\346<\222O \277Q\240\250\276\005=\346\275\346\357\321=\2101\242=\201\347\315\274\257\304\265>\372$$>WYA=\363\354}\275\230\325\003\276<\005\372\276\347P\327\275p\245q>\250P\227=\265\207\013\274~\270\004>\342\233\026>[\214\221\276X\376\264>\336\200\026\277\232G\311>\270\014>>)K\302=\310E\235=_\214\274\275\360]G=#\036\236>j\323h>\207\364W\274\316b\313<\022)u\276\004q\r\276Pb\373\333?\236=>\327\350=\361j\350>!g)\2773\364\224=\330\237\177\276\305\336\223>|4\275\275\025\330\311\276\314S\366>\266b\240\276P]\300\274\351\212q\276\343\252\017?R\304\340=>-x\274+\340(>\265)\242>\222\030\204=q3;?\232\313\262\276\014\222@\275F3\336>A.\005\277\"so=\017\371\014\276\345\221V>.\217\244>\315\336\372\276\227\324\353\275\377:\006\277\377\034\003>f`\024\277\2073z=\017]\237\276\017\307\231\275\'\311(\277\243\214\022\276w\257\267>\340\241#>p5\261\276W\t\265>\237\203P>\231O\277\276a\342\037?O\305G=c\373e>2#\233\276\275u\013=\235\375\375=\257{\010>\003q\022>\241\265\210\2759\030`\276u\366&\275\252 \342\274\355\246\013>Q\253\343>E\324\320\276Ko\004\276\027\354\271\2764H\221>\005\321\253>\314^\362\276\376\005\340\276P\223\302\275zX\374=\211\354\333\276\202u\310=\310\237\371\275Qe\354>\202\2212\276_\371\353\274\001\220\367>\025\266\337>)\037Z\275\300\233\277>=G\250>\275\263\001?\330<\271>\022q{\276\242\330\016<#YV<\035\212\252>\276\003e\277\255\3202>&\270\200\275\312\341\210>\355\024G>_[\363\275{\rS>\326W\277>\352\277\367\275\225I\217\274\326\266\304\276\022\223\230\276U\226\226>\246(\361\275\026\004\312>\335\340T\2768\355\337=\263\307^\276\207j`\276v\2043\27624\300\275\371\024{>\244\0058?\265p^\276@\237\330>\t\371\032>\241@u\275\206\024\365\276|f\034>\272\'X>\305p~\275D\376\216=\016\355\241=\373\225@\276\351\231V\276eG\275=\023\302z\276j\2214>*\274h\275GZ\233>$\330\233>a\314\222>\312\256\323=\355s\024?\351\273\037=#\010V=\007K\355=\030\026\017?\271{E\276\3772E>S\'\n?\240JR\275|js\276\263\263M>\346\227\224\2755\342\376\276W\031$>\263\206\231\276\307\313*\277\254U >F\270\224\276\257P\221\275\2441l\275\322\242\243\276Z\250\262>!v\277=\310\253^>\357\"\232>/C\252\276\361!\210=\310/U?\253\327\257\276\242/.?\253\336\373\2740\300\\\276$\213\320\276\257p\227=\363\344\326>R\033r\276a\203\002\275e\206,>\312\241\366=\321\263Z\275\366\216\335=<\236\033?ebO>\337\\\276\275\311\355\233=V\200\321\274\004\256\n\276\334\324\206;L\266\267\275D\364K>\304\026\374=8r\236>\373\330\301\276\303\306\360>(hp>\374\313\253\273\250\320\031>x\002\265\274%\3145>\274\345h>v\207C>e\372b>)b\347\274\330S\254\275$\261\233=\307\350&\372\276\034v\026\276\007::>\025\243u>}\002\320>R\242\224\276\003\337s>t\336\211\276\027\200\021?\256l\254\276\000\356\230\274\210\026\302<\242y:>*\330\273\276\232DA>J#\343\276\032\257-\276\275\342~\276w&\316>(5\204=\371\216\346=\360I\265\2762Q\366\275\310\362\367=\304\202\020\276\273\321\277\273\026\013K\276b\321S\276\241\272\n>\342D\362\275\250\246\341\274\326\n}>\034\000\244>\242\330\251>\216\256\022>S\213\177\276H\343\350\276>\364\031?K?\250=t\305$=\020&1\276\177\351|>\305\336\361>\013$\265\276Y\211\360>\221Zj=\337\226\345\276\365?\205>\276j\266>\366\263\303\2769Ff\276\312\\\033\276\314f\227>\325\\\\\276\272\000\304\275\036C&\277\310\311\274<\221dV\27574\021\274/<\216\275@\226\302\276\344E\305\276\013\031\007?\275\233\277>+\204\032\275\223@F=<\375\311=\007\323\360=\330V+>O;\314\276\002\'G\276\257\001\333\276\373\'\227\275\304\032\210>\231\264\001>\266\014\224\275T\n\030>\237\210\316>\227\216\322)q\322\274\363\t\347>L\3008\276\233\211I\276t.\346\275\351s\317=?z\323=\3112\207>Zh\237\274\247\350\250;8\352\217=.\325\206>\260\365\277\272\036\236\234>\245\242(\276\367\263\006\276\255p+\276\272\305Z=y1\024\276\265\261\313=s\377\206>,\017\365\275\'5\275\275\315\354\265\276GH\255\275\222\"\344=u\005\343>\366\262\303\276\272\274G\275\037\334\334>=\302\215\276\020\n\376<\016p!\275\272\261\266\275\022->\276n\252B\275\256\315\255\276\337\303\217\275\031\023\010=\327;\236>U\246\315=CUE=\335\222\231>\334\261\025\275J6\370>\232t6>\214\020J>m\240\273\276J\355k\275xJ\323>\255h\266\276\365sh>\317T\001\277y\026/=\201F\023\277\324SX\276\336\367\201>^\366\364\276Q\374\243>[\336~>\341!L\276\362\223~\275\352\027\316<\003\302\371>\212\017v>MR\235\275\305\370\304=q\340F>\014+H?\264\262\273=q\270\360\275I\362\317\276\341tn\276IF\272>o\332\227>\231\257\253\275\006\022\326>\177q\374\275\226\256g\276Hb\230>~\366L\276\252{>\276\343Q\"\277\315\250\370<\265\304K=\267\2641>\037\210\035>\17715>\304$\256>\361N\001\276\305\324\301>4\307:>\235\223I>gig>\246Q\365=\332\307q\2761V\027\273\002D\341\275m\305\250>\020\034\006\276\022\021\243\276\344\357\213\276\331\tm\276\026\204\341\275l\315\331\2739\307\201\276>\024\337>\355\215\210\274#\226\215\276R<\211>\366\321\244\276$\211;>\306\025.\276o\316Y=\006\230\220\276\204\275B\276\231!\240\276\266I\301>0\3627E\245(\276\2702O\275\325\362\202\276\246\257\272=\371\025\335>k\256\220=LM\340=\300|f\275\3060\305>f\373\000?1\213\002\2762\314\324\021?\250\205\207>hz\200\276\322\013\200>\277s\037?\025\352\340:V\243\300=*\246g\276|\232\335\275\225\374K\276\004\323\002?\017\247\214=\311*\213>\244ZM=1w\210\350_\253>z\343\321=27\032>\253\271\000\274\037\212\026?\223\315\024\276\377 \022=qWi\277u\273\253=\207w\334\276\332\310*=\331\344\265>;B\267\276\301\225\014?\237\304\r>+|\017>\257D*\277\233\256p>\202\245\205>)\300\002\277X>\'\277:\247\362\276\003\320\230>8*[=\305c\325\275\274\001\246\275\217\322\010\276!6\344\275^\250\242\275\350RD\276\254}\204\276\340\020\037\276K\324\024>\271\034\300\275\377hX>\344rm>\230\201w\275\377\227u\276\372}\023\276\277\234\000\277K\232\"\274J\010\233=p(/=@l`<\007q\n=\204\253\263>\342B\274\275u\361\354\276\241\272C\276\301_\200>O\367\310\276\272\244w>\343\377\330>-\342\000\2765\351\032>\206\006\352>)P\006<\354\311\020>\377p\340\275-\247\224>\271\232\014=Xl\017?\340\006\337=\253@\236>\240\014\210\276q\363r\276W\017j\276\255*\330\275\352\213\031>\222\362\273=\364\362\216\275\332\323\034>z\\>>1\310\263>1w ?S\273\334\275?f\257\276\006\371\310\274?E\r\277\266%4\276\342\370/\276\340\350W\275\305\032\215>*\354m\275K\320\'\276Rb#=i?\020?\314w:?\226\202\023\274\252K\251\275\313JV\275\200\030^>\360\247!\275t\2458\276\344\256\300\276gb\003?\363tF>&:\250\276\323)\213\276\355\306\353=\353\341m\275\241\373\270>\240\037\3219g\303>\007\274\204\275/0\312\275d\304\203\276\210\031\002?4\232\361=GJ\004>gY\200\275\025\354\323=\263.\000?\266\235}\276U\020\311=.\351\341\276\222\007\251=\267\234\223>\325{\211>\372\316\036\276\336\241\375\276\371\2374\277\305T\025\274(\203#>B\341\306\276\203F\301>\025\311\237\274Y9\314\275\216D\013\277j\037\266>\035^1>\367\250/=rv\353\2760\037K\276\353o\037\276\200Pr>\020\336@>\007p,\276l\320\013?\354\336\231>7\214\301>\346\036\307=3\305)\275)\213Q\275\252\322\372=\216\247n>\301\364\357\275\224\214\213<0n\245\275\237\032\351\275\017\2616\276\371\"\314>\032\031/>\026\214\313>\021\332\035\277\242\337\332>\363\034\365\276\370\302\326>T\024\207\276\344\016\223\276VY\207\276\277M5\276\376N\206>7\334:\276U\327t>qe\010\277\334\246\006\276P\365\223>\007\327\275\276{n\364\275\027\374\315>?\020\002>\200(\312\276\205N\373<\311\025\004?L3\001\277\013\016Y\276\263zh=\027\261A\277\310\001e\276\363\2401=\272\230O\275L(\230>9n\254\275w\317\363\276\010\230\340\275](\000?_\310.>y!\324=\206\320\364=\223>\377\275\312=S\276\316K\224>\234\364\">\0043E\276\310\307\325\275\3444z\275U\330i>\361\316\215\276\316\024=\277\002F\270\276\354\341\226=\017\305e\276\322\216\341>\226\206B>\307\023g\276\337\302^;KM\025\275-\261\026\277\020\337R>\301\203\017\277\243m3\276\016\377\246\275\034*G>G\233\000\276f\304\\\276\214\250\376\275\273\033/>\365E\275>\211W\205\276J\254\236>\362\216\254\276\016L\234\276\241ug\276\371\271;>cr\000\277\262\203d=\332\242.\2762\264\304>\375\327|>D\254\007\277\371\365\312>\335H\266\276\304s\201\275\352n\010>\3763\251=\210#\256>=D\210\276Z\355\366\276h\031\247\276\364|f\275\377m\305\275d\320\211>\306S\212>\364\352\214>\333\002\341\276\231\267\314=\274C\260<\027\266\237>}\375\255\276\036\305\242\275\355q\330\275nn\327>\214\273\207>m\225\035>\244\277i;a\241N\274j\004\315>&FW\275*\021+\276!O\\>f\244\274=\357\275\203\276\010w/\276\032\206\222>\211\375\034\277m\300\261\276\3307\257\275\250\317\374;M\374\303>\225I\354<\220\254\344\275g\224\312\275r=E>\314Z#\277Z\3151\276\277q\372>\246:b\275v\272\234>\324?\000?8\371K\276\014\036T>}\335<\276\262\243\261<\225t\230\275>6y\276\030\2365>K\277\215\276o\3104\275a\000\320>\223I\201>$R\003\274\304\352\">\366C\002\277]B\333=m\224\203>\356\014\014?\317/\327>\243\242\234=\305\002\002\277\013Q\016\277<,\210\276\246\374\331=\025(\333\275!\210\221\276\034h\007\277\027\306\227>eU\264\275\"\006\222\273z?.?#q\306=J\212\304>R\251\217=6\261I>\207\2653?./O\276>\357-\275\336FR\275\350\327,\276$HT\274\006\316\017\276B\244\216\275\256g\351\276\377\301\352\276\227\240\177\276\241\234\232>#u\256>\377\006\240\274\034\350\257\275\352\321:>\037\200\023\277\305\273\223>\027~\340\276x\347\212\275Gn\313\274\372\313\022\274\226\010\212\275\"\024`>Ii\206>\006\262\002?Q\035\272\276\020e]\276H\026\316\276\004\227\332\275\275\227\361>\005\370\253>\240M\020\2766\035\014\276\310hC\275\301\355\317>}\313\347>,o\223\276\025\363\343;\252t]\274&f\352=\215\207\177>\257f\364<\235\032\024?\014\341\205;\n\006M\275\031\215\t?\003\027\215\276+4\032\276m\251\010\275\277\0031?\257\031\375\274+\366\205=\312\205\\>o\273\034>Dx\375\275\305c\230=\331\237\003\277q(g>n\302\300\276\203\200\354>Q\211\303>5\255d\025f\204\275zl\277\276\r\013\020\276\3603\252>\346g%>0\316\357=\036\310\344\275\252|\327=\360N\224>\2245\030\277!\343a=K\325\203=\320\363\030\276@\3744\276\315\232\215=\257\337\300=\306h\323=J\255\037?\225s\364>\340}\202\276\323z1>\242\370\305>@\t\000?\315\254\271=\315i\335\274$Mw\275q9\203>\234\330 \276#\241\201=\343d\037?yX\353\275\232E\340\276\020\255\222=S\210u>\027Sn>3\264l>s\352r\275SEy>v]5\275\270\"3?s\036\371\275R\266\207=U\267\345<\016\272\242\276\227[\215\276x\277O=\351\203\236>_b^<\321\004,?\204\323\264>\205\223\263=N\350\253\276\336YH\276\3370z\276[\036\335\276\206P\000\277\321E6\276\261\017\234>\273\200\306=\021\231\033>\tj\377\274\022\305\023\275\003\207&?\264\037 >\030\010S\276]1l\276\300\207\252=\367ds>$!\210>\256\341\337\276Rc\311>p\265\253=y\330\257=aS\203>Yf\365\275\001\332\224=\236\2154<5\332l<>E\320\275\372\266\360\276`\034\276\274Z\354\300\275G\024\326>8\314\216>\322D\010\277\307o5\275!|\034>\006[\216\276\360n\214\2751\000]\276\367\375\306=\002}\223\276-\001\311>\271\332\276>\266\321\207\276)\356\305\276\365\\\252;\201\2407\276wn\005=0w\312\275\257\207\006\275l\270i=\230\241\032\275\263\353&<\021\036\370>\204\236\234?Sn\307>\326\205\223\275vC\216=\211\003c\276\257\327C\275z\217\263\275\343\265K\275\330\033\014=\030\355S\276\320\212\263:\032\355\356\275\016\020\004\277\336\232\302>6\227\362=\316X\210>\275\005\">\251k\375\275\236^\251\276\245YF=>9@=i\010\312\247U$?\277\257\353\275\226\216\245=\004R\276\276\203\270\216<\322\3671>\274\"\225=~\006\331\274\3549#=\007[\366\275\265\205\354\274\302\0065<\372\215\270\276Y\262\021>]\370\253>\3743\253=D{#>\312f\237\276\277\010\000?|\020\'\276\032,m>\314e\231>0\334\355=\036\006o>\327hj\275\253\037\222\277\004\035\242\276\226|m>\206\322\035\276\317\204\211=\225\247E>\013\363\332<\351}\202>i\306\207>\024\"\347\275\260\255\237=N<\305>\331\311\202>7\242P>\334Wx>\321\032\215=yP#\2766T\010\277\256Z\226=\371+/\276\350\202A>\363\264\262\276\t\310a\274\203\'\371\276\3254:\276\005\032\010>\260\260\237\276\302#\253\276a%\211\275Q\301\255\276\354\005G?cH\373>\220!\024>\311\275\250\275\362w\254\276\343v\021\276\355\034\202\276\246P!\274n7\212=\022\204\022>4\261o>\214\343\016>j\342%\277\240G-<\206xG>\247\005\257\275\344%0?\005\025\272\275[#\304\274v\311\032=\236\362\026\276\035\301\225\276F\366\377\275\226*\220\276\024\356J>\364\315\264:+j\005\276\245Q\334=\245$\031?\210E.\274\020\315\365\276\025S\367\276\246\010\025>\326`\'?}h\201>\235\214c\276\036\342\026\275\261\202W>\016\305!\274\r\247w\275\263v\377\276#GY=\346\274\037>\344\357\"\277\364o\301\2760\0349>\236R\323=\241L\273>E\227\235\276\332\356\256\275\325\357a\275\0130\275\276k\024K\275\311\216I>\'\344\304=\272\031\300\275A\2071\276s\355\216>c\211\">l\002D\276\325\346\262>\032G(>\303\333u>\225\255{=\362\367\347\276\321\322\256\275\247|\323\276\234\311\246\275\364\003\030>z\262\202\276:P\356\273z\326T=T\253\253>?\374\304=K\201\202>\215\035\000\276\343:\310\276\3360W=\304\3316=.5m\275g\357\202\276`\341\371>\223;0\276\3469\331>\323\365W>\023H\226\276\324o_\274\326w\355>\200)\017\277B\334=<\337\331\201=\037eJ?\200\305A\276\361t\211\276\033\364\273>\322\000\215=,\323v\276\373.\321\273\000\"\242>\215\305\270\276\365Xf=$6(\275\177\303\277>r\263\366\274\024v\346\2767\201.\276\253|\223>\261/\372\275\225\352\306\276\002\233$?6X\220>Q\245\224\275\005m\353\034\350g>\025\313\324\276\266\264<\276\317\201\277\2759\006\231>,\014\020\276nJ\303\275\311\032,\276\203\255\305\275\206\031\243>\307\206\320=/o2\276\203\277\365\276\3231J>\3410\001>\206\003\337\276\375V\212\276\262\327\005\276\226\264}\276b\250\336=\035\3479>8\237P>M0^=~\016\233\276\030|\013<\253u\007>\257\371\300\276\223g\025=\353X4\276Qw*>\372\025\244=C\224\004>\rx\024>+\262\347\275M\370\351\274\254\375\332=\272\003\262=\010W\223\275\020\214\316>3\rA\277\027a\230=i\265=>\314\205~\276`\331P\275\037\226\206>\316\020E\275\255\034\215\276IQn\276\313b\241\276(`x\276\367\357|\275\0036\261>\361\322\027Q\315\037>p\255\254>`\340N>\227\333\033>>e\337\276\323\034\317=)\326\222\276\r\347K\277\024v\205\276A\243\242>\235\300\210>C\2744>]\006/\276g\245\232\276l\000\030\276z\"\330\276 k\207\276\202\320\315>\305J\205\276yG\035\2758\301\371=\242\327\224<\313G\254\275 \034\374\275\361\005\326\275\3349\372<\300\333\234\276h\276\353=l\263@\277\232\214\245\276F\247\001\276\226*\215\276P\362\356>\211y\366\276\177j\332\276B\364\234>\270\224>\276m\246\330>u\340\307>\2573\310\276\224k\203\2765/\316<\305@,\276b\375\274=~\341\001\275\301i\017=\000\214\340\274\234)\217\276cI\203\276p|D>\347<\036\274\352\223\266=\2766\022?\221\223\212>P\375\230=:w\207\275\307\237M>\237\306\203>\225\337\320\275z\223\302\275\360\016\032\277\325\251\332\276+\343\277\275\010q\337\276\322E\224\276\267\010E>jN\225=(\177\254>\203mY\276\212z\035>\264U\250\275H\376\023?\334\375\203>\272\014\306>\017\242\013>\320A\000\276\315M\277>.\260\270>l\260\200=\263\220r>av\221>\211\377[\276\0107\242=\267\255\320\276\353\262!>\362\016/\274-\207\r?\233V\235=d\032\222\274\312\211T\2752M\016>w*%?@\272\177>d\216K>\231\270\033?\316\025B>\230\033z\276\227)\241=\265Au>I\263$>\336\326\340\276)X\307\275p\206\001\277\326\213\372\274T\265|>A\367\250>Y\207\001>\234$\375=xM\221\275\233\205\265>\021\006Q>\322\202\337>/bj\276!m\030=y>\233>\340\356\016\275\230V\221>58K\2769\217\201=\316\223\364>T&\251\276\352\350E\277\377\361\025\277\240\277\211\275}\013o\276I\242\313>\267\351t\2738\275\240\275\277j\326\276x\337\202\275\203\317\330\275NA\244>\367$2>\232wf\276\216\0232\2766\206U>\300\265\376=\355N\237;#3G\276\326\277n\275\330\0317>9\334\010?\004\005F\277\003\344\360>!\244\036\275\211\241\311\275M\201\322\275\024\221m>\365\341\244\275:\362-\276\342\347\216\276\233y\235\276\360\212\243\275\217\376\240>\"\323\206;&\2116\277\337\366\027\274\265v\022\274vW\330=\2741\370\300\323\014\275\304\013\355=\234\307\351\276\212Q\"\277B\331F>\324X]\275dJ\037>\001\307-=p\346\206\276\002hM\275Nvj>\276\202\014\277\033=s\276\270q\232>\277\205\344>\256\260K\276\007\354\025=\022p\013?\223\305\211=\333\276Y=\207\353\r>\tHs>)\030\007\277$C\r\276\214L\275\276\223\317->y~\000>\005U\003\277W\223y\276\006\022\305\276\275\3159;\342\231n>\266\347\026\275\254T\263>\037\344\"\275:\242\345=\033\r\333>\341\006\301>\207\177X>4\301\313\275\262a\310=r]t\275\366\353\016=\275I^>\305X\264=x_\017>\376\373\217>\274q!\276\357\351G\276?\346\204\276Vy?\276\017\354\177>J\325#\276\357\001\016>\353K\022\276\337\0358>\255\334w\276\253\017\372=\303\262w\275=\r\342>\022X\333>\336\'.>\353t\200q\240,\276?}\303\276\267\250s>O\265\332=q+\272;T&/>Mb\234>\363p\367=a9\261\275\367~\232>RM\237=\356_\010>\377\317==?>u>\350\326\203\276<\347\t\277zy)\275\231\354r\276~\301k\276\357K\010\277\322h\360>\213\365\034>\203\345\007=]so>V\364V\273\347]\260\274S<\305\276\2623\313\275q4\247\276&\331T=\351\202\276\275\332\257\275\276\331W\'>\005\030K\276\326\230I\276\303\322\347\275_\010\255>dc\313>1*\236=\335\353\253\276\024(q\276\226.\205>S\271\002\275.\250\256\276\304\270\273\276\013\201M>\032\354\\>[vW>\275\2501\277_5\376>\337\276w\276a\256H>\034z\302\274n\347\221\275\312\243\224Fj%\275\202\366\006\277\252\377\354=\353\3703>U\364\277;0\202\006=\275)\212>(\243\324=W\377h\276\361\253&?\304\375\007>X\220e\275\'\276\264>\246\311\365:\223\025\355\276s@5>\023\324@?\366\316\004\275\367\243=\276o\364W\276y\352\230>\341\n%\277\321\266\036=\352\252\356<\317\243\332=\272>\236\275JD\313\275\343\305k\275\364\310n>\335\3745\276/\376\300>\361\237\330>5\252\031\277!\277\253>e\321\243\276 S.>3\244*?\262c&\276\021\025\005?\271\370,>H\246,\276&?k\276\1777\203\276\034\267\264\274\177X\250>l\235\235\276nJ\033\2768}\325\276IF\352>\371\312\263>\234Z==\013@O>\030\346\271> \204]\276O\210\034?\016;6?\225`\317>\346\332\201\276\2371|\276\2675!\274g\370\000\277\256`\365>\332c\226\276B\377\345>8\2349\276\370s\274\274\000r\036\030S\273\275\220M\366\275\207\326{>\264p\227>\004\t\353\276s\277\001=]\220\252<[X\343;\346\0141\275\215\273\301\276J^\251>\000k\305>\236\030\236\275\375\315R>b\023\205>\304\025\027>\003\003A\275y\213I\276m\277;>q\213 >\213G\254>\306\004\273\276\030\243\263\275\2060p\276\177@\304>Fl\026=\303\035\225\275\216\024\010\276\200\005\032\276\374\204\303=\201U\005?\242\201\025\277\277B\327>6}8\275:\356\351\276F\317\225>\337\214\314=\211\275\007w\213\214<\335Md>\020\343\023<\320Vg>\363\327\244\276t\365\243\276\343\373\001\341\275Jt\260\276\006N\301<\017\304\214\276\315\221\264:x0|\276\307\333\274\276Z*2\275g\226\004=\201$\203=,\367\010\276r\177\212\277L\032\254\276@\337\004=e2\377\274\251g\246=\352\200)\275\205}D>\004\274\211=\343\244\007?\270_0\276=\266g\276?1\026>\207\341@\276\334(\253>\001\263\222=\334\206\303=\372Y\247\276\020\253k>\377\347{>R\n\206>\364\272\203\276Y/\343>32X\276\344!\010?:Hz>\320\362F>U\372\240\273Ab\005>\312\360\314\276\274\365\245\275\013\"\014=\234e\3037\336\202\350(Z=\257\366\241>\271\342S\276\243\321\020\276\362)X>\027A$?q\237\002=\234\304V\276\344\220\035?\014\353\216\276\2103\371\276y\350\315\275\002\371\242\276\274kl=\017\003y>%\034z>\363\231Q\275*\277\353\275\234\221\215>*j\243>w\364e\276\230\203H\276\234+9>w\211\276>!\313\307=|\311\213>\325\001\221>\2341\375\276r\213\210\275\320\003\210=\216\336\250\275\025\267\\\276\247\326\364=\332\335\315\276M\271n>\027\326\026>\004\233\212>\336\372L\276t\0276\275*\331\n>{\010\321>D\001\250\274L{\212\276R%\231\276R\361?>\031\234P\276\330,}>Sz,\277\221\024\370=\372\246\322=\271+\032\275\256\206m\276\266\021\326\275\263\321\324\275\022\247\021>\036\020\261=\035\232\341>\332!}>hWM\276\333\305\\\276e\212\010<\260\243\023>5ap>\376\234\004\275\2010\034?\230\316\336>\203.\037\276jQ\264>\177\316\345\273\034\365\267>\343N\214>\203\027\200\276>\236\257=\240\225+\273mT\330>\351\342\r=%\356\256<\331\376(>\255\"\030\277F#\246=5tT\276\303\021\366=\255\222t\276,T\005\277\360\002\226\275\362\'\002?\t\005!\276\367\\\335=\255\306\233\275O\002\353=r\300\017=h\252\345\274\360\210\232<\233\232\331=\354}\254>\014\332>?\302\315\237\275O\227\322\276\376!B\2763\006\260\276O\362\304\275w\225\016>W\232\230>\326F\274>k^!>\034\025q\276\265\235\036\276l\024\227>q\3722\276f\266\205>/2V>\331\3749\276\004m\036\276^\251\232\276\034b\363\276\272\224\274\276\273\275\256>\345\301\366=.)\270\276d\316\333\276{\2246\277\360\245\'?\222\275\220>\212~\305>\320\205\245,\275\233|C\276\306_r\276\242&%\276\372\276M\277\021\365\215\273l\205\272>\032\000\253\276\217\277\003>c\315\302\276\216\352/?B\264&?\370\n\313\274v\254\023\276sm\303\276F\360\206=\333\240\335\275\352W\213>\324\004\035>\334|e=\260\211\207=\325\315\201\276\245\177\r>\313\350\304\275E\344\255\276\265\213\207=\200\334\2247\374\201\341>\270\311\265\276VO8>\252\017\225=f\333 >\004\032\266<\276Y\343\275\270\356N\276\220m\035\277\270&\253\276\005\005\227\275\r\ni\276\036yP\275\342\026\021>\211s\307>\324{Z>\265\300\202\2748z\022>bf\261\276\032AX\275E\241,>\342\243\217\276\245~\226>i\211]\276*\000\341\276T\014\202>\213\240\225\276O\340\342>3\266\022>K\236\234\276\305cq>\032\211\314\275Jg\306>\230\207\212\275\236\016\n\275p\020\324\275\244\311#=p\201\216\275\222\233\247\276\260\004\357\275\373\232\277=\336\226\352\276\010\n\315:3\276\271\272\0331\364>_V`\276\273a>>\300o\201\275\321\362\001>\212}\205\276\220\325\202\276$\r\027=3\206\206>\031\242_\276e\217\362\276\361\262\333\273\273yZ\275\246\273\035?\210V\266>\272|H\276\022\003\305\276l\314\210=$\336\306\275=\017d>\262\321\226>A\247\355\276\016u\313=\326ao\275\300\001\177>\321\215\372>@L\325=\336\226\346>\356\260\232>B*a\273#\254B>\036\036\212>\206\032\033>\302\177g\276\366J\220\275\372\325c\276\324\251}=\254qy>\t\035\200=\016(M>t\201\210>\033$W\276\327\344\370;~`\000\2774d\205\275\321\237\343>~\r;>|\216\353\276}Q\315\275\014\230\023\276\237\035\242>\376\231\033>C\247\001>n0C\277.\326.=\220\225\304\275\327b\275\276\224\206\213>\273S\325>}\355\254\276\036v\300\275\2470\247>}\277\013\275\326\337u>\031\355\305\274\216\225c>\375H\204\275*\277\217>\340_\"\276\277\331\333\276\332\"X>+\215\320>p\326\314>\3756\253\276x\267\030\277\341U\256\276\031>\030>k\227\321\276\265\242\027=`\337\356\275\215\300\305\276\033\346\202=yl\203\276\347\273\307=\216\362O>\304\241\030\276r\224\251>\345t\302\275m\033b\276\352\301\232>\r\341<;\255W\234\276\332&\324\275\364\247\\\274\004C\300\275\371fv\276\372.P\276\234\007\357=\373)I\275*4N\276K\243\246\276\237\363b=fN\037>\235\2041\276B\024\317=Y!\252\275\225+\034=\264\006\245=\342\214\213\276@]\263\276y\362\270\276J\353z>\276\006\223>B\226&\276WO\354\275\217`\252\275}\004\036\2774y8\276\257?\313\275\337\204&?~\223\377=!\203Z\277(\022\340\274\337\241\215\2765\035\005\277|u\024>\264\370\224\276\277\314==u\251\332\276\313\366\344\325\224\274W\237\007>\226\323\207>5qP\275\022I\177\275\304^\375\274\366\203\321>\214s\026?\377\257\331=F\200O\275\327%\266\275\327R\004\276\277g\230\2762S%\276\000MN\276`\003\233\276\353RZ>\264\207\036\277Y+\240>2\323\205\276v\367\211>/d\275;~\206\266>\212>\374\276\271\232\032\277`n\004\277k&\003>\255/\265;\223{\367\276\244`\013\277v\346\n>\217k\304>\350\232=\275D\222T\275IJ\026\277\302\355\001\277S\275\261\274}V*\276f(\014\275\026{\227>\021k5\277\233g\271\276\215!(?K1\031>\021\351\347>\357\263s>\252b\332>yb\007\276Y\351\202\2754\251\373>\235\357u\276T \016=\362\t\003\277|\270\275=\300\002\267>\005\225\377\276/\024\347=f\265K\276\260_\227>\340\337\263\275B*\357\275\007\270\030\277u\213\200\276K(;>\3520S>\026S\014>]\034\310=\236\347\373=\270\374\341=\277$\272>K\212l>\367\263\264\275\032\242\216\273\376>m\276(\330\347>GM\317\276\257\216l\276\311\224\261\276\363\357\200\276\315.\036\275$\305\000?\227ju\276\332\232\004\276\272y+\276\n\201H\276l\003\013?\304Eh\275U\327\t?\264.\257\276*\'C\276\264\340=?1\033\233\276s\216|>w\356\007\277\203r2>n\026\310\276\313\242/\276\352\002=\275\225\332z\274\"-\202\276a\261\240<\330\362\240>}\354\327=\333&\023>\325\313\364\276\321*\004z\002>O\254\246>\267\016I=\021\360\r=\240D\210\275\\`\324>[\212/\276\247\203\376\275_\"\241=\264\230\023?\366\222\317>8-\323\276\350\224\376=\345\010@\276\246\017\341>\371\217\262\276\\\332C\276\356f\315\276\213\374\252\276;\2435>E:\214;\377\341\205\276=\257\306\276]$\371>\351\363\337\275\335\356_?\021\211\005=H\203R>\304Z\226\276\251N\026?\235\334\363\273g\t\005>\231\235\026?J\223\342\276R\365\314=e-\372=x\344j\276\002g\350>l9\321\275zB\020\277,SC\277\300@\253>\251x\030\274\266}\301>\300\312r>\304\013\251\275lJ\202\276.\323\r=\311x\224\276u\272I=\254\320\342\275m\222\311=:\233\272\275?\2570=A\005:\276\313Q\247=&xJ?(<\"<>\261\351>\243`\025\275\272\"\224\276n\0078=\013\206\302>&l\305\275)\364\371>\030\017\361\276\231z\377=%\026I\276\264\3651>\350F\316=W\234\321>\357V\377>\005\005\200=\373\250\347;\302\024\332=\323\215(>`\271d\276\303\250&>Uo\362\275\270m\t\276\372\213\374\276\305cl>7/:\274\t\273\371>=`\204>ze6\277\215\003S>;\266O>\210Z\210\276\263\360\273\275\345Ao\275\005\016\330\275\345\344/\276\017\346\335\275\345\2562\277\213\316\264=1\335\010>\247\247\326>\016_\211\274\321\360\254=\342\342\311=\3442\240\276P\177]\276\356\004Q>z\334\211>=\227\251>*\'\372>\n\243\207\274\3636\206\273Kx\270=\203\276\307>\026o\022\275D\213\272\276\360\363!\276\307\016\370>\217/\036?C\227Z\275\\V\337\275bi\277\276\374\233E?\230\276\270=\255\206\320=7b\301>\377t\242>/\277\330\276C\036\210>b/*=^\236\273>u9\005>\326\361\003?_\352H>\373\372\277\276U\325\311>\232\325\270\276\026\2411\276v\354r\276\036=\212>5\331\033>\275\374\217\276m5\257\276\216\2247>Q\362(>\262cW>\374F\031;\241\177Q>\300he\276\314\262\306\275\257\276\205>!\367\360\275\360\233\277\276\202\035\223=V\014\212=\362\344\364\274C\337Q\276\332r\245\275\265\344\003=\025\346\234>\206s\t>\036\032\032\276\213\370\264>G\020\350>n\353y\274:I\321;\242\245:>\366\002\022\277\263\374y*\372(?\315\230\231\275\333z\207>\031\217/>fm\346>XIE\276\344\360\034?\'j\347\276<\306\332\275-\242\340\275\023\275[>\034\344\227\276\315\304\322=\301\'\302\276\234!\250\276\252\216r\255\351*\2749\201\033\276\3064O?_[?\276iF\245\276\334}S;a\203\342>i\316\023>\002\203\005?\357p\214\276\205\335\303\275\370?g\276\333\367\214\276\237\243\303>\345Q\241=\252i\001\277\237\237\366=T\345\177>\266\214\242=^M\n\277\373g;\277\245\342\345<\312\213\007=\306\306\">)*=\277B\303\234\275i\320->y\346z\275\367k\025=\314\250\350\2761\002\257\276\245\273\320\274|\007\246\274\320X\204\276s\230\n=0\210+\275\314R\007>\241i\210>\362z\330>Dj\031\276.\261\227\275$\362\264=\221\203\023\276Jk\323>B\3442>\034\242H\276\030\276v=\213\372\260<\2427\002>~\022\277>\022\330\237\276\025\277V>\264\317\347\275bZ\265=\326l\270>w\241\341>\216\346\221>\032=\213\276\366\237\021\276\222F\277>\277\270\005\274\354\016\373=@\230\354\276\376\351\315\275+$L\274O\267\232\276\035\036\027\274e\224\247\275>\023\263>~\354\235>\013\361R>\230h-\276\035N\242=\035j\321;G\264\253\275\245\031\257>\233\253}\276lg>>3\326\372\276\343\204k=L\363;\276gO\242\276\003\324\275>\203\246\363>)X\036\277\230\354\343;\327\312@=\235\341\010\276\373n\325>\235\307\322\275p#\357\276\375%a\275\277\026\215=\007\036\316\276\331\373\252\275\360`\240\276\242\324\233\276u\251\333>M\331\321\276\253M\000\275x:\021?n6\037>\262\253\240\2762\275\343\274\224O+\277\253\211\341\275*\370\207\276#\320\321=\351\373\246\276\034\2518\276e\351\266\275\331\233\243<\247\t\234>~\254\334>\331`\262\275\361\215\031\275nB\372>b\007\225\276P\230\370\006\260\251\276{\272\262>\270\035{\276\255\321e\276\220\326\370>\310T{\274\315J\027?\303-\203\274\202V;\276c\365y=8K\237\274\020Z\24391N%=r\204i>\371J\261\275d\242E=\"2\221>\336\335\260=\234\330\265=fH\370>\273Z\371=\327Mq\275Fz\026>\007\372\233>$\207>=ks\324\2754\330\361\275\030m\t\277\025sV\276\263Q\243\276\255\206)>Y\247\373=>J\342=\342\342\'>\2167g\275\261\023|>\001\327a\275\255\007\027\276\2058\236\276s\262`?\237\211j>\201\260G>d\203\311\2750b\212\272\303j \277L\302\214>\300\221=\276Y\3564\276\305\010\223\276\247\027\'\276$\032\213\276E\223\024\276\237\313J\276" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/kernel/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/kernel" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/bias" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 96 + } + } + tensor_content: "\261\272\026>\211\326\370=\342\317\022\276\352\304\261\276t\002.>\\\nt\030\273E=\3218w\276\341\271q\275\217\341\n=\274.\235=\262\321\326\276\213\237\304\275,\020\014\276\024\273[>\267\321%\276u\317\217>i\000\252>X\2736>\364\351\001>Y\231E>\301\023\256=x4\250\276\030\321\305\274\0017\326\275\264y\215\276\211\207\271>w\333w>Z\224q>^\260\006>jX0\2769\256\177>T%!\277\223I\207>\302\000/?V\360z\276X\020\036\276}\342\334\276\\O*=\300\177\244>\374\245\237\276~\010\035>\276\221\253\275z\316\215\276bhN\276\274\201\324\276\030wf>W\324\271=\r\242\230=\365ao=q\215\221?$\344K=\235\022\240<\n\357\314>\313\240Z>2\274\026\275\372Vc>\374\320\354=\320\323T\277w\253c\276#o\252\275\337e\347>\321N\332=\264\3253>\334\302\242>Ai\036\275!/\006?\304)\006\276n6\325=\250\265Z>2\341\020>\244\203\247\276\302\212\203\274\026\263\345>\030k%=6\262\277>\257_\227>F\233\3007\370\200<3\211+>\244qD\274\231w\240=\211q6\274\200\027\275\274\261X\314\275\361\345#>\366\006c\2759\264\237>\027\t\027\276\202\316m=" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/bias/read" + op: "Identity" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/bias" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat/axis" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayReadV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/kernel/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul" + op: "MatMul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "transpose_a" + value { + b: false + } + } + attr { + key: "transpose_b" + value { + b: false + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/gates/bias/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd" + op: "BiasAdd" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "data_format" + value { + s: "NHWC" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/Sigmoid" + op: "Sigmoid" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/split/split_dim" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/split" + op: "Split" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/split/split_dim" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/Sigmoid" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "num_split" + value { + i: 2 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/mul" + op: "Mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/split" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat_1/axis" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat_1" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayReadV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat_1/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul_1/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/kernel/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul_1" + op: "MatMul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/concat_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul_1/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "transpose_a" + value { + b: false + } + } + attr { + key: "transpose_b" + value { + b: false + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd_1/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/gru_cell/candidate/bias/read" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd_1" + op: "BiasAdd" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/MatMul_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd_1/Enter" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "data_format" + value { + s: "NHWC" + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/Tanh" + op: "Tanh" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/BiasAdd_1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/mul_1" + op: "Mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/split:1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/sub/x" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + } + float_val: 1.0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/sub" + op: "Sub" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/sub/x" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/split:1" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/mul_2" + op: "Mul" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/sub" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/Tanh" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/add" + op: "Add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/mul_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/mul_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayWrite/TensorArrayWriteV3/Enter" + op: "Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + attr { + key: "T" + value { + type: DT_RESOURCE + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/add" + } + } + } + attr { + key: "frame_name" + value { + s: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/while_context" + } + } + attr { + key: "is_constant" + value { + b: true + } + } + attr { + key: "parallel_iterations" + value { + i: 32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayWrite/TensorArrayWriteV3" + op: "TensorArrayWriteV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayWrite/TensorArrayWriteV3/Enter" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/add" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add_1/y" + op: "Const" + input: "^rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add_1" + op: "Add" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Identity_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add_1/y" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration_1" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/add_1" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration_2" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/TensorArrayWrite/TensorArrayWriteV3" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/NextIteration_3" + op: "NextIteration" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/gru_cell/add" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Exit_2" + op: "Exit" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Switch_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/TensorArraySizeV3" + op: "TensorArraySizeV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Exit_2" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/range/start" + op: "Const" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + } + } + } + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/range/delta" + op: "Const" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + } + } + } + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/range" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/range/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/TensorArraySizeV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/range/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/TensorArrayGatherV3" + op: "TensorArrayGatherV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/while/Exit_2" + attr { + key: "_class" + value { + list { + s: "loc:@rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArray" + } + } + } + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "element_shape" + value { + shape { + dim { + size: -1 + } + dim { + size: 96 + } + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Rank_1" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 3 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range_1/start" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 2 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range_1/delta" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range_1" + op: "Range" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range_1/start" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/Rank_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range_1/delta" + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat_2/values_0" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 2 + } + } + tensor_content: "\001\000\000\000\000\000\000\000" + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat_2/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 0 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat_2" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat_2/values_0" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/range_1" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat_2/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_INT32 + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose_1" + op: "Transpose" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/TensorArrayStack/TensorArrayGatherV3" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/concat_2" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tperm" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/ReverseV2/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + dim { + size: 1 + } + } + int_val: 1 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/ReverseV2" + op: "ReverseV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/bw/bw/transpose_1" + input: "rnn/stack_bidirectional_rnn/cell_0/ReverseV2/axis" + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/concat/axis" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + int_val: 2 + } + } + } +} +node { + name: "rnn/stack_bidirectional_rnn/cell_0/concat" + op: "ConcatV2" + input: "rnn/stack_bidirectional_rnn/cell_0/bidirectional_rnn/fw/fw/transpose_1" + input: "rnn/stack_bidirectional_rnn/cell_0/ReverseV2" + input: "rnn/stack_bidirectional_rnn/cell_0/concat/axis" + attr { + key: "N" + value { + i: 2 + } + } + attr { + key: "T" + value { + type: DT_FLOAT + } + } + attr { + key: "Tidx" + value { + type: DT_INT32 + } + } +} \ No newline at end of file diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/fake.pb b/tools/ovc/unit_tests/moc_tf_fe/test_models/fake.pb similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/fake.pb rename to tools/ovc/unit_tests/moc_tf_fe/test_models/fake.pb diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/future_op.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/future_op.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/future_op.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/future_op.pbtxt diff --git a/tools/ovc/unit_tests/moc_tf_fe/test_models/model_add_with_undefined_constant.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_add_with_undefined_constant.pbtxt new file mode 100644 index 00000000000000..37dd135ccfd6ea --- /dev/null +++ b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_add_with_undefined_constant.pbtxt @@ -0,0 +1,58 @@ +node { + name: "x" + op: "Placeholder" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "shape" + value { + shape { + dim { + size: 2 + } + dim { + size: 3 + } + } + } + } +} +node { + name: "Const" + op: "Const" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_FLOAT + tensor_shape { + dim { + size: 3 + } + } + } + } + } +} +node { + name: "add" + op: "AddV2" + input: "x" + input: "Const" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_add_with_undefined_constant.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_add_with_undefined_constant.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_add_with_undefined_constant.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_add_with_undefined_constant.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_bool.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_bool.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_bool.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_bool.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_bool2.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool2.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_bool2.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool2.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_bool2.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool2.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_bool2.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_bool2.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_fp32.frozen b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_fp32.frozen similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_fp32.frozen rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_fp32.frozen diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_fp32.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_fp32.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_fp32.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_fp32.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_fp32.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_fp32.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_fp32.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_fp32.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_int32.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_int32.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_int32.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_int32.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_int32.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_int32.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_int32.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_int32.py diff --git a/tools/ovc/unit_tests/moc_tf_fe/test_models/model_mul_with_undefined_constant.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_mul_with_undefined_constant.pbtxt new file mode 100644 index 00000000000000..e4a6470f3d2ab6 --- /dev/null +++ b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_mul_with_undefined_constant.pbtxt @@ -0,0 +1,52 @@ +node { + name: "x" + op: "Placeholder" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "shape" + value { + shape { + dim { + size: 2 + } + } + } + } +} +node { + name: "Const" + op: "Const" + attr { + key: "dtype" + value { + type: DT_INT32 + } + } + attr { + key: "value" + value { + tensor { + dtype: DT_INT32 + tensor_shape { + } + } + } + } +} +node { + name: "mul" + op: "Mul" + input: "x" + input: "Const" + attr { + key: "T" + value { + type: DT_INT32 + } + } +} diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_mul_with_undefined_constant.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_mul_with_undefined_constant.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_mul_with_undefined_constant.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_mul_with_undefined_constant.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_oneshot_iterator.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_oneshot_iterator.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_oneshot_iterator.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_oneshot_iterator.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_switch_merge.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_switch_merge.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_switch_merge.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_switch_merge.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_switch_merge.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_switch_merge.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_switch_merge.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_switch_merge.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_three_inputs.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_three_inputs.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_three_inputs.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_three_inputs.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_three_inputs.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_three_inputs.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_three_inputs.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_three_inputs.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_convolution_dynamic_rank.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_with_if.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_if.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_with_if.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_if.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_with_if.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_if.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_with_if.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_if.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/model_with_variable_v1.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_variable_v1.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/model_with_variable_v1.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/model_with_variable_v1.pbtxt diff --git a/tools/ovc/unit_tests/moc_tf_fe/test_models/mul_with_unknown_rank_y.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/mul_with_unknown_rank_y.pbtxt new file mode 100644 index 00000000000000..42061cf6fd9cb9 --- /dev/null +++ b/tools/ovc/unit_tests/moc_tf_fe/test_models/mul_with_unknown_rank_y.pbtxt @@ -0,0 +1,50 @@ +node { + name: "x" + op: "Placeholder" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "shape" + value { + shape { + dim { + size: 3 + } + } + } + } +} +node { + name: "y" + op: "Placeholder" + attr { + key: "dtype" + value { + type: DT_FLOAT + } + } + attr { + key: "shape" + value { + shape { + unknown_rank: true + } + } + } +} +node { + name: "Mul" + op: "Mul" + input: "x" + input: "y" + attr { + key: "T" + value { + type: DT_FLOAT + } + } +} diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/mul_with_unknown_rank_y.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/mul_with_unknown_rank_y.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/mul_with_unknown_rank_y.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/mul_with_unknown_rank_y.py diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/placeholder_with_default.pbtxt b/tools/ovc/unit_tests/moc_tf_fe/test_models/placeholder_with_default.pbtxt similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/placeholder_with_default.pbtxt rename to tools/ovc/unit_tests/moc_tf_fe/test_models/placeholder_with_default.pbtxt diff --git a/tools/mo/unit_tests/moc_tf_fe/test_models/placeholder_with_default.py b/tools/ovc/unit_tests/moc_tf_fe/test_models/placeholder_with_default.py similarity index 100% rename from tools/mo/unit_tests/moc_tf_fe/test_models/placeholder_with_default.py rename to tools/ovc/unit_tests/moc_tf_fe/test_models/placeholder_with_default.py diff --git a/tools/mo/unit_tests/moc_tf_fe/utils.py b/tools/ovc/unit_tests/moc_tf_fe/utils.py similarity index 96% rename from tools/mo/unit_tests/moc_tf_fe/utils.py rename to tools/ovc/unit_tests/moc_tf_fe/utils.py index 4e73b1d3aaee77..9c79f4676266a9 100644 --- a/tools/mo/unit_tests/moc_tf_fe/utils.py +++ b/tools/ovc/unit_tests/moc_tf_fe/utils.py @@ -6,7 +6,7 @@ import numpy as np from openvino.runtime import Core -from openvino.tools.mo.convert import convert_model +from openvino.tools.ovc.convert import convert_model def basic_check(input_model, argv_input, input_data, expected_dtype, expected_value, freeze_placeholder_with_value=None, diff --git a/tools/ovc/unit_tests/ovc/__init__.py b/tools/ovc/unit_tests/ovc/__init__.py new file mode 100644 index 00000000000000..e69de29bb2d1d6 diff --git a/tools/ovc/unit_tests/ovc/bom_test.py b/tools/ovc/unit_tests/ovc/bom_test.py new file mode 100644 index 00000000000000..b4a6ad2d8fb2a2 --- /dev/null +++ b/tools/ovc/unit_tests/ovc/bom_test.py @@ -0,0 +1,125 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os +import platform +import re +import unittest +from itertools import islice + +from openvino.tools.ovc.utils import get_mo_root_dir + +dir_patterns_to_skip = ['.*__pycache__.*'] +file_patterns_to_skip = ['.*\\.DS_Store$', + '.*\\.swp', + '.*\\.pyc$', + 'requirements.*\.txt', + 'version.txt'] +full_name_patterns_to_skip = [] +if platform.system() == 'Windows': + full_name_patterns_to_skip = [i.replace('/', '\\\\') for i in full_name_patterns_to_skip] + + +def is_match(name: str, patterns: ()): + return any((re.match(pattern, name) for pattern in patterns)) + + +class TestBOMFile(unittest.TestCase): + @classmethod + def setUpClass(cls): + cls.existing_files = [] + cur_path = os.path.join(os.path.realpath(__file__), os.pardir) + mo_path = os.path.abspath(os.path.join(cur_path, os.pardir, os.pardir)) + with open(os.path.join(mo_path, 'unit_tests', 'ovc', 'package_BOM.txt'), 'r') as bom_file: + if platform.system() == 'Windows': + cls.existing_files = [name.rstrip().replace('/', '\\') for name in bom_file.readlines()] + else: + cls.existing_files = [name.rstrip() for name in bom_file.readlines()] + + # dirs_to_search is the root directory where MO is located, 'openvino_project_root/tools/mo/openvino/tools' + cls.dirs_to_search = os.path.normpath(get_mo_root_dir() + '/ovc/') + cls.prefix = os.path.normpath(get_mo_root_dir() + '../../../') # prefix which is used in BOM file + cls.expected_header = [re.compile(pattern) for pattern in [ + r'^# Copyright \([cC]\) [0-9\-]+ Intel Corporation$', + r'^# SPDX-License-Identifier: Apache-2.0$', + ]] + + def test_bom_file(self): + missing_files = list() + for src_dir in [self.dirs_to_search]: + if not os.path.isdir(src_dir): + continue + for root, dirs, files in os.walk(src_dir): + if is_match(root, dir_patterns_to_skip): + continue + for f in files: + full_name = os.path.join(root, f) + full_name = full_name[len(self.prefix) + 1:] + if is_match(f, file_patterns_to_skip): + continue + if is_match(full_name, full_name_patterns_to_skip): + continue + if full_name not in self.existing_files: + missing_files.append(full_name) + + if len(missing_files) != 0: + print("Missing files:") + for f in missing_files: + print(f.replace('\\', '/')) + self.assertTrue(not len(missing_files), '{} files missed in BOM'.format(len(missing_files))) + + def test_bom_does_not_contain_unittest_files(self): + for file_name in self.existing_files: + self.assertFalse(file_name.endswith('_test.py'), 'BOM file contains test file {}'.format(file_name)) + + def test_deleted_files_still_stored_in_bom(self): + deleted = list() + for file in self.existing_files: + if not os.path.isfile(os.path.join(self.prefix, file)): + deleted.append(file) + if len(deleted) != 0: + print("Deleted files still stored in BOM file:") + for f in deleted: + print(f) + self.assertTrue(not len(deleted), '{} files deleted but still stored in BOM'.format(len(deleted))) + + def test_alphabetical_order_and_duplicates(self): + sorted_bom = sorted([x for x in self.existing_files if self.existing_files.count(x) == 1], key=str.lower) + if self.existing_files != sorted_bom: + print("Wrong order. Alphabetical order of BOM is:") + print(*sorted_bom, sep='\n') + self.assertTrue(False) + + def test_missed_intel_header(self): + missing_files = list() + for src_dir in [self.dirs_to_search]: + if not os.path.isdir(src_dir): + continue + for root, dirs, files in os.walk(src_dir): + if is_match(root, dir_patterns_to_skip): + continue + for f in files: + ignores = [ + '^__init__.py$', + '^caffe_pb2.py$', + '^.*.pyc$', + '^generate_caffe_pb2.py$' + ] + if not is_match(f, ['.*.py$']) or is_match(f, ignores): + continue + full_name = os.path.join(root, f) + with open(full_name, 'r') as source_f: + # read two more lines from the file because it can contain shebang and empty lines + s = [x.strip() for x in islice(source_f, len(self.expected_header) + 2)] + # skip shebang and empty lines in the beginning of the file + try: + while s[0] in ('', '#!/usr/bin/env python3'): + s = s[1:] + for str_ind in range(0, len(self.expected_header)): + if not re.match(self.expected_header[str_ind], s[str_ind]): + missing_files.append(full_name) + break + except: + pass + self.assertTrue(not len(missing_files), + '{} files with missed header: \n{}'.format(len(missing_files), '\n'.join(missing_files))) diff --git a/tools/ovc/unit_tests/ovc/convert/import_from_mo_test.py b/tools/ovc/unit_tests/ovc/convert/import_from_mo_test.py new file mode 100644 index 00000000000000..362d02dca487bb --- /dev/null +++ b/tools/ovc/unit_tests/ovc/convert/import_from_mo_test.py @@ -0,0 +1,100 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os +import tempfile +from pathlib import Path + +from generator import generator, generate +from openvino.runtime import serialize, InputCutInfo, LayoutMap + +from unit_tests.ovc.unit_test_with_mocked_telemetry import UnitTestWithMockedTelemetry +from utils import create_onnx_model, save_to_onnx + + +@generator +class ConvertImportMOTest(UnitTestWithMockedTelemetry): + test_directory = os.path.dirname(os.path.realpath(__file__)) + + @staticmethod + def create_onnx_model(): + # + # Create ONNX model + # + + import onnx + from onnx import helper + from onnx import TensorProto + + shape = [1, 2, 3] + + input = helper.make_tensor_value_info('input', TensorProto.FLOAT, shape) + output = helper.make_tensor_value_info('output', TensorProto.FLOAT, shape) + + node_def = onnx.helper.make_node( + 'Relu', + inputs=['input'], + outputs=['Relu_out'], + ) + node_def2 = onnx.helper.make_node( + 'Sigmoid', + inputs=['Relu_out'], + outputs=['output'], + ) + + # Create the graph (GraphProto) + graph_def = helper.make_graph( + [node_def, node_def2], + 'test_model', + [input], + [output], + ) + + # Create the model (ModelProto) + onnx_net = helper.make_model(graph_def, producer_name='test_model') + return onnx_net + + @generate(*[ + ({}), + ({'input': InputCutInfo(name='LeakyRelu_out', shape=None, type=None, value=None)}), + ({'layout': {'input': LayoutMap(source_layout='NCHW', target_layout='NHWC')}}), + ]) + # Checks convert import from openvino.tools.mo + def test_import(self, params): + from openvino.runtime import convert_model + + with tempfile.TemporaryDirectory(dir=self.test_directory) as tmpdir: + model = create_onnx_model() + model_path = save_to_onnx(model, tmpdir) + out_xml = os.path.join(tmpdir, "model.xml") + + ov_model = convert_model(input_model=model_path, **params) + serialize(ov_model, out_xml.encode('utf-8'), out_xml.replace('.xml', '.bin').encode('utf-8')) + assert os.path.exists(out_xml) + + def test_input_model_path(self): + from openvino.runtime import convert_model + + with tempfile.TemporaryDirectory(dir=self.test_directory) as tmpdir: + model = self.create_onnx_model() + model_path = save_to_onnx(model, tmpdir) + out_xml = os.path.join(tmpdir, Path("model.xml")) + + ov_model = convert_model(input_model=model_path) + serialize(ov_model, out_xml.encode('utf-8'), out_xml.replace('.xml', '.bin').encode('utf-8')) + + #TODO: check that model is correct + + + def test_unnamed_input_model(self): + from openvino.runtime import convert_model + with tempfile.TemporaryDirectory(dir=self.test_directory) as tmpdir: + model = self.create_onnx_model() + model_path = save_to_onnx(model, tmpdir) + out_xml = os.path.join(tmpdir, "model.xml") + + ov_model = convert_model(model_path) + serialize(ov_model, out_xml.encode('utf-8'), out_xml.replace('.xml', '.bin').encode('utf-8')) + + #TODO: check that model is correct + diff --git a/tools/ovc/unit_tests/ovc/convert/meta_data_test.py b/tools/ovc/unit_tests/ovc/convert/meta_data_test.py new file mode 100644 index 00000000000000..755116cca0fa60 --- /dev/null +++ b/tools/ovc/unit_tests/ovc/convert/meta_data_test.py @@ -0,0 +1,90 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os +import tempfile +from pathlib import Path + +from generator import generator +from openvino.runtime import get_version as get_rt_version +from openvino.runtime import serialize, convert_model + +from unit_tests.ovc.unit_test_with_mocked_telemetry import UnitTestWithMockedTelemetry +from utils import save_to_onnx + + +@generator +class MetaDataTest(UnitTestWithMockedTelemetry): + test_directory = os.path.dirname(os.path.realpath(__file__)) + + def test_meta_data(self): + def create_onnx_model(): + # + # Create ONNX model + # + + import onnx + from onnx import helper + from onnx import TensorProto + + shape = [1, 2, 3] + + input = helper.make_tensor_value_info('input', TensorProto.FLOAT, shape) + output = helper.make_tensor_value_info('output', TensorProto.FLOAT, shape) + + node_def = onnx.helper.make_node( + 'Relu', + inputs=['input'], + outputs=['Relu_out'], + ) + node_def2 = onnx.helper.make_node( + 'Sigmoid', + inputs=['Relu_out'], + outputs=['output'], + ) + + # Create the graph (GraphProto) + graph_def = helper.make_graph( + [node_def, node_def2], + 'test_model', + [input], + [output], + ) + + # Create the model (ModelProto) + onnx_net = helper.make_model(graph_def, producer_name='test_model') + return onnx_net + + def ref_meta_data(): + return { + 'Runtime_version': get_rt_version(), + 'legacy_frontend': "False", + 'conversion_parameters': { + 'input_model': Path.joinpath(Path("DIR"), Path("model.onnx")), + } + + } + + def check_meta_data(ov_model): + ref_meta = ref_meta_data() + for key, value in ref_meta.items(): + if key == 'conversion_parameters': + for param_name, param_value in value.items(): + val = ov_model.get_rt_info([key, param_name]).astype(str) + if param_name in ['extensions', 'caffe_parser_path', 'input_model', 'k', 'output_dir']: + val = Path(val) + assert val == param_value, \ + "Runtime info attribute with name {} does not match. Expected: {}, " \ + "got {}".format(param_name, param_value, val) + continue + assert ov_model.get_rt_info(key).astype(str) == value, \ + "Runtime info attribute with name {} does not match. Expected: {}, " \ + "got {}".format(key, value, ov_model.get_rt_info(key).astype(str)) + + with tempfile.TemporaryDirectory(dir=self.test_directory) as tmpdir: + + model = create_onnx_model() + model_path = save_to_onnx(model, tmpdir) + + ov_model = convert_model(model_path) + check_meta_data(ov_model) diff --git a/tools/ovc/unit_tests/ovc/convert/meta_data_test_actual.py b/tools/ovc/unit_tests/ovc/convert/meta_data_test_actual.py new file mode 100644 index 00000000000000..1ba198e14c8df1 --- /dev/null +++ b/tools/ovc/unit_tests/ovc/convert/meta_data_test_actual.py @@ -0,0 +1,86 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os +import tempfile +import unittest +from pathlib import Path + +from openvino.runtime import get_version as get_rt_version +from openvino.runtime import serialize, convert_model +from openvino.tools.mo.utils.ir_reader.restore_graph import restore_graph_from_ir, save_restored_graph + + +class MetaDataTestTF(unittest.TestCase): + test_directory = os.path.dirname(os.path.realpath(__file__)) + + @staticmethod + def check_meta_data(ov_model, ref_meta): + ignore_attrs = ['version', 'optimization'] + for key, value in ref_meta.items(): + if key == 'conversion_parameters': + for param_name, param_value in value.items(): + val = ov_model.get_rt_info([key, param_name]).astype(str) + if param_name in ['extensions', 'caffe_parser_path', 'input_model', 'k', 'output_dir']: + val = Path(val) + assert val == param_value, \ + "Runtime info attribute with name {} does not match. Expected: {}, " \ + "got {}".format(param_name, param_value, val) + continue + assert ov_model.get_rt_info(key).astype(str) == value, \ + "Runtime info attribute with name {} does not match. Expected: {}, " \ + "got {}".format(key, value, ov_model.get_rt_info(key).astype(str)) + + for key, value in ov_model.get_rt_info().items(): + if key in ignore_attrs: + continue + assert key in ref_meta, "Unexpected runtime info attribute: {}".format(key) + + def test_meta_data_tf(self): + def create_tf_model(out_dir): + import tensorflow as tf + + tf.compat.v1.reset_default_graph() + + with tf.compat.v1.Session() as sess: + inp1 = tf.compat.v1.placeholder(tf.float32, [1, 2, 3], 'Input') + inp2 = tf.compat.v1.placeholder(tf.float32, [1, 2, 3], 'Input') + relu = tf.nn.relu(inp1 + inp2, name='Relu') + + output = tf.nn.sigmoid(relu, name='Sigmoid') + + tf.compat.v1.global_variables_initializer() + tf_net = sess.graph_def + tf.io.write_graph(tf_net, out_dir + os.sep, 'model_bool.pb', as_text=False) + return out_dir + os.sep + 'model_bool.pb' + + def ref_meta_data(): + return { + 'Runtime_version': get_rt_version(), + 'legacy_frontend': "False", + 'conversion_parameters': { + 'scale': "1.5", + 'batch': "1" + } + } + + with tempfile.TemporaryDirectory(dir=self.test_directory) as tmpdir: + model = create_tf_model(tmpdir) + out_xml = os.path.join(tmpdir, "model.xml") + ref_meta = ref_meta_data() + + ov_model = convert_model(model, scale=1.5, batch=1) + self.check_meta_data(ov_model, ref_meta) + + serialize(ov_model, out_xml.encode('utf-8'), out_xml.replace('.xml', '.bin').encode('utf-8')) + + from openvino.runtime import Core + core = Core() + deserialized_model = core.read_model(out_xml) + self.check_meta_data(deserialized_model, ref_meta) + + restored_graph, meta_data = restore_graph_from_ir(out_xml, out_xml.replace('.xml', '.bin')) + save_restored_graph(restored_graph, tmpdir, meta_data, "mo_ir_reader_test_model") + + mo_ir_reader_test_model = core.read_model(os.path.join(tmpdir, "mo_ir_reader_test_model.xml")) + self.check_meta_data(mo_ir_reader_test_model, ref_meta) diff --git a/tools/ovc/unit_tests/ovc/convert/utils.py b/tools/ovc/unit_tests/ovc/convert/utils.py new file mode 100644 index 00000000000000..739450263a9004 --- /dev/null +++ b/tools/ovc/unit_tests/ovc/convert/utils.py @@ -0,0 +1,52 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import os + + +def create_onnx_model(): + # + # Create ONNX model + # + + import onnx + from onnx import helper + from onnx import TensorProto + + shape = [1, 3, 2, 2] + + input = helper.make_tensor_value_info('input', TensorProto.FLOAT, shape) + output = helper.make_tensor_value_info('output', TensorProto.FLOAT, shape) + + node_def = onnx.helper.make_node( + 'LeakyRelu', + inputs=['input'], + outputs=['LeakyRelu_out'], + alpha=0.1 + ) + node_def2 = onnx.helper.make_node( + 'Elu', + inputs=['LeakyRelu_out'], + outputs=['output'], + alpha=0.1 + ) + + # Create the graph (GraphProto) + graph_def = helper.make_graph( + [node_def, node_def2], + 'test_model', + [input], + [output], + ) + + # Create the model (ModelProto) + onnx_net = helper.make_model(graph_def, producer_name='test_model') + return onnx_net + + +def save_to_onnx(onnx_model, path_to_saved_onnx_model): + import onnx + path = os.path.join(path_to_saved_onnx_model, 'model.onnx') + onnx.save(onnx_model, path) + assert os.path.isfile(path), "model.onnx haven't been saved here: {}".format(path_to_saved_onnx_model) + return path diff --git a/tools/ovc/unit_tests/ovc/main_test_error_log.py b/tools/ovc/unit_tests/ovc/main_test_error_log.py new file mode 100644 index 00000000000000..cd77f27ead92b1 --- /dev/null +++ b/tools/ovc/unit_tests/ovc/main_test_error_log.py @@ -0,0 +1,30 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import argparse +from unittest.mock import patch + +from openvino.tools.ovc.error import FrameworkError + + +def mocked_parse_args(*argv): + # Mock parse_args method which generates warning + import logging as log + log.error("warning", extra={'is_warning': True}) + argv = argparse.Namespace(use_legacy_frontend=False, + use_new_frontend=False, + framework=None, + input_model="abc.pbtxt") + return argv + + +@patch('argparse.ArgumentParser.parse_args', mocked_parse_args) +@patch('openvino.tools.ovc.convert_impl.driver', side_effect=FrameworkError('FW ERROR MESSAGE')) +def run_main(mock_driver): + from openvino.tools.ovc.main import main + # runs main() method where driver() raises FrameworkError + main() + + +if __name__ == "__main__": + run_main() diff --git a/tools/ovc/unit_tests/ovc/package_BOM.txt b/tools/ovc/unit_tests/ovc/package_BOM.txt new file mode 100644 index 00000000000000..93885c3f9e0746 --- /dev/null +++ b/tools/ovc/unit_tests/ovc/package_BOM.txt @@ -0,0 +1,31 @@ +openvino/tools/ovc/__init__.py +openvino/tools/ovc/__main__.py +openvino/tools/ovc/cli_parser.py +openvino/tools/ovc/convert.py +openvino/tools/ovc/convert_data_type.py +openvino/tools/ovc/convert_impl.py +openvino/tools/ovc/environment_setup_utils.py +openvino/tools/ovc/error.py +openvino/tools/ovc/get_ov_update_message.py +openvino/tools/ovc/help.py +openvino/tools/ovc/logger.py +openvino/tools/ovc/main.py +openvino/tools/ovc/moc_frontend/__init__.py +openvino/tools/ovc/moc_frontend/analysis.py +openvino/tools/ovc/moc_frontend/check_config.py +openvino/tools/ovc/moc_frontend/extractor.py +openvino/tools/ovc/moc_frontend/layout_utils.py +openvino/tools/ovc/moc_frontend/moc_emit_ir.py +openvino/tools/ovc/moc_frontend/offline_transformations.py +openvino/tools/ovc/moc_frontend/paddle_frontend_utils.py +openvino/tools/ovc/moc_frontend/pipeline.py +openvino/tools/ovc/moc_frontend/preprocessing.py +openvino/tools/ovc/moc_frontend/pytorch_frontend_utils.py +openvino/tools/ovc/moc_frontend/shape_utils.py +openvino/tools/ovc/ovc.py +openvino/tools/ovc/telemetry_params.py +openvino/tools/ovc/telemetry_stub.py +openvino/tools/ovc/telemetry_utils.py +openvino/tools/ovc/types.py +openvino/tools/ovc/utils.py +openvino/tools/ovc/version.py \ No newline at end of file diff --git a/tools/ovc/unit_tests/ovc/unit_test_with_mocked_telemetry.py b/tools/ovc/unit_tests/ovc/unit_test_with_mocked_telemetry.py new file mode 100644 index 00000000000000..9200267b6973a0 --- /dev/null +++ b/tools/ovc/unit_tests/ovc/unit_test_with_mocked_telemetry.py @@ -0,0 +1,19 @@ +# Copyright (C) 2018-2023 Intel Corporation +# SPDX-License-Identifier: Apache-2.0 + +import unittest +from unittest.mock import Mock + +try: + import openvino_telemetry as tm +except ImportError: + import openvino.tools.ovc.telemetry_stub as tm + + +class UnitTestWithMockedTelemetry(unittest.TestCase): + def setUp(self): + tm.Telemetry.__init__ = Mock(return_value=None) + tm.Telemetry.send_event = Mock() + tm.Telemetry.start_session = Mock() + tm.Telemetry.end_session = Mock() + tm.Telemetry.force_shutdown = Mock() diff --git a/tools/ovc/unit_tests/ovc/utils/__init__.py b/tools/ovc/unit_tests/ovc/utils/__init__.py new file mode 100644 index 00000000000000..e69de29bb2d1d6 diff --git a/tools/mo/unit_tests/mo/utils/args_to_string_test.py b/tools/ovc/unit_tests/ovc/utils/args_to_string_test.py similarity index 96% rename from tools/mo/unit_tests/mo/utils/args_to_string_test.py rename to tools/ovc/unit_tests/ovc/utils/args_to_string_test.py index 09cd68c19c1c68..755019d910dfa4 100644 --- a/tools/mo/unit_tests/mo/utils/args_to_string_test.py +++ b/tools/ovc/unit_tests/ovc/utils/args_to_string_test.py @@ -4,10 +4,10 @@ import numpy as np from openvino.runtime import Layout, PartialShape, Dimension, Shape, Type -from openvino.tools.mo import InputCutInfo, LayoutMap -from openvino.tools.mo.utils.cli_parser import mean_scale_value_to_str, \ +from openvino.runtime import InputCutInfo, LayoutMap +from openvino.tools.ovc.cli_parser import mean_scale_value_to_str, \ transform_param_to_str, str_list_to_str, source_target_layout_to_str, layout_param_to_str -from unit_tests.mo.unit_test_with_mocked_telemetry import UnitTestWithMockedTelemetry +from unit_tests.ovc.unit_test_with_mocked_telemetry import UnitTestWithMockedTelemetry class TestConvertingConvertArgumentsToString(UnitTestWithMockedTelemetry): diff --git a/tools/mo/unit_tests/mo/utils/cli_parser_test.py b/tools/ovc/unit_tests/ovc/utils/cli_parser_test.py similarity index 99% rename from tools/mo/unit_tests/mo/utils/cli_parser_test.py rename to tools/ovc/unit_tests/ovc/utils/cli_parser_test.py index 7f44d2066bff78..d0e4d03dcdc3a0 100644 --- a/tools/mo/unit_tests/mo/utils/cli_parser_test.py +++ b/tools/ovc/unit_tests/ovc/utils/cli_parser_test.py @@ -12,16 +12,15 @@ import numpy as np -from openvino.tools.mo.utils.cli_parser import get_placeholder_shapes, get_tuple_values, get_mean_scale_dictionary, \ +from openvino.tools.ovc.cli_parser import get_placeholder_shapes, get_tuple_values, get_mean_scale_dictionary, \ get_model_name, \ parse_tuple_pairs, check_positive, writable_dir, readable_dirs, \ readable_file, get_freeze_placeholder_values, parse_transform, check_available_transforms, get_layout_values, get_all_cli_parser, \ get_mo_convert_params -from openvino.tools.mo.convert_impl import pack_params_to_args_namespace -from openvino.tools.mo.convert import InputCutInfo, LayoutMap -from openvino.tools.mo.utils.error import Error -from unit_tests.mo.unit_test_with_mocked_telemetry import UnitTestWithMockedTelemetry -from openvino.runtime import PartialShape, Dimension, Layout +from openvino.tools.ovc.convert_impl import pack_params_to_args_namespace +from openvino.tools.ovc.error import Error +from unit_tests.ovc.unit_test_with_mocked_telemetry import UnitTestWithMockedTelemetry +from openvino.runtime import PartialShape, Dimension, Layout, InputCutInfo, LayoutMap class TestingMeanScaleGetter(UnitTestWithMockedTelemetry): @@ -1154,7 +1153,7 @@ def test_model_name_no_name_no_path(self): exp_res = 'model' self.assertEqual(exp_res, res) - @patch("openvino.tools.mo.utils.cli_parser.os") + @patch("openvino.tools.ovc.cli_parser.os") def test_model_name_win(self, old_os): old_os.path.basename.return_value = "caffemodel" old_os.path.splitext.return_value = ("caffemodel", "") @@ -1312,7 +1311,7 @@ def test_single_pass_with_args_neg5(self): def test_single_pass_with_args_neg6(self): self.assertRaises(Error, parse_transform, "LowLatency2[key=value") - @patch("openvino.tools.mo.back.offline_transformations.get_available_transformations") + @patch("openvino.tools.ovc.moc_frontend.offline_transformations.get_available_transformations") def test_check_low_latency_is_available(self, available_transformations): available_transformations.return_value = {"LowLatency2": None} try: @@ -1320,7 +1319,7 @@ def test_check_low_latency_is_available(self, available_transformations): except Error as e: self.assertTrue(False, "Exception \"{}\" is unexpected".format(e)) - @patch("openvino.tools.mo.back.offline_transformations.get_available_transformations") + @patch("openvino.tools.ovc.moc_frontend.offline_transformations.get_available_transformations") def test_check_dummy_pass_is_available(self, available_transformations): available_transformations.return_value = {"LowLatency2": None} self.assertRaises(Error, check_available_transforms, [("DummyPass", "")]) diff --git a/tools/mo/unit_tests/mo/utils/error_test.py b/tools/ovc/unit_tests/ovc/utils/error_test.py similarity index 93% rename from tools/mo/unit_tests/mo/utils/error_test.py rename to tools/ovc/unit_tests/ovc/utils/error_test.py index 9ac2ffc2fa11c3..bbd1361f208c14 100644 --- a/tools/mo/unit_tests/mo/utils/error_test.py +++ b/tools/ovc/unit_tests/ovc/utils/error_test.py @@ -3,7 +3,7 @@ import unittest -from openvino.tools.mo.utils.error import classify_error_type +from openvino.tools.ovc.error import classify_error_type class TestingErrorClassifier(unittest.TestCase):