From 5b19cbbbf1cd35e8bfa7ecc2bda1ebfeccc82d3f Mon Sep 17 00:00:00 2001 From: xiaying Date: Mon, 3 Jun 2024 20:09:34 +0800 Subject: [PATCH] [MNN:Sync] Sync Internal 2.9.1 --- docs/faq.md | 13 +- express/Executor.cpp | 8 +- express/Utils.cpp | 16 +- express/module/StaticModule.cpp | 24 +- express/module/StaticModule.hpp | 2 +- include/MNN/MNNDefine.h | 2 +- source/backend/arm82/Arm82Unary.cpp | 10 +- source/backend/cpu/BinaryUtils.hpp | 61 +- source/backend/cpu/CPUAttention.cpp | 26 +- source/backend/cpu/CPUCast.cpp | 10 +- source/backend/cpu/CPUCast.hpp | 2 +- source/backend/cpu/CPULayerNorm.cpp | 126 +- source/backend/cpu/CPULayerNorm.hpp | 9 +- source/backend/cpu/CPUMatMul.cpp | 160 +- source/backend/cpu/CPUMatMul.hpp | 16 +- source/backend/cpu/CPURNNSequenceGRU.cpp | 103 +- source/backend/cpu/CPURNNSequenceGRU.hpp | 14 +- source/backend/cpu/CPUReduction.cpp | 2 +- source/backend/cpu/CPUSoftmax.cpp | 291 +-- source/backend/cpu/CPUSoftmax.hpp | 14 +- source/backend/cpu/CPUUnary.cpp | 10 +- .../backend/cpu/arm/CommonOptFunctionNeon.cpp | 1 - source/backend/cpu/arm/arm32/MNNExpC8.S | 21 +- source/backend/cpu/arm/arm64/MNNExpC8.S | 18 + source/backend/cpu/arm/arm64/MNNMaxFloat.S | 29 +- source/backend/cpu/arm/arm64/MNNSoftmax.S | 3 +- .../low_memory/MNNPackedMatMulRemain_int4.S | 249 ++- .../low_memory/MNNPackedMatMulRemain_int8.S | 32 +- .../arm64/low_memory/MNNPackedMatMul_int4.S | 296 ++- source/backend/cpu/bf16/BF16Unary.cpp | 10 +- .../backend/cpu/compute/CommonOptFunction.cpp | 74 +- .../backend/cpu/compute/CommonOptFunction.h | 6 +- .../backend/cpu/compute/ConvolutionHybrid.cpp | 14 +- .../backend/cpu/compute/Int8FunctionsOpt.cpp | 55 - source/backend/cpu/compute/Int8FunctionsOpt.h | 4 - .../cpu/x86_x64/FunctionDispatcher.cpp | 5 +- .../cpu/x86_x64/avx/FunctionSummary.hpp | 2 +- source/backend/cpu/x86_x64/avx/GemmInt8.cpp | 3 - .../backend/cpu/x86_x64/avx/MathFunctions.cpp | 96 +- .../cpu/x86_x64/avxfma/FunctionSummary.hpp | 3 +- .../cpu/x86_x64/avxfma/MathFunctions.cpp | 16 +- .../cpu/x86_x64/sse/FunctionSummary.hpp | 2 +- .../backend/cpu/x86_x64/sse/MathFunctions.cpp | 89 +- source/backend/metal/MetalAttention.mm | 124 +- .../opencl/core/OpenCLRunningUtils.cpp | 5 +- .../opencl/core/runtime/OpenCLRuntime.cpp | 64 +- .../buffer/AttentionBufExecution.cpp | 35 +- .../buffer/AttentionBufExecution.hpp | 1 + .../execution/buffer/BinaryBufExecution.cpp | 35 +- .../execution/buffer/ConvBufExecution.cpp | 275 ++- .../execution/buffer/ConvBufExecution.hpp | 14 + .../buffer/ConvBufLowMemoryExecution.cpp | 6 +- .../execution/buffer/ConvBufWinograd.cpp | 67 +- .../execution/buffer/ConvBufWinograd.hpp | 2 + .../buffer/LayerNormBufExecution.cpp | 6 +- .../execution/buffer/LoopBufExecution.cpp | 907 +++++++--- .../execution/buffer/LoopBufExecution.hpp | 4 + .../execution/buffer/MatmulBufExecution.cpp | 187 +- .../execution/buffer/RasterBufExecution.cpp | 10 +- .../execution/buffer/SoftmaxBufExecution.cpp | 4 +- .../opencl/execution/cl/attention_buf.cl | 101 +- .../backend/opencl/execution/cl/binary_buf.cl | 59 +- .../opencl/execution/cl/conv_2d_buf.cl | 6 +- .../backend/opencl/execution/cl/gather_buf.cl | 66 +- .../backend/opencl/execution/cl/gemm_buf.cl | 93 +- .../opencl/execution/cl/gemv_conv1x1_buf.cl | 1605 +++++++++++------ .../backend/opencl/execution/cl/loop_buf.cl | 358 +++- .../opencl/execution/cl/matmul_local_buf.cl | 408 +++++ .../opencl/execution/cl/matmul_params_buf.cl | 1169 ++++++++++++ .../opencl/execution/cl/opencl_program.cc | 26 +- .../execution/image/CommonExecution.cpp | 1 - .../execution/image/SoftmaxExecution.cpp | 2 +- source/core/IDSTDecoder.hpp | 2 +- source/core/OpCommonUtils.cpp | 75 +- source/core/Pipeline.cpp | 2 +- source/core/Schedule.hpp | 1 + source/geometry/GeometryComputerUtils.cpp | 3 + source/math/Matrix.cpp | 118 +- test/expr/ExecutorResetTest.cpp | 54 + test/op/RasterTest.cpp | 94 + test/op/SequenceGRUTest.cpp | 5 + test/op/SoftmaxTest.cpp | 11 +- test/speed/HybridConvSpeedTest.cpp | 36 +- test/speed/SoftmaxSpeed.cpp | 47 + .../source/optimizer/merge/FuseAttention.cpp | 14 +- .../optimizer/onnxextra/OnnxSoftmax.cpp | 11 +- tools/cpp/ExprDebug.hpp | 16 +- tools/cpp/ModuleBasic.cpp | 15 +- tools/cpp/SequenceModuleTest.cpp | 2 - tools/cpp/backendTest.cpp | 23 +- tools/cpp/testModel_expr.cpp | 9 +- tools/script/make_test_for_mnn.py | 2 + tools/train/source/demo/MnistUtils.cpp | 4 +- transformers/diffusion/main.cpp | 25 +- transformers/diffusion/pipeline.cpp | 16 +- transformers/diffusion/tokenizer.cpp | 339 +++- transformers/diffusion/tokenizer.hpp | 55 +- transformers/llm/engine/include/llm.hpp | 2 +- transformers/llm/engine/llm_demo.cpp | 125 +- transformers/llm/engine/src/llm.cpp | 32 +- transformers/llm/engine/src/tokenizer.cpp | 2 +- transformers/llm/export/llm_export.py | 35 +- .../Qwen1_5-0_5B-Chat/modeling_qwen2.py | 28 +- .../Qwen1_5-1_8B-Chat/modeling_qwen2.py | 28 +- .../Qwen1_5-4B-Chat/modeling_qwen2.py | 28 +- .../Qwen1_5-7B-Chat/modeling_qwen2.py | 28 +- 106 files changed, 6757 insertions(+), 2117 deletions(-) create mode 100644 source/backend/opencl/execution/cl/matmul_local_buf.cl create mode 100644 source/backend/opencl/execution/cl/matmul_params_buf.cl create mode 100644 test/speed/SoftmaxSpeed.cpp diff --git a/docs/faq.md b/docs/faq.md index 1dd93af33..c25515abc 100644 --- a/docs/faq.md +++ b/docs/faq.md @@ -225,8 +225,19 @@ OpenCL / Vulkan 采用静态变量自注册的方式往 MNN 主库注册后端. - 一般是直接访问了 tensor 的 host - 按 [输入数据](./inference/session.html#id8) 和[获取输出](./inference/session.html#id21) 里面的方式建host tensor 并 copy ,参考相关文档修改使用代码 - 是否可基于 deviceId 直接传 GPU 地址? - - 可以,需要理解 MNN GPU 内存布局并传上下文给 MNN ,但相关实现较复杂 + - 可以,可以通过setDevicePtr设置输入VARP的GPU地址,通过copyToDevicePtr设置输出VARP拷贝到的GPU地址 + - 相关使用参考tools/cpp/GpuInterTest.cpp + - 目前OPENCL推理支持OPENCL/OPENGL内存做输入输出。CUDA推理支持CUDA内存做输入输出 - 采用 MNN_Express 系列接口,可以支持模型之间的内存直接传递不做拷贝 + +### 多卡GPU上,用户指定特定GPU做推理问题 + +- 通过设置MNNDeviceContext结构体参数来指定特定GPU + - 通过设置platformSize、platformId、deviceId参数来进行指定 + - 目前支持OpenCL和CUDA后端进行设置 + - 具体可以参考:tools/cpp/testModel.cpp + + ## 性能相关 ### 使用 GPU 时,调用 copyToHostTensor / copyFromHostTensor 非常慢 GPU 后端调用 copy 的时间包含两个部分 diff --git a/express/Executor.cpp b/express/Executor.cpp index 201562e96..93f0fd486 100644 --- a/express/Executor.cpp +++ b/express/Executor.cpp @@ -595,7 +595,13 @@ void Executor::_makeCache(const std::vector& expr, bool forceCPU) { Session::ModeGroup group; group.inputMode = Interpreter::Session_Input_User; group.outputMode = Interpreter::Session_Output_User; - group.callBackMode = Interpreter::Session_Release; + auto globalExecutor = ExecutorScope::Current(); + auto debug = globalExecutor->getDebugTools(); + if (debug->after != nullptr && debug->before != nullptr) { + group.callBackMode = Interpreter::Session_Debug; + } else { + group.callBackMode = Interpreter::Session_Release; + } group.memoryUsageMode = Interpreter::Session_Memory_Cache; std::shared_ptr cahce(new ComputeCache); for (auto& iter : dstExpr) { diff --git a/express/Utils.cpp b/express/Utils.cpp index 5875ade02..015f214dd 100644 --- a/express/Utils.cpp +++ b/express/Utils.cpp @@ -10,6 +10,7 @@ #include #include #include +#include #include "MNN_generated.h" #include "core/TensorUtils.hpp" #include "core/Session.hpp" @@ -188,6 +189,9 @@ void* Executor::ComputeCache::mapOutput(int offset, Tensor* dest) { //MNN_ASSERT(nullptr != ptr); return ptr; } + if (0 == tensor->usize()) { + return nullptr; + } Utils::allocMemoryForHostTensor(dest); tensor->copyToHostTensor(dest); MNN_ASSERT(nullptr != dest->host()); @@ -213,6 +217,9 @@ ErrorCode Executor::ComputeCache::compute() { std::stack dfsStack; std::set visited; dfsStack.push(this); + ErrorCode code = NO_ERROR; + auto globalExecutor = ExecutorScope::Current(); + auto debug = globalExecutor->getDebugTools(); while (!dfsStack.empty()) { //printf("stcak = %d\n", dfsStack.size()); auto cache = dfsStack.top(); @@ -248,7 +255,14 @@ ErrorCode Executor::ComputeCache::compute() { } else { visited.insert(cache); dfsStack.pop(); - cache->mSession->run(); + if (debug->after != nullptr && debug->before != nullptr) { + code = mSession->runWithCallBack(debug->before, debug->after); + } else { + code = mSession->run(); + } + if (NO_ERROR != code) { + return code; + } cache->mContentDirty = false; } } diff --git a/express/module/StaticModule.cpp b/express/module/StaticModule.cpp index dd63c1718..f382d2ff6 100644 --- a/express/module/StaticModule.cpp +++ b/express/module/StaticModule.cpp @@ -185,7 +185,8 @@ void StaticModule::resetInputOutputs() { des->usage = Tensor::InsideDescribe::INPUT; } pipelineInfo.first.inputTensorCopyCache.insert(std::make_pair(mInputTensors[i], std::make_tuple(nullptr, nullptr, true, true))); - mPrevInputTensor[i] = nullptr; + mPrevInputTensor[i].first = nullptr; + mPrevInputTensor[i].second = nullptr; } mOutputTensors.resize(mResource->mOutputFromTensor.size()); for (int i = 0; i < mResource->mOutputFromTensor.size(); ++i) { @@ -221,9 +222,15 @@ StaticModule::StaticModule(std::vector inputs, if (bnCache.cache.first->type() == MNN_FORWARD_CPU) { bnCache.cache.second = bnCache.cache.first; } else { + // Use Multi-thread if user has set numberthread > 1 BackendConfig defaultConfig; defaultConfig.flags = 4; - bnCache.cache.second.reset(rt.second->onCreate(&defaultConfig)); + auto cpurt = rt.first.find(MNN_FORWARD_CPU); + if (cpurt != rt.first.end()) { + bnCache.cache.second.reset(cpurt->second->onCreate(&defaultConfig)); + } else { + bnCache.cache.second.reset(rt.second->onCreate(&defaultConfig)); + } } if (config.rearrange) { mResource->mBuffer = preRearrangeWeights(scheduleInfo, bnCache.cache.first.get(), bnCache.cache.second.get()); @@ -285,7 +292,8 @@ StaticModule::~StaticModule() { void StaticModule::onClearCache() { if (nullptr != mSession) { for (int i=0; igetPipelineInfo(0).first.inputTensorCopyCache) { std::get<3>(iter.second) = true; @@ -318,19 +326,23 @@ std::vector StaticModule::onForward(const std::vectorgetPipelineInfo(0); if (mResource->mModes.inputMode == Interpreter::Session_Input_User) { + pipelineInfo.first.inputBackendChange = false; for (int i = 0; i < inputs.size(); ++i) { if (nullptr == mInputTensors[i]) { continue; } auto inputTensor = Utils::getTensor(inputs[i]); Schedule::TENSORCACHE* cacheTensor = nullptr; - - if (mPrevInputTensor[i] != inputTensor) { + if (mPrevInputTensor[i].first != inputTensor) { + auto newBackend = TensorUtils::getDescribeOrigin(inputTensor)->getBackend(); + if (mPrevInputTensor[i].second != newBackend) { + pipelineInfo.first.inputBackendChange = true; + } auto cacheIter = pipelineInfo.first.inputTensorCopyCache.find(mInputTensors[i]); cacheTensor = &cacheIter->second; MNN_ASSERT(cacheIter != pipelineInfo.first.inputTensorCopyCache.end()); std::get<3>(cacheIter->second) = true; - mPrevInputTensor[i] = inputTensor; + mPrevInputTensor[i] = std::make_pair(inputTensor, newBackend); if (std::get<1>(*cacheTensor) != nullptr) { if (!WrapExecution::needWrap(inputTensor, TensorUtils::getDescribeOrigin(std::get<0>(*cacheTensor))->getBackend())) { // No need copy now, reset it diff --git a/express/module/StaticModule.hpp b/express/module/StaticModule.hpp index f01adc270..3b5b8bb5d 100644 --- a/express/module/StaticModule.hpp +++ b/express/module/StaticModule.hpp @@ -49,7 +49,7 @@ class StaticModule : public Module { }; std::shared_ptr mSession; std::vector mInputTensors; - std::vector mPrevInputTensor; + std::vector> mPrevInputTensor; std::vector mOutputTensors; std::shared_ptr mResource; }; diff --git a/include/MNN/MNNDefine.h b/include/MNN/MNNDefine.h index 45dc30bfb..dc81a3872 100644 --- a/include/MNN/MNNDefine.h +++ b/include/MNN/MNNDefine.h @@ -69,6 +69,6 @@ MNN_ERROR("Check failed: %s ==> %s\n", #success, #log); \ #define STR(x) STR_IMP(x) #define MNN_VERSION_MAJOR 2 #define MNN_VERSION_MINOR 9 -#define MNN_VERSION_PATCH 0 +#define MNN_VERSION_PATCH 1 #define MNN_VERSION STR(MNN_VERSION_MAJOR) "." STR(MNN_VERSION_MINOR) "." STR(MNN_VERSION_PATCH) #endif /* MNNDefine_h */ diff --git a/source/backend/arm82/Arm82Unary.cpp b/source/backend/arm82/Arm82Unary.cpp index b5aa6726d..a47be5c0d 100644 --- a/source/backend/arm82/Arm82Unary.cpp +++ b/source/backend/arm82/Arm82Unary.cpp @@ -114,8 +114,10 @@ struct _Exp { void operator()(void* outRaw, const void* inpRaw, int realSize) const { auto out = (float*)outRaw; auto inp = (const float*)inpRaw; - float offset[2] = { + float offset[4] = { 1.0f, + 0.0f, + 0.0f, 0.0f }; MNNExp(out, inp, offset, realSize); @@ -125,9 +127,11 @@ struct _ExpM1 { void operator()(void* outRaw, const void* inpRaw, int realSize) const { auto out = (float*)outRaw; auto inp = (const float*)inpRaw; - float offset[2] = { + float offset[4] = { 1.0f, - -1.0f + -1.0f, + 0.0f, + 0.0f }; MNNExp(out, inp, offset, realSize); } diff --git a/source/backend/cpu/BinaryUtils.hpp b/source/backend/cpu/BinaryUtils.hpp index 368e46b41..404a1d33d 100644 --- a/source/backend/cpu/BinaryUtils.hpp +++ b/source/backend/cpu/BinaryUtils.hpp @@ -198,7 +198,26 @@ void executeVec(void* outputRaw, const void* inputRaw0, const void* inputRaw1, i if (-1 == needBroadcastIndex) { if (sizeDivUnit > 0) { - for (int i = 0; i < sizeDivUnit; ++i) { + int sizeDivC4 = sizeDivUnit / 4; + int sizeDivUnitRemain = sizeDivUnit % 4; + for (int i = 0; i < sizeDivC4; ++i) { + V a0 = V::load(src0); + V b0 = V::load(src1); + V a1 = V::load(src0 + 1 * pack); + V b1 = V::load(src1 + 1 * pack); + V a2 = V::load(src0 + 2 * pack); + V b2 = V::load(src1 + 2 * pack); + V a3 = V::load(src0 + 3 * pack); + V b3 = V::load(src1 + 3 * pack); + V::save(dst, compute(a0, b0)); + V::save(dst+1*pack, compute(a1, b1)); + V::save(dst+2*pack, compute(a2, b2)); + V::save(dst+3*pack, compute(a3, b3)); + src0 += 4*pack; + src1 += 4*pack; + dst += 4*pack; + } + for (int i = 0; i < sizeDivUnitRemain; ++i) { V a = V::load(src0); V b = V::load(src1); V::save(dst, compute(a, b)); @@ -222,11 +241,23 @@ void executeVec(void* outputRaw, const void* inputRaw0, const void* inputRaw1, i const U srcValue0 = src0[0]; V a = V(srcValue0); if (sizeDivUnit > 0) { - for (int i = 0; i < sizeDivUnit; ++i) { - const auto src1Ptr = src1; - auto dstPtr = dst; - V b = V::load(src1Ptr); - V::save(dstPtr, compute(a, b)); + int sizeDivC4 = sizeDivUnit / 4; + int sizeUnitRemain = sizeDivUnit % 4; + for (int i = 0; i < sizeDivC4; ++i) { + V b0 = V::load(src1); + V b1 = V::load(src1 + 1*pack); + V b2 = V::load(src1 + 2*pack); + V b3 = V::load(src1 + 3*pack); + V::save(dst, compute(a, b0)); + V::save(dst+1*pack, compute(a, b1)); + V::save(dst+2*pack, compute(a, b2)); + V::save(dst+3*pack, compute(a, b3)); + src1 += 4*pack; + dst += 4*pack; + } + for (int i = 0; i < sizeUnitRemain; ++i) { + V b = V::load(src1); + V::save(dst, compute(a, b)); src1 += pack; dst += pack; } @@ -243,7 +274,23 @@ void executeVec(void* outputRaw, const void* inputRaw0, const void* inputRaw1, i const auto srcValue1 = static_cast(src1[0]); V b = V(srcValue1); if (sizeDivUnit > 0) { - for (int i = 0; i < sizeDivUnit; ++i) { + int sizeDivC4 = sizeDivUnit / 4; + int sizeUnitRemain = sizeDivUnit % 4; + for (int i = 0; i < sizeDivC4; ++i) { + const auto src0Ptr = src0; + auto dstPtr = dst; + V a0 = V::load(src0Ptr); + V a1 = V::load(src0Ptr + 1*pack); + V a2 = V::load(src0Ptr + 2*pack); + V a3 = V::load(src0Ptr + 3*pack); + V::save(dstPtr, compute(a0, b)); + V::save(dstPtr+1*pack, compute(a1, b)); + V::save(dstPtr+2*pack, compute(a2, b)); + V::save(dstPtr+3*pack, compute(a3, b)); + src0 += 4*pack; + dst += 4*pack; + } + for (int i = 0; i < sizeUnitRemain; ++i) { const auto src0Ptr = src0; auto dstPtr = dst; V a = V::load(src0Ptr); diff --git a/source/backend/cpu/CPUAttention.cpp b/source/backend/cpu/CPUAttention.cpp index 43b4206d9..4d7b0b894 100644 --- a/source/backend/cpu/CPUAttention.cpp +++ b/source/backend/cpu/CPUAttention.cpp @@ -113,14 +113,23 @@ static void prefill_unpack(char* pack_qkv, char* unpack_qkv, int mNumHead, int m template static void prefill_softmax(int* mask_ptr, float* mask_qk, float* softmax_qk, char* unpack_qk, char* pack_qk, - float mScale, int eP, int query_e, int seq_len, float min_val) { + float mScale, int eP, int query_e, int seq_len, float min_val, bool float_mask) { T* qk_src = reinterpret_cast(unpack_qk); T* qk_dst = reinterpret_cast(pack_qk); - for (int i = 0; i < seq_len * seq_len; i++) { - if (mask_ptr[i]) { - mask_qk[i] = qk_src[i] * mScale; - } else { - mask_qk[i] = min_val; + if (float_mask) { + T* fpmask_ptr = reinterpret_cast(mask_ptr); + // float mask + for (int i = 0; i < seq_len * seq_len; i++) { + mask_qk[i] = qk_src[i] * mScale + fpmask_ptr[i]; + } + } else { + // int mask + for (int i = 0; i < seq_len * seq_len; i++) { + if (mask_ptr[i]) { + mask_qk[i] = qk_src[i] * mScale; + } else { + mask_qk[i] = min_val; + } } } for (int i = 0; i < seq_len; i++) { @@ -258,6 +267,7 @@ ErrorCode CPUAttentionImpl::onExecute(Backend* _backend, const std::vectorgetType() == halide_type_of()); auto shape = query->shape(); int seq_len = shape[1]; mThreadNum = ((CPUBackend *)backend())->threadNumber(); @@ -324,9 +334,9 @@ ErrorCode CPUAttentionImpl::onExecute(Backend* _backend, const std::vectorhost(); if (bytes == 2) { - prefill_softmax(mask_ptr, mask_qk, softmax_qk, unpack_qk, pack_qk, mScale, eP, query_e, seq_len, -65504.0); + prefill_softmax(mask_ptr, mask_qk, softmax_qk, unpack_qk, pack_qk, mScale, eP, query_e, seq_len, -65504.0, float_mask); } else { - prefill_softmax(mask_ptr, mask_qk, softmax_qk, unpack_qk, pack_qk, mScale, eP, query_e, seq_len, std::numeric_limits::lowest()); + prefill_softmax(mask_ptr, mask_qk, softmax_qk, unpack_qk, pack_qk, mScale, eP, query_e, seq_len, std::numeric_limits::lowest(), float_mask); } // qk @ v for (int i = 0 ; i < loop_e; i++) { diff --git a/source/backend/cpu/CPUCast.cpp b/source/backend/cpu/CPUCast.cpp index d85cb2425..ad989f0f3 100644 --- a/source/backend/cpu/CPUCast.cpp +++ b/source/backend/cpu/CPUCast.cpp @@ -14,7 +14,7 @@ #include namespace MNN { -ErrorCode CPUCastCreator::cast(void* const inputRaw, void* outputRaw, ConvertType type, +ErrorCode CPUCastCreator::cast(const void* inputRaw, void* outputRaw, ConvertType type, int number, float scale, float zero, float min, float max, const CPUBackend* bn) { auto pack = bn->functions()->pack; int c4Size = number / pack; @@ -22,11 +22,11 @@ ErrorCode CPUCastCreator::cast(void* const inputRaw, void* outputRaw, ConvertTyp if (type == FlOAT_TO_INT8) { scale = (scale == 0.f ? 0.f : 1.f / scale); std::vector scales(pack, scale); - bn->int8Functions()->MNNFloat2Int8(static_cast(inputRaw), static_cast(outputRaw), c4Size, scales.data(), min, max, zero); + bn->int8Functions()->MNNFloat2Int8((float*)(inputRaw), (int8_t*)(outputRaw), c4Size, scales.data(), min, max, zero); if (remain > 0) { std::vector tempSrc(pack); std::vector tempDst(pack); - ::memcpy(tempSrc.data(), static_cast(inputRaw) + c4Size * pack, remain * sizeof(float)); + ::memcpy(tempSrc.data(), (float*)(inputRaw) + c4Size * pack, remain * sizeof(float)); bn->int8Functions()->MNNFloat2Int8(tempSrc.data(), tempDst.data(), 1, scales.data(), min, max, zero); ::memcpy(static_cast(outputRaw) + c4Size * pack, tempDst.data(), remain * sizeof(int8_t)); } @@ -34,11 +34,11 @@ ErrorCode CPUCastCreator::cast(void* const inputRaw, void* outputRaw, ConvertTyp } if (type == INT8_TO_FlOAT) { std::vector scales(pack, scale); - bn->int8Functions()->MNNInt8ScaleToFloat(static_cast(outputRaw), static_cast(inputRaw), scales.data(), c4Size, zero); + bn->int8Functions()->MNNInt8ScaleToFloat((float*)(outputRaw), (int8_t*)(inputRaw), scales.data(), c4Size, zero); if (remain > 0) { std::vector tempDst(pack); std::vector tempSrc(pack); - ::memcpy(tempSrc.data(), static_cast(inputRaw) + c4Size * pack, remain * sizeof(int8_t)); + ::memcpy(tempSrc.data(), (int8_t*)(inputRaw) + c4Size * pack, remain * sizeof(int8_t)); bn->int8Functions()->MNNInt8ScaleToFloat(tempDst.data(), tempSrc.data(), scales.data(), 1, zero); ::memcpy(static_cast(outputRaw) + c4Size * pack, tempDst.data(), remain * sizeof(float)); } diff --git a/source/backend/cpu/CPUCast.hpp b/source/backend/cpu/CPUCast.hpp index d1fe5cbed..7b6041928 100644 --- a/source/backend/cpu/CPUCast.hpp +++ b/source/backend/cpu/CPUCast.hpp @@ -21,7 +21,7 @@ class CPUCastCreator : public CPUBackend::Creator { virtual Execution* onCreate(const std::vector& inputs, const std::vector& outputs, const MNN::Op* op, Backend* backend) const override; static ErrorCode cast(const Tensor* input, const Tensor* output, const CPUBackend* bn, ConvertType type); - static ErrorCode cast(void* const inputRaw, void* outputRaw, ConvertType type, int number, float scale, float zero, float min, float max, const CPUBackend* bn); + static ErrorCode cast(const void* inputRaw, void* outputRaw, ConvertType type, int number, float scale, float zero, float min, float max, const CPUBackend* bn); }; } // namespace MNN #endif /* CPUCast_hpp */ diff --git a/source/backend/cpu/CPULayerNorm.cpp b/source/backend/cpu/CPULayerNorm.cpp index 48225d960..804d26c22 100644 --- a/source/backend/cpu/CPULayerNorm.cpp +++ b/source/backend/cpu/CPULayerNorm.cpp @@ -9,6 +9,7 @@ #include #include "backend/cpu/CPULayerNorm.hpp" #include "backend/cpu/CPUBackend.hpp" +#include "CPUCast.hpp" #include "backend/cpu/compute/CommonOptFunction.h" #include "core/Execution.hpp" #include "core/Concurrency.h" @@ -34,13 +35,15 @@ std::shared_ptr CPULayerNorm::makeResource(const MNN::Op if (layer_norm_param->gamma() && layer_norm_param->beta()) { int size = layer_norm_param->gamma()->size(); res->mIniGammaBeta = true; - res->mGamma.reset(Tensor::createDevice({size})); + // Use uint8_t to avoid lowp reduce float bytes + res->mGamma.reset(Tensor::createDevice({size * 4})); auto status = backend->onAcquireBuffer(res->mGamma.get(), Backend::STATIC); if (!status) { MNN_ERROR("Out of memory when gamma is acquired in CPULayerNorm.\n"); return nullptr; } - res->mBeta.reset(Tensor::createDevice({size})); + // Use uint8_t to avoid lowp reduce float bytes + res->mBeta.reset(Tensor::createDevice({size * 4})); status = backend->onAcquireBuffer(res->mBeta.get(), Backend::STATIC); if (!status) { MNN_ERROR("Out of memory when beta is acquired in CPULayerNorm.\n"); @@ -62,33 +65,43 @@ ErrorCode CPULayerNorm::onExecute(const std::vector &inputs, const std::vector &outputs) { const float* gamma = mResource->mIniGammaBeta ? mResource->mGamma->host() : nullptr; const float* beta = mResource->mIniGammaBeta ? mResource->mBeta->host() : nullptr; - - if (mInpZero.data()) { - const int8_t* input = inputs[0]->host(); - int8_t* output = outputs[0]->host(); - MNN_CONCURRENCY_BEGIN(tId, mOutterSize) { - auto core = static_cast(backend())->int8Functions(); - QuanPrePostParameters params; - params.maxValue = mMaxMinValue[0]; - params.minValue = mMaxMinValue[1]; - params.inputScale = mInpScale.data(); - params.outputScale = mOutScale.data(); - params.inputZeroPoint = mInpZero.data(); - params.outputZeroPoint = mOutZero.data(); - const int8_t* inner_input = input + tId * mInnerSize; - int8_t* inner_output = output + tId * mInnerSize; - core->MNNNormInt8(inner_output, inner_input, gamma, beta, mResource->mEpsilon, mInnerSize, ¶ms, mResource->mRMSNorm); - } - MNN_CONCURRENCY_END(); - return NO_ERROR; + auto input = inputs[0]->host(); + auto output = outputs[0]->host(); + auto bn = static_cast(backend()); + auto core = bn->functions(); + auto threadNumber = bn->threadNumber(); + threadNumber = ALIMIN(threadNumber, mOutterSize); + auto int8core = bn->int8Functions(); + int bytes = core->bytes; + auto inputQuan = TensorUtils::getDescribe(inputs[0])->quantAttr.get(); + auto outputQuan = TensorUtils::getDescribe(outputs[0])->quantAttr.get(); + + if (CPUBackend::getDataType(inputs[0]) == DataType_DT_INT8 || inputs[0]->getType().bytes() == 1) { + bytes = 1; } - const float* input = inputs.at(0)->host(); - float* output = outputs.at(0)->host(); - MNN_CONCURRENCY_BEGIN(tId, mOutterSize) { - const float* inner_input = input + tId * mInnerSize; - float* inner_output = output + tId * mInnerSize; - MNNNorm(inner_output, inner_input, gamma, beta, mResource->mEpsilon, mInnerSize, mResource->mRMSNorm); + MNN_CONCURRENCY_BEGIN(ttId, threadNumber) { + for (int tId=ttId; tId < mOutterSize; tId += threadNumber) { + const float* inner_input = (const float*)(input + tId * mInnerSize * bytes); + float* inner_output = (float*)(output + tId * mInnerSize * bytes); + if (bytes != 4) { + auto tmpInput = (float*)(mTmpInputFloat.ptr() + ttId * mInnerSize * sizeof(float)); + auto tmpOutput = (float*)(mTmpOutputFloat.ptr() + ttId * mInnerSize * sizeof(float)); + if (bytes == 1) { + CPUCastCreator::cast(inner_input, tmpInput, CPUCastCreator::INT8_TO_FlOAT, mInnerSize, inputQuan->scale, inputQuan->zero, inputQuan->min, inputQuan->max, bn); + } else { + core->MNNLowpToFp32((const int16_t*)inner_input, tmpInput, mInnerSize); + } + MNNNorm(tmpOutput, tmpInput, gamma, beta, mResource->mEpsilon, mInnerSize, mResource->mRMSNorm); + if (bytes == 1) { + CPUCastCreator::cast(tmpOutput, inner_output, CPUCastCreator::FlOAT_TO_INT8, mInnerSize, outputQuan->scale, outputQuan->zero, outputQuan->min, outputQuan->max, bn); + } else { + core->MNNFp32ToLowp(tmpOutput, (int16_t*)inner_output, mInnerSize); + } + } else { + MNNNorm(inner_output, inner_input, gamma, beta, mResource->mEpsilon, mInnerSize, mResource->mRMSNorm); + } + } } MNN_CONCURRENCY_END(); return NO_ERROR; @@ -98,42 +111,39 @@ ErrorCode CPULayerNorm::onResize(const std::vector &inputs, const std::vector &outputs) { mOutterSize = 1; mInnerSize = 1; - int rank = inputs.at(0)->dimensions(); - if (mResource->mGroup > 1) { - mOutterSize = inputs.at(0)->length(0) * mResource->mGroup; - for (int i = 1; i < rank; i++) { + do { + // Compute outter and inner + int rank = inputs.at(0)->dimensions(); + if (mResource->mGroup > 1) { + mOutterSize = inputs.at(0)->length(0) * mResource->mGroup; + for (int i = 1; i < rank; i++) { + mInnerSize *= inputs.at(0)->length(i); + } + mInnerSize /= mResource->mGroup; + if (mResource->mIniGammaBeta) { + MNN_ASSERT(mResource->mGamma->size() == mInnerSize * sizeof(float)); + } + break; + } + for (int i = 0; i < rank - mResource->mAxis; ++i) { + mOutterSize *= inputs.at(0)->length(i); + } + for (int i = rank - mResource->mAxis; i < rank; ++i) { mInnerSize *= inputs.at(0)->length(i); } - mInnerSize /= mResource->mGroup; if (mResource->mIniGammaBeta) { MNN_ASSERT(mResource->mGamma->size() == mInnerSize * sizeof(float)); } - - return NO_ERROR; - } - for (int i = 0; i < rank - mResource->mAxis; ++i) { - mOutterSize *= inputs.at(0)->length(i); - } - for (int i = rank - mResource->mAxis; i < rank; ++i) { - mInnerSize *= inputs.at(0)->length(i); - } - if (mResource->mIniGammaBeta) { - MNN_ASSERT(mResource->mGamma->size() == mInnerSize * sizeof(float)); - } - if (CPUBackend::getDataType(inputs[0]) == DataType_DT_INT8 || inputs[0]->getType().bytes() == 1) { - mInpZero.resize(1); - mOutZero.resize(1); - mInpScale.resize(1); - mOutScale.resize(1); - mMaxMinValue.resize(2); - auto inpQuantAttr = TensorUtils::getDescribe(inputs[0])->quantAttr; - auto outQuantAttr = TensorUtils::getDescribe(outputs[0])->quantAttr; - mInpZero[0] = inpQuantAttr->zero; - mOutZero[0] = outQuantAttr->zero; - mInpScale[0] = inpQuantAttr->scale; - mOutScale[0] = outQuantAttr->scale == 0.f? 0.f : 1.0f / outQuantAttr->scale; - mMaxMinValue[0] = outQuantAttr->max; - mMaxMinValue[1] = outQuantAttr->min; + } while (false); + auto bn = static_cast(backend()); + auto threadNumber = ALIMIN(bn->threadNumber(), mOutterSize); + auto buf = bn->getBufferAllocator(); + + if (CPUBackend::getDataType(inputs[0]) == DataType_DT_INT8 || inputs[0]->getType().bytes() == 1 || bn->functions()->bytes != 4) { + mTmpInputFloat = buf->alloc(threadNumber * mInnerSize * sizeof(float)); + mTmpOutputFloat = buf->alloc(threadNumber * mInnerSize * sizeof(float)); + buf->free(mTmpInputFloat); + buf->free(mTmpOutputFloat); } return NO_ERROR; } diff --git a/source/backend/cpu/CPULayerNorm.hpp b/source/backend/cpu/CPULayerNorm.hpp index 9fc39bfad..aa610aef8 100644 --- a/source/backend/cpu/CPULayerNorm.hpp +++ b/source/backend/cpu/CPULayerNorm.hpp @@ -11,6 +11,7 @@ #include "core/Execution.hpp" #include "core/Macro.h" +#include "core/BufferAllocator.hpp" namespace MNN { class CPULayerNorm : public Execution { public: @@ -35,12 +36,8 @@ class CPULayerNorm : public Execution { std::shared_ptr mResource; int mInnerSize = 1; int mOutterSize = 1; - // LayerNormInt8 parameters. - std::vector mInpScale; - std::vector mOutScale; - std::vector mInpZero; - std::vector mOutZero; - std::vector mMaxMinValue; + MemChunk mTmpInputFloat; + MemChunk mTmpOutputFloat; }; } // namespace MNN #endif /* CPULayerNorm_hpp */ diff --git a/source/backend/cpu/CPUMatMul.cpp b/source/backend/cpu/CPUMatMul.cpp index a1dfb41ea..1ad8ff4aa 100644 --- a/source/backend/cpu/CPUMatMul.cpp +++ b/source/backend/cpu/CPUMatMul.cpp @@ -24,7 +24,7 @@ namespace MNN { CPUMatMul::CPUMatMul(Backend* backend, bool transposeA, bool transposeB, bool transposeC, bool multiThread) : Execution(backend), mTransposeA(transposeA), mTransposeB(transposeB), mTransposeC(transposeC), mSupportMultiThread(multiThread) { - mComputer.reset(new StrassenMatrixComputor(backend, mSupportMultiThread, 5)); + // Do nothing } void CPUMatMul::_scheduleForVecE(int e, int l, int h) { @@ -37,7 +37,7 @@ void CPUMatMul::_scheduleForVecE(int e, int l, int h) { param.BTranspose = mTransposeB; param.numberThread = numberThread; auto func = static_cast(backend())->functions()->MNNComputeMatMulForE_1; - mPostFunctions.emplace_back(std::make_pair([param, func]( + mPreFunctions.emplace_back(std::make_pair([param, func]( int tId, const float* A, const float* B, const float* biasPtr, float* C) { func(A, B, C, biasPtr, ¶m, tId); }, numberThread)); @@ -54,7 +54,7 @@ void CPUMatMul::_scheduleForVec(int e, int l, int h) { auto func = static_cast(backend())->functions()->MNNComputeMatMulForH_1; // TODD: Support e = 1 MNN_ASSERT(h == 1); - mPostFunctions.emplace_back(std::make_pair([param, func]( + mPreFunctions.emplace_back(std::make_pair([param, func]( int tId, const float* A, const float* B, const float* biasPtr, float* C) { func(A, B, C, biasPtr, ¶m, tId); }, numberThread)); @@ -66,12 +66,16 @@ ErrorCode CPUMatMul::onResize(const std::vector& inputs, const std::vec Tensor* C = outputs[0]; auto core = static_cast(backend())->functions(); mPreFunctions.clear(); - mPostFunctions.clear(); int e, l, h; - OpCommonUtils::computeMatMulSize(mTransposeA, mTransposeB, A, B, e, l, h); + bool valid = OpCommonUtils::computeMatMulSize(mTransposeA, mTransposeB, A, B, e, l, h); + if (!valid) { + return COMPUTE_SIZE_ERROR; + } + mE = 0; + mL = 0; + mH = 0; // If encoded but resized as h=1/e=1, the computer should clear firstly - mComputer->onReset(); if (h == 1) { _scheduleForVec(e, l, h); return NO_ERROR; @@ -83,38 +87,19 @@ ErrorCode CPUMatMul::onResize(const std::vector& inputs, const std::vec } int eP, lP, hP; core->MNNGetMatMulPackMode(&eP, &lP, &hP); + int numberThread = mSupportMultiThread ? ((CPUBackend*)backend())->threadNumber() : 1; auto bufferAlloc = static_cast(backend())->getBufferAllocator(); - auto ATPtrAlloc = bufferAlloc->alloc(UP_DIV(l, core->pack) * e * core->pack * core->bytes); + auto ATPtrAlloc = bufferAlloc->alloc(eP * l * core->bytes * numberThread); auto BTPtrAlloc = bufferAlloc->alloc(UP_DIV(h, hP) * UP_DIV(l, lP) * lP * hP * core->bytes); - auto CTPtrAlloc = bufferAlloc->alloc(UP_DIV(h, core->pack) * e * core->pack * core->bytes); + auto CTPtrAlloc = bufferAlloc->alloc(UP_DIV(h, core->pack) * eP * core->pack * core->bytes * numberThread); if (ATPtrAlloc.invalid() || BTPtrAlloc.invalid() || CTPtrAlloc.invalid()) { return OUT_OF_MEMORY; } - int numberThread = mSupportMultiThread ? ((CPUBackend*)backend())->threadNumber() : 1; - mPreFunctions.emplace_back(std::make_pair([BTPtrAlloc, l, h, this, core] (int tId, const float* APtr, const float* BPtr, const float* Bias) { + mPreFunctions.emplace_back(std::make_pair([BTPtrAlloc, l, h, this, core] (int tId, const float* APtr, const float* BPtr, const float* Bias, float* C) { core->MNNPackForMatMul_B((float*)BTPtrAlloc.ptr(), BPtr, h, l, mTransposeB); } , 1)); - if (mTransposeA) { - // l, e -> lC4, e, 4 - mPreFunctions.emplace_back(std::make_pair([ATPtrAlloc, e, l, core](int tId, const float* APtr, const float* BPtr, const float* Bias) { - int offset[] = { - e, e - }; - core->MNNPackCUnit((float*)ATPtrAlloc.ptr(), APtr, e, l, offset); - }, 1)); - } else { - // e, l -> lC4, e, 4 - mPreFunctions.emplace_back(std::make_pair( - [ATPtrAlloc, e, l, core](int tId, const float* APtr, const float* BPtr, const float* Bias) { - int offset[] = { - e, e - }; - core->MNNPackCUnitTranspose((float*)ATPtrAlloc.ptr(), APtr, e, l, offset); - }, 1)); - } bool useBias = false; - std::vector postParameters; MemChunk bdestAlloc; bool bdestNeedFree = false; if (inputs.size() > 2) { @@ -122,59 +107,44 @@ ErrorCode CPUMatMul::onResize(const std::vector& inputs, const std::vec useBias = true; auto biasLength = bias->elementSize(); if (biasLength % core->pack != 0) { - mStrassenUseBiasDirectly = false; + mUseBiasDirectly = false; // Padding to align of 4 bdestAlloc = bufferAlloc->alloc(UP_DIV(biasLength, core->pack) * core->pack * core->bytes); bdestNeedFree = true; if (bdestAlloc.invalid()) { return OUT_OF_MEMORY; } + mTempBias = bdestAlloc; mPreFunctions.emplace_back(std::make_pair( - [biasLength, bdestAlloc, core](int tId, const float* APtr, const float* BPtr, const float* borigin) { + [biasLength, bdestAlloc, core](int tId, const float* APtr, const float* BPtr, const float* borigin, float* C) { ::memset(bdestAlloc.ptr(), 0, UP_DIV(biasLength, core->pack) * core->bytes * core->pack); ::memcpy(bdestAlloc.ptr(), borigin, biasLength * core->bytes); }, 1)); } else { - mStrassenUseBiasDirectly = true; + mUseBiasDirectly = true; if (TensorUtils::getDescribeOrigin(bias)->mem.get()) { bdestAlloc = TensorUtils::getDescribeOrigin(bias)->mem->chunk(); } } - postParameters = { + mPostParameters = { 1.0f, 1.0f, -std::numeric_limits().max(), std::numeric_limits().max(), }; } - auto code = mComputer->onEncode(e, l, h, e * core->pack, UP_DIV(l, lP) * lP * hP, e * core->pack, ATPtrAlloc, BTPtrAlloc, CTPtrAlloc, useBias, bdestAlloc, postParameters); - if (NO_ERROR != code) { - return code; - } if (bdestNeedFree) { bufferAlloc->free(bdestAlloc); } - // hC4, e, 4 -> e, h - if (mTransposeC) { - mPostFunctions.emplace_back(std::make_pair([CTPtrAlloc, e, h, core]( - int tId, const float* APtr, const float* BPtr, const float* biasPtr, float* CPtr) { - int offset[] = { - e, e - }; - core->MNNUnpackCUnitTranspose(CPtr, (float*)CTPtrAlloc.ptr(), e, h, offset); - }, 1)); - } else { - mPostFunctions.emplace_back(std::make_pair([CTPtrAlloc, e, h, core]( - int tId, const float* APtr, const float* BPtr, const float* biasPtr, float* CPtr) { - int offset[] = { - e, e - }; - core->MNNUnpackCUnit(CPtr, (float*)CTPtrAlloc.ptr(), e, h, offset); - }, 1)); - } bufferAlloc->free(ATPtrAlloc); bufferAlloc->free(BTPtrAlloc); bufferAlloc->free(CTPtrAlloc); + mTempA = ATPtrAlloc; + mTempB = BTPtrAlloc; + mTempC = CTPtrAlloc; + mE = e; + mL = l; + mH = h; return NO_ERROR; } @@ -195,19 +165,81 @@ ErrorCode CPUMatMul::onExecute(const std::vector& inputs, const std::ve void CPUMatMul::execute(const float* APtr, const float* BPtr, float* CPtr, const float* biasPtr) { for (auto& f : mPreFunctions) { MNN_CONCURRENCY_BEGIN(tId, f.second) { - f.first(tId, APtr, BPtr, biasPtr); + f.first(tId, APtr, BPtr, biasPtr, CPtr); } MNN_CONCURRENCY_END(); } - if (mStrassenUseBiasDirectly) { - mComputer->onExecute(nullptr, nullptr, (uint8_t*)biasPtr, nullptr); - } else { - mComputer->onExecute(); - } - for (auto& f : mPostFunctions) { - MNN_CONCURRENCY_BEGIN(tId, f.second) { - f.first(tId, APtr, BPtr, biasPtr, CPtr); + if (mE > 0) { + auto core = static_cast(backend())->functions(); + int eP, lP, hP; + core->MNNGetMatMulPackMode(&eP, &lP, &hP); + const float* postPtr = mPostParameters.data(); + if (!mUseBiasDirectly) { + biasPtr = (const float*)mTempBias.ptr(); } + if (nullptr == biasPtr) { + postPtr = nullptr; + } + int tileCount = UP_DIV(mE, eP); + int numberThread = mSupportMultiThread ? ((CPUBackend*)backend())->threadNumber() : 1; + MNN_CONCURRENCY_BEGIN(tId, numberThread) { + auto TA = mTempA.ptr() + tId * eP * mL * core->bytes; + auto TB = mTempB.ptr(); + auto hC4 = UP_DIV(mH, core->pack); + auto TC = mTempC.ptr() + tId * eP * hC4 * core->pack * core->bytes; + size_t parameters[6]; + parameters[0] = eP * core->bytes; + parameters[1] = mL; + parameters[2] = mH; + parameters[3] = eP * core->pack * core->bytes; + parameters[4] = 0; + parameters[5] = 0; + for (int tx=tId; txbytes, (uint8_t*)APtr + (y * mE + xStart) * core->bytes, core->bytes * xC); + } + } else { + // e, l -> l, eP + int dims[] = { + xC, + mL, + mL, + eP + }; + if (core->bytes == 2) { + auto S = (const int16_t*)APtr + xStart * mL; + auto D = (int16_t*)TA; + MNNTranspose16Bit(D, S, dims); + } else if (core->bytes == 4) { + auto S = (const int32_t*)APtr + xStart * mL; + auto D = (int32_t*)TA; + MNNTranspose32Bit(D, S, dims); + } + } + if (xC == eP) { + core->MNNPackedMatMul((float*)TC, (float*)TA, (float*)TB, parameters, postPtr, biasPtr, nullptr, nullptr); + } else { + core->MNNPackedMatMulRemain((float*)TC, (float*)TA, (float*)TB, xC, parameters, postPtr, biasPtr, nullptr, nullptr); + } + int area[] = { + eP, + mE + }; + if (mTransposeC) { + // hC4, e, 4 -> e, h + auto dst = (uint8_t*)CPtr + xStart * mH * core->bytes; + core->MNNUnpackCUnitTranspose((float*)dst, (const float*)TC, xC, mH, area); + } else { + // hC4, e, 4 -> h, e + auto dst = (uint8_t*)CPtr + xStart * core->bytes; + core->MNNUnpackCUnit((float*)dst, (const float*)TC, xC, mH, area); + } + } + }; MNN_CONCURRENCY_END(); } } diff --git a/source/backend/cpu/CPUMatMul.hpp b/source/backend/cpu/CPUMatMul.hpp index 103ee6723..8ecf670fd 100644 --- a/source/backend/cpu/CPUMatMul.hpp +++ b/source/backend/cpu/CPUMatMul.hpp @@ -30,10 +30,18 @@ class CPUMatMul : public Execution { bool mTransposeB; bool mTransposeC; bool mSupportMultiThread = false; - std::vector, int>> mPreFunctions; - std::vector, int>> mPostFunctions; - std::shared_ptr mComputer; - bool mStrassenUseBiasDirectly = false; + std::vector, int>> mPreFunctions; + bool mUseBiasDirectly = false; + MemChunk mTempA; + MemChunk mTempB; + MemChunk mTempC; + MemChunk mTempBias; + + int mE; + int mL; + int mH; + std::vector mPostParameters; + }; } // namespace MNN diff --git a/source/backend/cpu/CPURNNSequenceGRU.cpp b/source/backend/cpu/CPURNNSequenceGRU.cpp index 19808dd43..815e0bcb8 100644 --- a/source/backend/cpu/CPURNNSequenceGRU.cpp +++ b/source/backend/cpu/CPURNNSequenceGRU.cpp @@ -10,63 +10,43 @@ #include #include "backend/cpu/CPUBackend.hpp" #include "backend/cpu/compute/ConvOpt.h" +#include "backend/cpu/compute/CommonOptFunction.h" #include "math/Matrix.hpp" #include "core/TensorUtils.hpp" namespace MNN { -static inline float sigmoid(float x) { - return 1. / (1. + expf(-x)); -} - static inline void ArrayProduct(float* C, float* A, float* B, const int length) { - int numUnit4 = length >> 2; - if (numUnit4 > 0) { - MNNMatrixProd(C, A, B, numUnit4, 0, 0, 0, 1); - } - for (int i = numUnit4 << 2; i < length; i++) { - C[i] = A[i] * B[i]; - } - return; -} - -static inline void ArrayAdd(float* C, float* A, float* B, const int length) { - int numUnit4 = length >> 2; - if (numUnit4 > 0) { - MNNMatrixAdd(C, A, B, numUnit4, 0, 0, 0, 1); - } - for (int i = numUnit4 << 2; i < length; i++) { - C[i] = A[i] + B[i]; - } + MNNMatrixProdCommon(C, A, B, length, 0, 0, 0, 1); return; } // implement GRU cell function // Ref: tensorflow/python/ops/rnn_cell_impl.py -static void runRNNStep(const float* input, const int inputLength, const bool linearBeforeReset, +void CPURNNSequenceGRU::runRNNStep(const float* input, const int inputLength, const bool linearBeforeReset, std::shared_ptr& hiddenState, const int numUnits, Tensor* gateWeight, Tensor* gateBias, Tensor* candidateWeight, Tensor* candidateBias, Tensor* recurrentBias, std::shared_ptr& inputAndState, std::shared_ptr& gate, std::shared_ptr& resetHt) { + auto bn = static_cast(backend()); // gate is (z_t, r_t) auto inputAndStatePtr = inputAndState->host(); auto hiddenStatePtr = hiddenState->host(); ::memcpy(inputAndStatePtr, input, inputLength * sizeof(float)); ::memcpy(inputAndStatePtr + inputLength, hiddenStatePtr, numUnits * sizeof(float)); inputAndState->setLength(1, inputLength + numUnits); - // to be fused + // // [x_t, h_t-1] * [W_zr, R_zr]: (1, inputLength + numUnits) X (inputLength + numUnits, 2 * numUnits) - Math::Matrix::multi(gate.get(), inputAndState.get(), gateWeight); - Math::Matrix::add(gate.get(), gate.get(), gateBias); + mMatMulIU2U->execute(inputAndState->host(), gateWeight->host(), gate->host(), gateBias->host()); recurrentBias->setLength(1, 2 * numUnits); Math::Matrix::add(gate.get(), gate.get(), recurrentBias); // (1, 2*numUnits) const int gateSize = gate->elementSize(); auto gatePtr = gate->host(); - for (int i = 0; i < gateSize; ++i) { - gatePtr[i] = sigmoid(gatePtr[i]); - } + auto core = bn->functions(); + auto sigmoidFunc = core->MNNSelectUnaryFunctionForFloat(UnaryOpOperation_SIGMOID, bn->precisionMode()); + sigmoidFunc(gatePtr, gatePtr, gateSize); // reset gate, // r_t is the second segment auto rtPtr = gatePtr + numUnits; @@ -74,25 +54,15 @@ static void runRNNStep(const float* input, const int inputLength, const bool lin // calculate Rt (.) (Ht_1 * Rh + Rbh) auto recurrentHiddenBiasPtr = recurrentBias->host() + 2 * numUnits; auto rhWeightPtr = candidateWeight->host() + inputLength * numUnits; - Tensor* rhWeight = Tensor::create({numUnits, numUnits}, candidateWeight->getType(), (void*)(rhWeightPtr), TensorUtils::getDimType(candidateWeight)); - Math::Matrix::multi(resetHt.get(), hiddenState.get(), rhWeight); - ArrayAdd(resetHt->host(), resetHt->host(), recurrentHiddenBiasPtr, numUnits), + mMatMulU2U->execute(hiddenState->host(), rhWeightPtr, resetHt->host(), recurrentHiddenBiasPtr); ArrayProduct(resetHt->host(), rtPtr, resetHt->host(), numUnits); // calculate Xt * Wh - Tensor* XtWhTensor = Tensor::create({1, numUnits}, inputAndState->getType(), (void*)(inputAndStatePtr + inputLength + numUnits), TensorUtils::getDimType(inputAndState.get())); - Tensor* inputTensor = Tensor::create({1, inputLength}, inputAndState->getType(), (void*)(input), TensorUtils::getDimType(inputAndState.get())); - candidateWeight->setLength(0, inputLength); - Math::Matrix::multi(XtWhTensor, inputTensor, candidateWeight); + mMatMulI2U->execute(input, candidateWeight->host(), inputAndStatePtr + inputLength + numUnits, nullptr); // sum 3 parts - ArrayAdd(resetHt->host(), resetHt->host(), XtWhTensor->host(), numUnits); - ArrayAdd(rtPtr, resetHt->host(), candidateBias->host(), numUnits), - candidateWeight->setLength(0, inputLength + numUnits); - - // release wrapper - delete rhWeight; - delete XtWhTensor; - delete inputTensor; + Math::Matrix::add(resetHt->host(), resetHt->host(), inputAndStatePtr + inputLength + numUnits, numUnits); + Math::Matrix::add(rtPtr, resetHt->host(), candidateBias->host(), numUnits); + } else { // r_t: (1, numUnits) auto resetGatePtr = inputAndStatePtr + inputLength; @@ -101,12 +71,10 @@ static void runRNNStep(const float* input, const int inputLength, const bool lin // deal with recurrent bias and linear_before_reset parameter auto recurrentBiasAddedPtr = inputAndStatePtr + inputLength + numUnits; auto recurrentHiddenBiasPtr = recurrentBias->host() + 2 * numUnits; - - ArrayAdd(recurrentBiasAddedPtr, recurrentHiddenBiasPtr, candidateBias->host(), numUnits); - // [x_t, h_t1](1, inputLength + numUnits) * candidateWeight_(inputLength + numUnits, numUnits) - Math::Matrix::multi(resetHt.get(), inputAndState.get(), candidateWeight); + Math::Matrix::add(recurrentBiasAddedPtr, recurrentHiddenBiasPtr, candidateBias->host(), numUnits); + mMatMulI2U->execute(inputAndState->host(), candidateWeight->host(), resetHt->host(), nullptr); // reuse r_t memory as h_t' - ArrayAdd(rtPtr, resetHt->host(), recurrentBiasAddedPtr, numUnits); + Math::Matrix::add(rtPtr, resetHt->host(), recurrentBiasAddedPtr, numUnits); } for (int i = 0; i < numUnits; ++i) { @@ -123,11 +91,15 @@ CPURNNSequenceGRU::CPURNNSequenceGRU(const Op* op, Backend* backend) : MNN::Exec mIsBidirectionalRNN = rnnParam->isBidirectionalRNN(); mNumUnits = rnnParam->numUnits(); mlinearBeforeReset = rnnParam->linearBeforeReset(); - + mMatMulIU2U.reset(new CPUMatMul(backend, false, false, true, true)); + mMatMulU2U.reset(new CPUMatMul(backend, false, false, true, true)); + mMatMulI2U.reset(new CPUMatMul(backend, false, false, true, true)); } CPURNNSequenceGRU::~CPURNNSequenceGRU() { - // Do nothing + mMatMulIU2U.reset(); + mMatMulU2U.reset(); + mMatMulI2U.reset(); } ErrorCode CPURNNSequenceGRU::onResize(const std::vector& inputs, const std::vector& outputs) { @@ -143,7 +115,33 @@ ErrorCode CPURNNSequenceGRU::onResize(const std::vector& inputs, const backend()->onAcquireBuffer(mInputAndState.get(), Backend::DYNAMIC); backend()->onAcquireBuffer(mGate.get(), Backend::DYNAMIC); backend()->onAcquireBuffer(mResetHt.get(), Backend::DYNAMIC); - + mInputAndState->setLength(1, inputLastDimSize + mNumUnits); + auto code = mMatMulIU2U->onResize({mInputAndState.get(), inputs[1]}, {mGate.get()}); + if (NO_ERROR != code) { + return code; + } + mInputAndState->setLength(1, inputLastDimSize + 2 * mNumUnits); + + if (mlinearBeforeReset) { + std::shared_ptr rhWeight(Tensor::create({mNumUnits, mNumUnits})); + // unit, unit * unit -> unit + code = mMatMulU2U->onResize({mHiddenState.get(), rhWeight.get()}, {mResetHt.get()}); + if (NO_ERROR != code) { + return code; + } + std::shared_ptr XtWhTensor(Tensor::create({1, mNumUnits})); + std::shared_ptr inputTensor(Tensor::create({1, inputLastDimSize})); + std::shared_ptr wTensor(Tensor::create({inputLastDimSize, mNumUnits})); + code = mMatMulI2U->onResize({inputTensor.get(), wTensor.get()}, {XtWhTensor.get()}); + } else { + std::shared_ptr A(Tensor::create({1, mNumUnits + inputLastDimSize})); + std::shared_ptr B(Tensor::create({mNumUnits + inputLastDimSize, mNumUnits})); + std::shared_ptr C(Tensor::create({1, mNumUnits})); + code = mMatMulI2U->onResize({A.get(), B.get()}, {C.get()}); + } + if (NO_ERROR != code) { + return code; + } backend()->onReleaseBuffer(mHiddenState.get(), Backend::DYNAMIC); backend()->onReleaseBuffer(mInputAndState.get(), Backend::DYNAMIC); backend()->onReleaseBuffer(mGate.get(), Backend::DYNAMIC); @@ -163,6 +161,7 @@ ErrorCode CPURNNSequenceGRU::onExecute(const std::vector& inputs, const auto fwCandidateWeight = inputs[3]; auto fwCandidateBias = inputs[4]; auto fwRecurrentBias = inputs[5]; + auto cpuBn = static_cast(backend()); // fwGateWeight->printShape();// mFwGateWeight // fwGateBias->printShape();// mFwGateBias diff --git a/source/backend/cpu/CPURNNSequenceGRU.hpp b/source/backend/cpu/CPURNNSequenceGRU.hpp index 0aa018c9f..c2b56816c 100644 --- a/source/backend/cpu/CPURNNSequenceGRU.hpp +++ b/source/backend/cpu/CPURNNSequenceGRU.hpp @@ -10,7 +10,7 @@ #define CPURNNSequenceGRU_hpp #include "core/Execution.hpp" - +#include "CPUMatMul.hpp" namespace MNN { class CPURNNSequenceGRU : public Execution { @@ -21,6 +21,11 @@ class CPURNNSequenceGRU : public Execution { virtual ErrorCode onResize(const std::vector &inputs, const std::vector &outputs) override; private: + void runRNNStep(const float* input, const int inputLength, const bool linearBeforeReset, + std::shared_ptr& hiddenState, const int numUnits, Tensor* gateWeight, Tensor* gateBias, + Tensor* candidateWeight, Tensor* candidateBias, Tensor* recurrentBias, + std::shared_ptr& inputAndState, std::shared_ptr& gate, + std::shared_ptr& resetHt); bool mKeepAllOutputs; bool mIsBidirectionalRNN; bool mlinearBeforeReset; @@ -30,6 +35,13 @@ class CPURNNSequenceGRU : public Execution { std::shared_ptr mInputAndState; std::shared_ptr mGate; std::shared_ptr mResetHt; + + // For inputLength + numUnit -> numUnit + std::shared_ptr mMatMulIU2U; + // For numUnit -> numUnit + std::shared_ptr mMatMulU2U; + // For inputLength -> numUnit + std::shared_ptr mMatMulI2U; }; } // namespace MNN diff --git a/source/backend/cpu/CPUReduction.cpp b/source/backend/cpu/CPUReduction.cpp index 9a726d783..b603054e9 100644 --- a/source/backend/cpu/CPUReduction.cpp +++ b/source/backend/cpu/CPUReduction.cpp @@ -249,7 +249,7 @@ class MaxReduce : public Reduction { auto srcInside = srcOutSide + ii; auto dstInside = dstOutSide + ii; float Max = srcInside[0]; - if (1 == inside) { + if (1 == inside && axisSize > UNIT * 2) { int32_t inputCountUnit = axisSize / (UNIT * 2); int32_t remain = axisSize - (inputCountUnit * UNIT * 2); float maxArray[UNIT] = UNIT_DUP(Max); diff --git a/source/backend/cpu/CPUSoftmax.cpp b/source/backend/cpu/CPUSoftmax.cpp index 215f0c6f8..c8cfecede 100644 --- a/source/backend/cpu/CPUSoftmax.cpp +++ b/source/backend/cpu/CPUSoftmax.cpp @@ -15,95 +15,173 @@ #include "core/Macro.h" #include "core/TensorUtils.hpp" #include "CPUTensorConvert.hpp" -#ifdef MNN_USE_NEON -#include -#endif namespace MNN { - -int CPUSoftmax::_softmax1(const float *srcData, float *dstData, int outside, int channel, int threadNum) { - MNN_CONCURRENCY_BEGIN(tId, threadNum) +static void ___MNNSoftmax(float* dest, const float* source, size_t size, MNNBinaryExecute mulfunction) { + float exprOffset[4] = { + 1.0f, + 0.0f, + 0.0f, + 0.0f + }; + // Compute Max { - const float *srcY = srcData + tId * channel; - float *dstY = dstData + tId * channel; - for (int y = (int)tId; y < outside; y += threadNum, srcY += channel * threadNum, dstY += channel * threadNum) { - MNNSoftmax(dstY, srcY, channel); + int32_t inputCountUnit = size / (4 * 2); + int32_t remain = size - (inputCountUnit * 4 * 2); + float Max = source[0]; + if (inputCountUnit > 0) { + float maxArray[4] = {Max, Max, Max, Max}; + MNNMaxFloat((float*)source, maxArray, inputCountUnit); + for (int i = 0; i < 4; i++) { + Max = ALIMAX(Max, maxArray[i]); + } } + if (remain > 0) { + int currentIndex = inputCountUnit * 4 * 2; + for (int i = 0; i < remain; i++) { + float currentInputData = source[currentIndex + i]; + Max = ALIMAX(Max, currentInputData); + } + } + exprOffset[2] = -Max; } - MNN_CONCURRENCY_END(); - return 0; + MNNExp(dest, source, exprOffset, size); + float sumDiv = 1.0f / exprOffset[3]; + mulfunction(dest, dest, &sumDiv, size, 1); } -int CPUSoftmax::_softmaxCommon(const float *srcData, float *dstData, int inside, int outside, int channel, - float *maxValue, float *sumValue, int threadNum) { - if (inside == 1) - return _softmax1(srcData, dstData, outside, channel, threadNum); - const int stepY = inside * channel; - MNN_CONCURRENCY_BEGIN(tId, threadNum); - { - const float *srcY = srcData + tId * stepY; - float *dstY = dstData + tId * stepY; - float *maxValueSub = maxValue + tId * inside; - - for (int y = (int)tId; y < outside; y += threadNum, srcY += stepY * threadNum, dstY += stepY * threadNum) { - memcpy(maxValueSub, srcY, sizeof(float) * inside); - const float *src = srcY + inside; - for (int c = 1; c < channel; ++c, src += inside) { - for (int x = 0; x < inside; ++x) { - if (src[x] > maxValueSub[x]) - maxValueSub[x] = src[x]; +int CPUSoftmax::_softmaxCommon(const uint8_t *srcData, uint8_t *dstData) { + auto cpuBn = static_cast(backend()); + auto core = cpuBn->functions(); + auto fp32Core = core; + if (core->bytes != 4) { + fp32Core = MNNGetCoreFunctions(); + } + MNNBinaryExecute addFunction; + MNNUnaryExecute recFunction; + MNNBinaryExecute mulFunction; + mulFunction = fp32Core->MNNSelectBinaryFunctionForFloat(BinaryOpOperation_MUL); + + auto bytes = core->bytes; + int threadNumber = ALIMIN(cpuBn->threadNumber(), mOutside); + int outsideStride = mChannel * mInside; + if (mInside > core->pack && mChannel < core->pack) { + auto maxFunction = core->MNNSelectBinaryFunctionForFloat(BinaryOpOperation_MAXIMUM); + auto subFunction = core->MNNSelectBinaryFunctionForFloat(BinaryOpOperation_SUB); + addFunction = fp32Core->MNNSelectBinaryFunctionForFloat(BinaryOpOperation_ADD); + recFunction = fp32Core->MNNSelectUnaryFunctionForFloat(UnaryOpOperation_RECIPROCAL, 1);//Use high precision + MNN_CONCURRENCY_BEGIN(tId, threadNumber) { + auto tempInput = (float*)(mTmpInput.ptr() + tId * outsideStride * sizeof(float)); + auto tempOutput = (float*)(mTmpOutput.ptr() + tId * outsideStride * sizeof(float)); + for (int o=tId; obytes != 4) { + workSrc = tempInput; + workDst = tempOutput; + core->MNNLowpToFp32((int16_t*)(dstO), workSrc, outsideStride); + } + // Use Fp32 to compute Begin + MNNExp(workDst, workSrc, exprOffset, outsideStride); - auto totalSize = channel * inside * outside; - //Exp - auto schedule = ((CPUBackend*)backend())->multiThreadDivide(totalSize); - int sizeDivide = schedule.first; - int scheduleNumber = schedule.second; - - MNN_CONCURRENCY_BEGIN(tId, scheduleNumber) { - int start = sizeDivide * (int)tId; - int realSize = sizeDivide; - if (tId == scheduleNumber -1 ) { - realSize = totalSize - start; - } - if (realSize > 0) { - float ab[2] = { - -1.0f, - 0.0f - }; - MNNExp(dstData + start, dstData + start, ab, realSize); - } + // Sum to tempInput + ::memcpy(tempInput, workDst, mInside * sizeof(float)); + + for (int z=1; zbytes != 4) { + core->MNNFp32ToLowp(workDst, (int16_t*)(dstO), outsideStride); + } + } + }; + MNN_CONCURRENCY_END(); + return 0; } - MNN_CONCURRENCY_END(); - - MNN_CONCURRENCY_BEGIN(tId, threadNum); - { - const float *srcY = srcData + tId * stepY; - float *dstY = dstData + tId * stepY; - float *sumValueSub = sumValue + tId * inside; - for (int y = (int)tId; y < outside; y += threadNum, srcY += stepY * threadNum, dstY += stepY * threadNum) { - memset(sumValueSub, 0, sizeof(float) * inside); - float *dst = dstY; - for (int c = 0; c < channel; ++c, dst += inside) { - for (int x = 0; x < inside; ++x) { - sumValueSub[x] += dst[x]; + MNN_CONCURRENCY_BEGIN(tId, threadNumber) { + auto tempInput = (float*)(mTmpInput.ptr() + tId * outsideStride * sizeof(float)); + auto tempOutput = (float*)(mTmpOutput.ptr() + tId * outsideStride * sizeof(float)); + for (int o=tId; oMNNLowpToFp32((int16_t*)(srcO), tempInput, outsideStride); + workDst = tempOutput; + workSrc = tempInput; + } + } else { + int dims[] = { + mChannel, + mInside, + mInside, + mChannel + }; + if (bytes != 4) { + MNN_ASSERT(bytes == 2); + MNNTranspose16Bit((int16_t*)tempOutput, (int16_t*)(srcO), dims); + core->MNNLowpToFp32((int16_t*)tempOutput, tempInput, outsideStride); + workDst = tempOutput; + workSrc = tempInput; + } else { + // Use output to cache transpoe result + MNNTranspose32Bit((int32_t*)dstO, (int32_t*)(srcO), dims); + workDst = tempInput; + workSrc = (float*)dstO; } } - dst = dstY; - for (int c = 0; c < channel; ++c, dst += inside) { - for (int x = 0; x < inside; ++x) { - dst[x] /= sumValueSub[x]; + for (int v=0; vMNNFp32ToLowp(tempOutput, (int16_t*)(dstO), outsideStride); + } + } else { + int dims[] = { + mInside, + mChannel, + mChannel, + mInside + }; + if (bytes != 4) { + MNN_ASSERT(bytes == 2); + core->MNNFp32ToLowp((float*)tempOutput, (int16_t*)tempInput, outsideStride); + MNNTranspose16Bit((int16_t*)dstO, (int16_t*)(tempInput), dims); + } else { + MNNTranspose32Bit((int32_t*)dstO, (int32_t*)(tempInput), dims); } } } @@ -136,27 +214,31 @@ ErrorCode CPUSoftmax::onResize(const std::vector &inputs, const std::v backend()->onAcquireBuffer(&mStorage, Backend::DYNAMIC); } - int inside = 1; - int dims = input->buffer().dimensions; - for (int i = axis + 1; i < dims; ++i) { + int inside = 1; + int outside = 1; + int channel = 1; + for (int i = 0; i < axis; ++i) { + outside *= input->length(i); + } + channel = input->length(axis); + for (int i = axis + 1; i < dimensions; ++i) { inside *= input->length(i); } - - if (inside != 1) { // not run _softmax1, we need maxValue Tensor and sumValue Tensor. - int threadNum = ((CPUBackend *)backend())->threadNumber(); - - mMaxValue.buffer().dim[0].extent = inside * threadNum; - mMaxValue.buffer().dimensions = 1; - mMaxValue.setType(DataType_DT_FLOAT); - backend()->onAcquireBuffer(&mMaxValue, Backend::DYNAMIC); - - mSumValue.buffer().dim[0].extent = inside * threadNum; - mSumValue.buffer().dimensions = 1; - mSumValue.setType(DataType_DT_FLOAT); - backend()->onAcquireBuffer(&mSumValue, Backend::DYNAMIC); - - backend()->onReleaseBuffer(&mMaxValue, Backend::DYNAMIC); - backend()->onReleaseBuffer(&mSumValue, Backend::DYNAMIC); + mInside = inside; + mOutside = outside; + mChannel = channel; + auto cpuBn = static_cast(backend()); + if (inside != 1 || cpuBn->functions()->bytes != 4) { // not run _softmax1, we need maxValue Tensor and sumValue Tensor. + int threadNum = cpuBn->threadNumber(); + auto buf = cpuBn->getBufferAllocator(); + threadNum = ALIMIN(threadNum, outside); + + mTmpInput = buf->alloc(threadNum * inside * channel * sizeof(float)); + if (cpuBn->functions()->bytes != 4) { + mTmpOutput = buf->alloc(threadNum * inside * channel * sizeof(float)); + buf->free(mTmpOutput); + } + buf->free(mTmpInput); } if (mNeedUnpackC4) { @@ -175,10 +257,6 @@ ErrorCode CPUSoftmax::onExecute(const std::vector &inputs, const std:: auto outputDataPtr = outputTensor->host(); const int batch = inputTensor->batch(); const auto dims = inputTensor->buffer().dimensions; - int axis = mAxis; - if (axis < 0) { - axis += inputTensor->dimensions(); - } float *tempData = nullptr; if (mNeedUnpackC4) { @@ -189,26 +267,15 @@ ErrorCode CPUSoftmax::onExecute(const std::vector &inputs, const std:: for (int i = 2; i < dims; ++i) { areaInput *= inputTensor->length(i); } - int inside = 1; - int outside = 1; - int channel = 1; - for (int i = 0; i < axis; ++i) { - outside *= inputTensor->length(i); - } - channel = inputTensor->length(axis); - for (int i = axis + 1; i < dims; ++i) { - inside *= inputTensor->length(i); - } int threadNum = ((CPUBackend *)backend())->threadNumber(); if (!mNeedUnpackC4) { - _softmaxCommon(inputDataPtr, outputDataPtr, inside, outside, channel, mMaxValue.host(), - mSumValue.host(), threadNum); + _softmaxCommon((uint8_t*)inputDataPtr, (uint8_t*)outputDataPtr); return NO_ERROR; } auto functions = static_cast(backend())->functions(); CPUTensorConverter::convert(inputDataPtr, outputDataPtr, MNN_DATA_FORMAT_NC4HW4, MNN_DATA_FORMAT_NCHW, batch, areaInput, inputTensor->channel(), functions->bytes, functions); - _softmaxCommon(outputDataPtr, tempData, inside, outside, channel, mMaxValue.host(), mSumValue.host(), threadNum); + _softmaxCommon((uint8_t*)outputDataPtr, (uint8_t*)tempData); CPUTensorConverter::convert(tempData, outputDataPtr, MNN_DATA_FORMAT_NCHW, MNN_DATA_FORMAT_NC4HW4, batch, areaInput, inputTensor->channel(), functions->bytes, functions); return NO_ERROR; } diff --git a/source/backend/cpu/CPUSoftmax.hpp b/source/backend/cpu/CPUSoftmax.hpp index 66e21f323..c76cd7554 100644 --- a/source/backend/cpu/CPUSoftmax.hpp +++ b/source/backend/cpu/CPUSoftmax.hpp @@ -10,7 +10,7 @@ #define CPUSoftmax_hpp #include "core/Execution.hpp" - +#include "core/BufferAllocator.hpp" namespace MNN { class CPUSoftmax : public Execution { public: @@ -21,15 +21,17 @@ class CPUSoftmax : public Execution { static Execution* create(const MNN::Op *op, Backend *backend); private: - int _softmaxCommon(const float *srcData, float *dstData, int inside, int outside, int channel, float *maxValue, - float *sumValue, int threadNum); - int _softmax1(const float *srcData, float *dstData, int outside, int channel, int threadNum); + int _softmaxCommon(const uint8_t* srcData, uint8_t* dstData); int mAxis; Tensor mStorage; - Tensor mMaxValue; - Tensor mSumValue; bool mNeedUnpackC4; + MemChunk mTmpInput; + MemChunk mTmpOutput; + + int mInside; + int mOutside; + int mChannel; }; } // namespace MNN diff --git a/source/backend/cpu/CPUUnary.cpp b/source/backend/cpu/CPUUnary.cpp index 9c5feaa70..a046b7f4d 100644 --- a/source/backend/cpu/CPUUnary.cpp +++ b/source/backend/cpu/CPUUnary.cpp @@ -325,8 +325,10 @@ static void _Square(void* out, const void* inp, int realSize) { static void _EXP(void* outRaw, const void* inpRaw, int realSize) { auto out = (float*)outRaw; auto inp = (const float*)inpRaw; - float offset[2] = { + float offset[] = { 1.0f, + 0.0f, + 0.0f, 0.0f }; MNNExp(out, inp, offset, realSize); @@ -334,9 +336,11 @@ static void _EXP(void* outRaw, const void* inpRaw, int realSize) { static void _EXPM1(void* outRaw, const void* inpRaw, int realSize) { auto out = (float*)outRaw; auto inp = (const float*)inpRaw; - float offset[2] = { + float offset[] = { 1.0f, - -1.0f + -1.0f, + 0.0f, + 0.0f }; MNNExp(out, inp, offset, realSize); } diff --git a/source/backend/cpu/arm/CommonOptFunctionNeon.cpp b/source/backend/cpu/arm/CommonOptFunctionNeon.cpp index 06180fcef..159202ff2 100644 --- a/source/backend/cpu/arm/CommonOptFunctionNeon.cpp +++ b/source/backend/cpu/arm/CommonOptFunctionNeon.cpp @@ -4,7 +4,6 @@ #include #include "./FunctionSummary.hpp" #include "core/MemoryFormater.h" - extern "C" { void MNNTranspose32Bit4x4(int32_t* dstO, const int32_t* srcO, int32_t* dim); void MNNTranspose16Bit8x8(int16_t* dstO, const int16_t* srcO, int32_t* dim); diff --git a/source/backend/cpu/arm/arm32/MNNExpC8.S b/source/backend/cpu/arm/arm32/MNNExpC8.S index 45558c603..cf1b75585 100644 --- a/source/backend/cpu/arm/arm32/MNNExpC8.S +++ b/source/backend/cpu/arm/arm32/MNNExpC8.S @@ -18,11 +18,15 @@ asm_function MNNExpC8 //r0: dest, r1:source, r2: offset, r3:parameters, r4:countC8 push {r4, r5, lr} ldr r4, [sp, #12] -vpush {q4, q5} +vpush {q4, q5, q6, q7} +vmov.i32 q7, #0 ldr r5, [r2, #0] vdup.32 q4, r5 // Alpha ldr r5, [r2, #4] vdup.32 q5, r5 // Beta +ldr r5, [r2, #8] +vdup.32 q6, r5 // Bias + vld1.32 {q0, q1}, [r3] @@ -35,6 +39,8 @@ Loop: vld1.32 {q8, q9}, [r1]! vmul.f32 q8, q8, q4 vmul.f32 q9, q9, q4 +vadd.f32 q8, q8, q6 +vadd.f32 q9, q9, q6 vmin.f32 q8, q8, q2 vmin.f32 q9, q9, q2 @@ -78,13 +84,22 @@ vadd.i32 q13, q13, q9 vadd.f32 q12, q12, q5 vadd.f32 q13, q13, q5 +vadd.f32 q7, q12, q7 vst1.32 {q12, q13}, [r0]! +vadd.f32 q7, q13, q7 subs r4, r4, #1 bne Loop - -vpop {q4, q5} +add r5, r2, #12 +vld1.32 {d0[0]}, [r5] +vadd.f32 d14, d14, d15 +vtrn.32 d14, d15 +vadd.f32 d14, d14, d15 +vadd.f32 d0, d14, d0 +vst1.32 {d0[0]}, [r5] + +vpop {q4, q5, q6, q7} pop {r4, r5, pc} diff --git a/source/backend/cpu/arm/arm64/MNNExpC8.S b/source/backend/cpu/arm/arm64/MNNExpC8.S index 105c23401..3b89f039d 100644 --- a/source/backend/cpu/arm/arm64/MNNExpC8.S +++ b/source/backend/cpu/arm/arm64/MNNExpC8.S @@ -18,6 +18,8 @@ asm_function MNNExpC8 //x0: dest, x1:source, x2: offset, x3:parameters, x4:countC8 ldr w5, [x2, #0] ldr w6, [x2, #4] +ldr w7, [x2, #8] + ld1 {v0.4s, v1.4s}, [x3] movi v2.4s, #23 movi v3.4s, #87 @@ -25,12 +27,18 @@ scvtf v3.4s, v3.4s fneg v4.4s, v3.4s dup v30.4s, w5 dup v31.4s, w6 +dup v29.4s, w7 + +// Summer +movi v28.4s, #0 Loop: ld1 {v16.4s, v17.4s}, [x1], #32 fmul v16.4s, v16.4s, v30.4s fmul v17.4s, v17.4s, v30.4s +fadd v16.4s, v16.4s, v29.4s +fadd v17.4s, v17.4s, v29.4s fmin v16.4s, v16.4s, v3.4s fmin v17.4s, v17.4s, v3.4s fmax v18.4s, v16.4s, v4.4s @@ -74,10 +82,20 @@ fadd v20.4s, v20.4s, v31.4s fadd v21.4s, v21.4s, v31.4s st1 {v20.4s, v21.4s}, [x0], #32 +fadd v28.4s, v28.4s, v20.4s +fadd v28.4s, v28.4s, v21.4s subs x4, x4, #1 bne Loop +// Bias +add x7, x2, #12 +ld1 {v27.s}[0], [x7] +faddp v28.4s, v28.4s, v28.4s +faddp v28.2s, v28.2s, v28.2s +fadd v27.2s, v28.2s, v27.2s +st1 {v27.s}[0], [x7] + ret #endif diff --git a/source/backend/cpu/arm/arm64/MNNMaxFloat.S b/source/backend/cpu/arm/arm64/MNNMaxFloat.S index 594efa620..f9d2b7051 100644 --- a/source/backend/cpu/arm/arm64/MNNMaxFloat.S +++ b/source/backend/cpu/arm/arm64/MNNMaxFloat.S @@ -23,18 +23,43 @@ beq End # maxBuffer : v30 ld1 {v30.4s}, [x1] +mov v31.16b, v30.16b + +cmp x2, #2 +blt Loop +mov v29.16b, v30.16b +mov v28.16b, v30.16b +LoopC4: + ld1 {v0.4s, v1.4s, v2.4s, v3.4s}, [x0], #64 + fmax v30.4s, v1.4s, v30.4s + fmax v31.4s, v0.4s, v31.4s + fmax v29.4s, v2.4s, v29.4s + fmax v28.4s, v3.4s, v28.4s + sub x2, x2, #2 + cmp x2, #2 + bge LoopC4 + +fmax v30.4s, v30.4s, v29.4s +fmax v31.4s, v31.4s, v28.4s + +cmp x2, #0 +beq ComputeEnd + Loop: ld1 {v0.4s, v1.4s}, [x0], #32 fmax v30.4s, v1.4s, v30.4s - fmax v30.4s, v0.4s, v30.4s + fmax v31.4s, v0.4s, v31.4s subs x2, x2, #1 bne Loop -st1 {v30.4s}, [x1] +ComputeEnd: +fmax v30.4s, v30.4s, v31.4s +st1 {v30.4s}, [x1] End: + ret #endif diff --git a/source/backend/cpu/arm/arm64/MNNSoftmax.S b/source/backend/cpu/arm/arm64/MNNSoftmax.S index 23c45935e..03532335e 100644 --- a/source/backend/cpu/arm/arm64/MNNSoftmax.S +++ b/source/backend/cpu/arm/arm64/MNNSoftmax.S @@ -94,8 +94,7 @@ Loop_10: fmul v21.4s, v20.4s, v6.4s fcvtzs v21.4s, v21.4s scvtf v22.4s, v21.4s - fmul v22.4s, v22.4s, v7.4s - fadd v20.4s, v20.4s, v22.4s + fmla v20.4s, v22.4s, v7.4s fmul v22.4s, v20.4s, v16.4s fadd v22.4s, v22.4s, v17.4s fmul v22.4s, v20.4s, v22.4s diff --git a/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int4.S b/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int4.S index b7c904480..e0dabde36 100644 --- a/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int4.S +++ b/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int4.S @@ -27,7 +27,7 @@ stp x21, x22, [sp, #(16 * 6)] stp x19, x20, [sp, #(16 * 7)] mov w22, #0x0f -dup v10.8b, w22 +dup v10.16b, w22 mov x22, x7 // alpha mov x23, x8 // bias @@ -67,8 +67,6 @@ LoopE8: LoopH8x8: mov x15, x1 subs x12, x9, #1 - ld1 {v12.4s, v13.4s}, [x14], #32 // alpha - ld1 {v14.4s, v15.4s}, [x24], #32 // bias ld1 {v0.s}[0], [x13], #4 ushr v1.8b, v0.8b, #4 @@ -78,12 +76,8 @@ LoopE8: sxtl v4.8h, v3.8b sxtl v8.4s, v4.4h sxtl2 v9.4s, v4.8h - scvtf v0.4s, v8.4s - scvtf v1.4s, v9.4s - fmul v3.4s, v0.4s, v12.4s - fmul v4.4s, v1.4s, v13.4s - fadd v3.4s, v3.4s, v14.4s - fadd v4.4s, v4.4s, v15.4s + scvtf v3.4s, v8.4s + scvtf v4.4s, v9.4s ld1 {v0.4s, v1.4s}, [x15], x11 fmul v16.4s, v3.4s, v0.s[0] @@ -91,6 +85,9 @@ LoopE8: fmul v18.4s, v3.4s, v0.s[2] fmul v19.4s, v3.4s, v0.s[3] + mov v14.16b, v0.16b + mov v15.16b, v1.16b + fmul v20.4s, v4.4s, v0.s[0] fmul v21.4s, v4.4s, v0.s[1] fmul v22.4s, v4.4s, v0.s[2] @@ -116,12 +113,8 @@ LoopE8: sxtl v4.8h, v3.8b sxtl v8.4s, v4.4h sxtl2 v9.4s, v4.8h - scvtf v0.4s, v8.4s - scvtf v1.4s, v9.4s - fmul v3.4s, v0.4s, v12.4s - fmul v4.4s, v1.4s, v13.4s - fadd v3.4s, v3.4s, v14.4s - fadd v4.4s, v4.4s, v15.4s + scvtf v3.4s, v8.4s + scvtf v4.4s, v9.4s ld1 {v0.4s, v1.4s}, [x15], x11 fmla v16.4s, v3.4s, v0.s[0] @@ -144,6 +137,9 @@ LoopE8: fmla v30.4s, v4.4s, v1.s[2] fmla v31.4s, v4.4s, v1.s[3] + fadd v14.4s, v0.4s, v14.4s + fadd v15.4s, v1.4s, v15.4s + subs x12, x12, #1 bne LoopL @@ -153,6 +149,52 @@ LoopE8: sub x8, x8, #2 cmp x8, #2 + mov v0.16b, v14.16b + mov v1.16b, v15.16b + + ld1 {v12.4s, v13.4s}, [x14], #32 // alpha + ld1 {v14.4s, v15.4s}, [x24], #32 // bias + + fmul v16.4s, v16.4s, v12.4s + fmul v17.4s, v17.4s, v12.4s + fmul v18.4s, v18.4s, v12.4s + fmul v19.4s, v19.4s, v12.4s + + fmul v24.4s, v24.4s, v12.4s + fmul v25.4s, v25.4s, v12.4s + fmul v26.4s, v26.4s, v12.4s + fmul v27.4s, v27.4s, v12.4s + + fmul v20.4s, v20.4s, v13.4s + fmul v21.4s, v21.4s, v13.4s + fmul v22.4s, v22.4s, v13.4s + fmul v23.4s, v23.4s, v13.4s + + fmul v28.4s, v28.4s, v13.4s + fmul v29.4s, v29.4s, v13.4s + fmul v30.4s, v30.4s, v13.4s + fmul v31.4s, v31.4s, v13.4s + + fmla v16.4s, v14.4s, v0.s[0] + fmla v17.4s, v14.4s, v0.s[1] + fmla v18.4s, v14.4s, v0.s[2] + fmla v19.4s, v14.4s, v0.s[3] + + fmla v20.4s, v15.4s, v0.s[0] + fmla v21.4s, v15.4s, v0.s[1] + fmla v22.4s, v15.4s, v0.s[2] + fmla v23.4s, v15.4s, v0.s[3] + + fmla v24.4s, v14.4s, v1.s[0] + fmla v25.4s, v14.4s, v1.s[1] + fmla v26.4s, v14.4s, v1.s[2] + fmla v27.4s, v14.4s, v1.s[3] + + fmla v28.4s, v15.4s, v1.s[0] + fmla v29.4s, v15.4s, v1.s[1] + fmla v30.4s, v15.4s, v1.s[2] + fmla v31.4s, v15.4s, v1.s[3] + cbz x5, StoreLH8 AddBiasLH8: ld1 {v0.4s, v1.4s}, [x20], #32 @@ -225,11 +267,6 @@ LoopE8: stp q30, q31, [x0, #(32 * 3)] add x0, x0, x7 - // st1 {v16.4s, v17.4s, v18.4s, v19.4s}, [x0], #64 - // st1 {v24.4s, v25.4s, v26.4s, v27.4s}, [x0], x14 - // st1 {v20.4s, v21.4s, v22.4s, v23.4s}, [x0], #64 - // st1 {v28.4s, v29.4s, v30.4s, v31.4s}, [x0], x14 - bge LoopH8x8 LH4: @@ -237,8 +274,6 @@ LoopE8: LoopHRemain: mov x15, x1 subs x12, x9, #1 - ld1 {v12.4s}, [x14] // alpha - ld1 {v14.4s}, [x24] // bias ld1 {v0.s}[0], [x13], #4 ushr v1.8b, v0.8b, #4 @@ -247,9 +282,7 @@ LoopE8: sxtl v4.8h, v3.8b sxtl v8.4s, v4.4h - scvtf v0.4s, v8.4s - fmul v3.4s, v0.4s, v12.4s - fadd v3.4s, v3.4s, v14.4s + scvtf v3.4s, v8.4s ld1 {v0.4s}, [x15], #16 fmul v16.4s, v3.4s, v0.s[0] @@ -263,6 +296,10 @@ LoopE8: fmul v21.4s, v3.4s, v1.s[1] fmul v22.4s, v3.4s, v1.s[2] fmul v23.4s, v3.4s, v1.s[3] + + mov v14.16b, v0.16b + mov v15.16b, v1.16b + beq LoopLREnd LoopLR: @@ -273,9 +310,7 @@ LoopE8: sxtl v4.8h, v3.8b sxtl v8.4s, v4.4h - scvtf v0.4s, v8.4s - fmul v3.4s, v0.4s, v12.4s - fadd v3.4s, v3.4s, v14.4s + scvtf v3.4s, v8.4s ld1 {v0.4s}, [x15], #16 fmla v16.4s, v3.4s, v0.s[0] fmla v17.4s, v3.4s, v0.s[1] @@ -284,6 +319,8 @@ LoopE8: sub x15, x15, #16 fmla v19.4s, v3.4s, v0.s[3] add x15, x15, x11 + fadd v14.4s, v0.4s, v14.4s + fadd v15.4s, v1.4s, v15.4s fmla v20.4s, v3.4s, v1.s[0] fmla v21.4s, v3.4s, v1.s[1] @@ -293,6 +330,30 @@ LoopE8: subs x12, x12, #1 bne LoopLR LoopLREnd: + mov v0.16b, v14.16b + mov v1.16b, v15.16b + ld1 {v12.4s}, [x14] // alpha + ld1 {v14.4s}, [x24] // bias + + fmul v16.4s, v16.4s, v12.4s + fmul v17.4s, v17.4s, v12.4s + fmul v18.4s, v18.4s, v12.4s + fmul v19.4s, v19.4s, v12.4s + + fmul v20.4s, v20.4s, v12.4s + fmul v21.4s, v21.4s, v12.4s + fmul v22.4s, v22.4s, v12.4s + fmul v23.4s, v23.4s, v12.4s + + fmla v16.4s, v14.4s, v0.s[0] + fmla v17.4s, v14.4s, v0.s[1] + fmla v18.4s, v14.4s, v0.s[2] + fmla v19.4s, v14.4s, v0.s[3] + + fmla v20.4s, v14.4s, v1.s[0] + fmla v21.4s, v14.4s, v1.s[1] + fmla v22.4s, v14.4s, v1.s[2] + fmla v23.4s, v14.4s, v1.s[3] cbz x5, StoreLH8x4 AddBiasLH8x4: @@ -612,34 +673,76 @@ LoopE1: E1LH8: E1LoopH8: mov x15, x1 - subs x12, x9, #1 + mov x12, x9 - ld1 {v12.4s, v13.4s}, [x14], #32 // alpha - ld1 {v14.4s, v15.4s}, [x24], #32 // bias + movi v16.16b, #0 + movi v20.16b, #0 - ld1 {v0.s}[0], [x13], #4 - ushr v1.8b, v0.8b, #4 - and v2.8b, v0.8b, v10.8b - zip1 v3.8b, v1.8b, v2.8b - - sxtl v4.8h, v3.8b - sxtl v8.4s, v4.4h - sxtl2 v9.4s, v4.8h - scvtf v0.4s, v8.4s - scvtf v1.4s, v9.4s - fmul v3.4s, v0.4s, v12.4s - fmul v4.4s, v1.4s, v13.4s - fadd v3.4s, v3.4s, v14.4s - fadd v4.4s, v4.4s, v15.4s - - ld1 {v0.s}[0], [x15], x11 - fmul v16.4s, v3.4s, v0.s[0] - fmul v20.4s, v4.4s, v0.s[0] + movi v17.16b, #0 +#if 1 + cmp x12, #4 + blt E1LoopL + E1LoopL4: + sub x12, x12, #4 + ld1 {v3.4s}, [x13], #16 + ld1 {v0.s}[0], [x15], x11 + ushr v1.16b, v3.16b, #4 + ld1 {v0.s}[1], [x15], x11 + and v2.16b, v3.16b, v10.16b + zip1 v3.16b, v1.16b, v2.16b + zip2 v4.16b, v1.16b, v2.16b + ld1 {v0.s}[2], [x15], x11 + + sxtl v24.8h, v3.8b + sxtl2 v25.8h, v3.16b + ld1 {v0.s}[3], [x15], x11 + + sxtl v28.4s, v24.4h + sxtl2 v29.4s, v24.8h + sxtl v30.4s, v25.4h + sxtl2 v31.4s, v25.8h + + scvtf v28.4s, v28.4s + scvtf v29.4s, v29.4s + scvtf v30.4s, v30.4s + scvtf v31.4s, v31.4s + + fadd v17.4s, v0.4s, v17.4s + + fmla v16.4s, v28.4s, v0.s[0] + fmla v20.4s, v29.4s, v0.s[0] + fmla v16.4s, v30.4s, v0.s[1] + fmla v20.4s, v31.4s, v0.s[1] + + sxtl v24.8h, v4.8b + sxtl2 v25.8h, v4.16b + + sxtl v28.4s, v24.4h + sxtl2 v29.4s, v24.8h + sxtl v30.4s, v25.4h + sxtl2 v31.4s, v25.8h + + scvtf v28.4s, v28.4s + scvtf v29.4s, v29.4s + scvtf v30.4s, v30.4s + scvtf v31.4s, v31.4s + + fmla v16.4s, v28.4s, v0.s[2] + fmla v20.4s, v29.4s, v0.s[2] + fmla v16.4s, v30.4s, v0.s[3] + fmla v20.4s, v31.4s, v0.s[3] + + cmp x12, #4 + bge E1LoopL4 + faddp v17.4s, v17.4s, v17.4s + faddp v17.2s, v17.2s, v17.2s + cmp x12, #0 beq E1LoopLEnd +#endif E1LoopL: - + subs x12, x12, #1 ld1 {v0.s}[0], [x13], #4 ushr v1.8b, v0.8b, #4 and v2.8b, v0.8b, v10.8b @@ -648,25 +751,32 @@ LoopE1: sxtl v4.8h, v3.8b sxtl v8.4s, v4.4h sxtl2 v9.4s, v4.8h - scvtf v0.4s, v8.4s - scvtf v1.4s, v9.4s - fmul v3.4s, v0.4s, v12.4s - fmul v4.4s, v1.4s, v13.4s - fadd v3.4s, v3.4s, v14.4s - fadd v4.4s, v4.4s, v15.4s + scvtf v3.4s, v8.4s + scvtf v4.4s, v9.4s + ld1 {v0.s}[0], [x15], x11 fmla v16.4s, v3.4s, v0.s[0] fmla v20.4s, v4.4s, v0.s[0] + fadd v17.2s, v0.2s, v17.2s - subs x12, x12, #1 bne E1LoopL E1LoopLEnd: add x13, x13, x19 sub x8, x8, #2 + ld1 {v12.4s, v13.4s}, [x14], #32 // alpha + ld1 {v14.4s, v15.4s}, [x24], #32 // bias cmp x8, #2 + dup v17.4s, v17.s[0] + fmul v16.4s, v12.4s, v16.4s + fmul v20.4s, v13.4s, v20.4s + fmul v14.4s, v17.4s, v14.4s + fmul v15.4s, v17.4s, v15.4s + fadd v16.4s, v14.4s, v16.4s + fadd v20.4s, v15.4s, v20.4s + cbz x5, StoreLH1x8 AddBiasLH1x8: ld1 {v0.4s, v1.4s}, [x20], #32 @@ -692,21 +802,18 @@ LoopE1: mov x15, x1 subs x12, x9, #1 - ld1 {v12.4s}, [x14] // alpha - ld1 {v14.4s}, [x24] // bias ld1 {v0.s}[0], [x13], #4 ushr v1.8b, v0.8b, #4 and v2.8b, v0.8b, v10.8b zip1 v3.8b, v1.8b, v2.8b - sxtl v4.8h, v3.8b - sxtl v8.4s, v4.4h - scvtf v0.4s, v8.4s - fmul v3.4s, v0.4s, v12.4s - fadd v3.4s, v3.4s, v14.4s + sxtl v3.8h, v3.8b + sxtl v3.4s, v3.4h + scvtf v3.4s, v3.4s ld1 {v0.s}[0], [x15], x11 fmul v16.4s, v3.4s, v0.s[0] + mov v4.16b, v0.16b beq E1LoopLREnd @@ -716,17 +823,21 @@ LoopE1: and v2.8b, v0.8b, v10.8b zip1 v3.8b, v1.8b, v2.8b - sxtl v4.8h, v3.8b - sxtl v8.4s, v4.4h - scvtf v0.4s, v8.4s - fmul v3.4s, v0.4s, v12.4s - fadd v3.4s, v3.4s, v14.4s + sxtl v3.8h, v3.8b + sxtl v3.4s, v3.4h + scvtf v3.4s, v3.4s + ld1 {v0.s}[0], [x15], x11 fmla v16.4s, v3.4s, v0.s[0] + fadd v4.2s, v0.2s, v4.2s subs x12, x12, #1 bne E1LoopLR E1LoopLREnd: + ld1 {v12.4s}, [x14] // alpha + ld1 {v14.4s}, [x24] // bias + fmul v16.4s, v12.4s, v16.4s + fmla v16.4s, v14.4s, v4.s[0] cbz x5, StoreLH1x4 AddBiasLH1x4: diff --git a/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int8.S b/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int8.S index 1a8ec2287..4daaf415c 100644 --- a/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int8.S +++ b/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMulRemain_int8.S @@ -575,24 +575,19 @@ LoopE1: mov x15, x1 subs x12, x9, #1 - ld1 {v12.4s, v13.4s}, [x14], #32 // alpha - ld1 {v14.4s, v15.4s}, [x24], #32 // bias - ld1 {v3.8b}, [x13], #8 sxtl v4.8h, v3.8b sxtl v8.4s, v4.4h sxtl2 v9.4s, v4.8h - scvtf v0.4s, v8.4s - scvtf v1.4s, v9.4s - fmul v3.4s, v0.4s, v12.4s - fmul v4.4s, v1.4s, v13.4s - fadd v3.4s, v3.4s, v14.4s - fadd v4.4s, v4.4s, v15.4s + scvtf v3.4s, v8.4s + scvtf v4.4s, v9.4s ld1 {v0.s}[0], [x15], x11 fmul v16.4s, v3.4s, v0.s[0] fmul v20.4s, v4.4s, v0.s[0] + mov v2.16b, v0.16b + beq E1LoopLEnd E1LoopL: @@ -600,22 +595,27 @@ LoopE1: ld1 {v3.8b}, [x13], #8 sxtl v4.8h, v3.8b sxtl v8.4s, v4.4h - sxtl2 v9.4s, v4.8h - scvtf v0.4s, v8.4s - scvtf v1.4s, v9.4s - fmul v3.4s, v0.4s, v12.4s - fmul v4.4s, v1.4s, v13.4s - fadd v3.4s, v3.4s, v14.4s - fadd v4.4s, v4.4s, v15.4s ld1 {v0.s}[0], [x15], x11 + sxtl2 v9.4s, v4.8h + scvtf v3.4s, v8.4s + scvtf v4.4s, v9.4s fmla v16.4s, v3.4s, v0.s[0] fmla v20.4s, v4.4s, v0.s[0] + fadd v2.2s, v0.2s, v2.2s subs x12, x12, #1 bne E1LoopL E1LoopLEnd: + ld1 {v12.4s, v13.4s}, [x14], #32 // alpha + ld1 {v14.4s, v15.4s}, [x24], #32 // bias + + fmul v16.4s, v16.4s, v12.4s + fmul v20.4s, v20.4s, v13.4s + fmla v16.4s, v14.4s, v2.s[0] + fmla v20.4s, v15.4s, v2.s[0] + add x13, x13, x19 sub x8, x8, #2 cmp x8, #2 diff --git a/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMul_int4.S b/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMul_int4.S index 17566bc4f..4528e96dd 100644 --- a/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMul_int4.S +++ b/source/backend/cpu/arm/arm64/low_memory/MNNPackedMatMul_int4.S @@ -49,106 +49,112 @@ LH8: LoopH: mov x15, x1 - ld1 {v4.4s, v5.4s}, [x19], #32 // alpha - ld1 {v6.4s, v7.4s}, [x20], #32 // bias subs x12, x9, #1 - ld1 {v0.s}[0], [x2], #4 - ushr v1.8b, v0.8b, #4 + ld1 {v2.s}[0], [x2], #4 + ushr v1.8b, v2.8b, #4 movi v3.8b, #0x0f - and v2.8b, v0.8b, v3.8b - zip1 v3.8b, v1.8b, v2.8b + and v0.8b, v2.8b, v3.8b + zip1 v0.8b, v1.8b, v0.8b - sxtl v0.8h, v3.8b - sxtl v1.4s, v0.4h - sxtl2 v2.4s, v0.8h - scvtf v0.4s, v1.4s - scvtf v1.4s, v2.4s - mov v2.16b, v7.16b - fmla v2.4s, v1.4s, v5.4s - mov v1.16b, v6.16b - fmla v1.4s, v0.4s, v4.4s + ld1 {v2.4s, v3.4s, v4.4s}, [x15], #48 - ld1 {v0.4s}, [x15], #16 - fmul v8.4s, v1.4s, v0.s[0] - fmul v9.4s, v1.4s, v0.s[1] - fmul v10.4s, v1.4s, v0.s[2] - fmul v11.4s, v1.4s, v0.s[3] - fmul v20.4s, v2.4s, v0.s[0] - fmul v21.4s, v2.4s, v0.s[1] - fmul v22.4s, v2.4s, v0.s[2] - fmul v23.4s, v2.4s, v0.s[3] + sxtl v0.8h, v0.8b + sxtl2 v1.4s, v0.8h + sxtl v0.4s, v0.4h + scvtf v0.4s, v0.4s + scvtf v1.4s, v1.4s - ld1 {v0.4s}, [x15], #16 - fmul v12.4s, v1.4s, v0.s[0] - fmul v13.4s, v1.4s, v0.s[1] - fmul v14.4s, v1.4s, v0.s[2] - fmul v15.4s, v1.4s, v0.s[3] - fmul v24.4s, v2.4s, v0.s[0] - fmul v25.4s, v2.4s, v0.s[1] - fmul v26.4s, v2.4s, v0.s[2] - fmul v27.4s, v2.4s, v0.s[3] + fmul v8.4s, v0.4s, v2.s[0] + fmul v9.4s, v0.4s, v2.s[1] + fmul v10.4s, v0.4s, v2.s[2] + fmul v11.4s, v0.4s, v2.s[3] - ld1 {v0.4s}, [x15], #16 - fmul v16.4s, v1.4s, v0.s[0] - fmul v17.4s, v1.4s, v0.s[1] - fmul v18.4s, v1.4s, v0.s[2] - fmul v19.4s, v1.4s, v0.s[3] - fmul v28.4s, v2.4s, v0.s[0] - fmul v29.4s, v2.4s, v0.s[1] - fmul v30.4s, v2.4s, v0.s[2] - fmul v31.4s, v2.4s, v0.s[3] + mov v5.16b, v2.16b + + fmul v20.4s, v1.4s, v2.s[0] + fmul v21.4s, v1.4s, v2.s[1] + fmul v22.4s, v1.4s, v2.s[2] + fmul v23.4s, v1.4s, v2.s[3] + + fmul v12.4s, v0.4s, v3.s[0] + fmul v13.4s, v0.4s, v3.s[1] + fmul v14.4s, v0.4s, v3.s[2] + fmul v15.4s, v0.4s, v3.s[3] + + mov v6.16b, v3.16b + + fmul v24.4s, v1.4s, v3.s[0] + fmul v25.4s, v1.4s, v3.s[1] + fmul v26.4s, v1.4s, v3.s[2] + fmul v27.4s, v1.4s, v3.s[3] + + fmul v16.4s, v0.4s, v4.s[0] + fmul v17.4s, v0.4s, v4.s[1] + fmul v18.4s, v0.4s, v4.s[2] + fmul v19.4s, v0.4s, v4.s[3] + + mov v7.16b, v4.16b + + fmul v28.4s, v1.4s, v4.s[0] + fmul v29.4s, v1.4s, v4.s[1] + fmul v30.4s, v1.4s, v4.s[2] + fmul v31.4s, v1.4s, v4.s[3] beq LoopLEnd LoopL1: subs x12, x12, #1 - ld1 {v0.s}[0], [x2], #4 - ushr v1.8b, v0.8b, #4 + ld1 {v2.s}[0], [x2], #4 + ushr v1.8b, v2.8b, #4 movi v3.8b, #0x0f - and v2.8b, v0.8b, v3.8b - zip1 v3.8b, v1.8b, v2.8b + and v0.8b, v2.8b, v3.8b + zip1 v0.8b, v1.8b, v0.8b - sxtl v0.8h, v3.8b - sxtl v1.4s, v0.4h - sxtl2 v2.4s, v0.8h - scvtf v0.4s, v1.4s - scvtf v1.4s, v2.4s - mov v2.16b, v7.16b - fmla v2.4s, v1.4s, v5.4s - mov v1.16b, v6.16b - fmla v1.4s, v0.4s, v4.4s - - ld1 {v0.4s}, [x15], #16 - fmla v8.4s, v1.4s, v0.s[0] - fmla v9.4s, v1.4s, v0.s[1] - fmla v10.4s, v1.4s, v0.s[2] - fmla v11.4s, v1.4s, v0.s[3] - fmla v20.4s, v2.4s, v0.s[0] - fmla v21.4s, v2.4s, v0.s[1] - fmla v22.4s, v2.4s, v0.s[2] - fmla v23.4s, v2.4s, v0.s[3] - - ld1 {v0.4s}, [x15], #16 - fmla v12.4s, v1.4s, v0.s[0] - fmla v13.4s, v1.4s, v0.s[1] - fmla v14.4s, v1.4s, v0.s[2] - fmla v15.4s, v1.4s, v0.s[3] - fmla v24.4s, v2.4s, v0.s[0] - fmla v25.4s, v2.4s, v0.s[1] - fmla v26.4s, v2.4s, v0.s[2] - fmla v27.4s, v2.4s, v0.s[3] - - ld1 {v0.4s}, [x15], #16 - fmla v16.4s, v1.4s, v0.s[0] - fmla v17.4s, v1.4s, v0.s[1] - fmla v18.4s, v1.4s, v0.s[2] - fmla v19.4s, v1.4s, v0.s[3] - fmla v28.4s, v2.4s, v0.s[0] - fmla v29.4s, v2.4s, v0.s[1] - fmla v30.4s, v2.4s, v0.s[2] - fmla v31.4s, v2.4s, v0.s[3] + ld1 {v2.4s, v3.4s, v4.4s}, [x15], #48 + + sxtl v0.8h, v0.8b + sxtl2 v1.4s, v0.8h + sxtl v0.4s, v0.4h + scvtf v0.4s, v0.4s + scvtf v1.4s, v1.4s + + fmla v8.4s, v0.4s, v2.s[0] + fmla v9.4s, v0.4s, v2.s[1] + fmla v10.4s, v0.4s, v2.s[2] + fmla v11.4s, v0.4s, v2.s[3] + + fadd v5.4s, v2.4s, v5.4s + + fmla v20.4s, v1.4s, v2.s[0] + fmla v21.4s, v1.4s, v2.s[1] + fmla v22.4s, v1.4s, v2.s[2] + fmla v23.4s, v1.4s, v2.s[3] + + fmla v12.4s, v0.4s, v3.s[0] + fmla v13.4s, v0.4s, v3.s[1] + fmla v14.4s, v0.4s, v3.s[2] + fmla v15.4s, v0.4s, v3.s[3] + + fadd v6.4s, v3.4s, v6.4s + + fmla v24.4s, v1.4s, v3.s[0] + fmla v25.4s, v1.4s, v3.s[1] + fmla v26.4s, v1.4s, v3.s[2] + fmla v27.4s, v1.4s, v3.s[3] + + fmla v16.4s, v0.4s, v4.s[0] + fmla v17.4s, v0.4s, v4.s[1] + fmla v18.4s, v0.4s, v4.s[2] + fmla v19.4s, v0.4s, v4.s[3] + + fadd v7.4s, v4.4s, v7.4s + + fmla v28.4s, v1.4s, v4.s[0] + fmla v29.4s, v1.4s, v4.s[1] + fmla v30.4s, v1.4s, v4.s[2] + fmla v31.4s, v1.4s, v4.s[3] bne LoopL1 @@ -157,6 +163,73 @@ LoopH: add x2, x2, x11 sub x10, x10, #2 cmp x10, #2 + + mov v0.16b, v5.16b + mov v1.16b, v6.16b + mov v2.16b, v7.16b + + ld1 {v4.4s, v5.4s}, [x19], #32 // alpha + ld1 {v6.4s, v7.4s}, [x20], #32 // bias + + fmul v8.4s, v8.4s, v4.4s + fmul v9.4s, v9.4s, v4.4s + fmul v10.4s, v10.4s, v4.4s + fmul v11.4s, v11.4s, v4.4s + + fmul v12.4s, v12.4s, v4.4s + fmul v13.4s, v13.4s, v4.4s + fmul v14.4s, v14.4s, v4.4s + fmul v15.4s, v15.4s, v4.4s + + fmul v16.4s, v16.4s, v4.4s + fmul v17.4s, v17.4s, v4.4s + fmul v18.4s, v18.4s, v4.4s + fmul v19.4s, v19.4s, v4.4s + + fmul v20.4s, v20.4s, v5.4s + fmul v21.4s, v21.4s, v5.4s + fmul v22.4s, v22.4s, v5.4s + fmul v23.4s, v23.4s, v5.4s + + fmul v24.4s, v24.4s, v5.4s + fmul v25.4s, v25.4s, v5.4s + fmul v26.4s, v26.4s, v5.4s + fmul v27.4s, v27.4s, v5.4s + + fmul v28.4s, v28.4s, v5.4s + fmul v29.4s, v29.4s, v5.4s + fmul v30.4s, v30.4s, v5.4s + fmul v31.4s, v31.4s, v5.4s + + fmla v8.4s, v6.4s, v0.s[0] + fmla v9.4s, v6.4s, v0.s[1] + fmla v10.4s, v6.4s, v0.s[2] + fmla v11.4s, v6.4s, v0.s[3] + + fmla v12.4s, v6.4s, v1.s[0] + fmla v13.4s, v6.4s, v1.s[1] + fmla v14.4s, v6.4s, v1.s[2] + fmla v15.4s, v6.4s, v1.s[3] + + fmla v16.4s, v6.4s, v2.s[0] + fmla v17.4s, v6.4s, v2.s[1] + fmla v18.4s, v6.4s, v2.s[2] + fmla v19.4s, v6.4s, v2.s[3] + + fmla v20.4s, v7.4s, v0.s[0] + fmla v21.4s, v7.4s, v0.s[1] + fmla v22.4s, v7.4s, v0.s[2] + fmla v23.4s, v7.4s, v0.s[3] + + fmla v24.4s, v7.4s, v1.s[0] + fmla v25.4s, v7.4s, v1.s[1] + fmla v26.4s, v7.4s, v1.s[2] + fmla v27.4s, v7.4s, v1.s[3] + + fmla v28.4s, v7.4s, v2.s[0] + fmla v29.4s, v7.4s, v2.s[1] + fmla v30.4s, v7.4s, v2.s[2] + fmla v31.4s, v7.4s, v2.s[3] cbz x4, StoreLH8 @@ -279,9 +352,6 @@ LoopHRemain: mov x15, x1 subs x12, x9, #1 - ld1 {v20.4s}, [x19], #16 // alpha - ld1 {v21.4s}, [x20], #16 // bias - ld1 {v0.s}[0], [x2], #4 ushr v1.8b, v0.8b, #4 movi v3.8b, #0x0f @@ -290,9 +360,7 @@ LoopHRemain: sxtl v0.8h, v0.8b sxtl v1.4s, v0.4h - scvtf v1.4s, v1.4s - mov v3.16b, v21.16b - fmla v3.4s, v1.4s, v20.4s + scvtf v3.4s, v1.4s ld1 {v0.4s}, [x15], #16 fmul v8.4s, v3.4s, v0.s[0] @@ -310,6 +378,10 @@ LoopHRemain: fmul v18.4s, v3.4s, v2.s[2] fmul v19.4s, v3.4s, v2.s[3] + mov v4.16b, v0.16b + mov v5.16b, v1.16b + mov v6.16b, v2.16b + beq LoopLREnd LoopLR: @@ -324,11 +396,7 @@ LoopHRemain: sxtl v0.8h, v3.8b sxtl2 v2.8h, v3.16b sxtl v1.4s, v0.4h - sxtl v2.4s, v2.4h - scvtf v1.4s, v1.4s - scvtf v2.4s, v2.4s - mov v3.16b, v21.16b - fmla v3.4s, v1.4s, v20.4s + scvtf v3.4s, v1.4s ld1 {v0.4s, v1.4s, v2.4s}, [x15], #48 fmla v8.4s, v3.4s, v0.s[0] @@ -344,9 +412,45 @@ LoopHRemain: fmla v18.4s, v3.4s, v2.s[2] fmla v19.4s, v3.4s, v2.s[3] + fadd v4.4s, v0.4s, v4.4s + fadd v5.4s, v1.4s, v5.4s + fadd v6.4s, v2.4s, v6.4s + bne LoopLR LoopLREnd: + ld1 {v20.4s}, [x19], #16 // alpha + ld1 {v21.4s}, [x20], #16 // bias + + fmul v8.4s, v8.4s, v20.4s + fmul v9.4s, v9.4s, v20.4s + fmul v10.4s, v10.4s, v20.4s + fmul v11.4s, v11.4s, v20.4s + + fmul v12.4s, v12.4s, v20.4s + fmul v13.4s, v13.4s, v20.4s + fmul v14.4s, v14.4s, v20.4s + fmul v15.4s, v15.4s, v20.4s + + fmul v16.4s, v16.4s, v20.4s + fmul v17.4s, v17.4s, v20.4s + fmul v18.4s, v18.4s, v20.4s + fmul v19.4s, v19.4s, v20.4s + + fmla v8.4s, v21.4s, v4.s[0] + fmla v9.4s, v21.4s, v4.s[1] + fmla v10.4s, v21.4s, v4.s[2] + fmla v11.4s, v21.4s, v4.s[3] + + fmla v12.4s, v21.4s, v5.s[0] + fmla v13.4s, v21.4s, v5.s[1] + fmla v14.4s, v21.4s, v5.s[2] + fmla v15.4s, v21.4s, v5.s[3] + + fmla v16.4s, v21.4s, v6.s[0] + fmla v17.4s, v21.4s, v6.s[1] + fmla v18.4s, v21.4s, v6.s[2] + fmla v19.4s, v21.4s, v6.s[3] cbz x4, StoreLH4 AddBiasLH4: diff --git a/source/backend/cpu/bf16/BF16Unary.cpp b/source/backend/cpu/bf16/BF16Unary.cpp index 112e940ac..16259cfd7 100644 --- a/source/backend/cpu/bf16/BF16Unary.cpp +++ b/source/backend/cpu/bf16/BF16Unary.cpp @@ -94,8 +94,10 @@ struct _Exp { void operator()(void* outRaw, const void* inpRaw, int realSize) const { auto out = (float*)outRaw; auto inp = (const float*)inpRaw; - float offset[2] = { + float offset[4] = { 1.0f, + 0.0f, + 0.0f, 0.0f }; MNNExp(out, inp, offset, realSize); @@ -105,9 +107,11 @@ struct _ExpM1 { void operator()(void* outRaw, const void* inpRaw, int realSize) const { auto out = (float*)outRaw; auto inp = (const float*)inpRaw; - float offset[2] = { + float offset[4] = { 1.0f, - -1.0f + -1.0f, + 0.0f, + 0.0f }; MNNExp(out, inp, offset, realSize); } diff --git a/source/backend/cpu/compute/CommonOptFunction.cpp b/source/backend/cpu/compute/CommonOptFunction.cpp index acc2c3c5f..72983f925 100644 --- a/source/backend/cpu/compute/CommonOptFunction.cpp +++ b/source/backend/cpu/compute/CommonOptFunction.cpp @@ -1976,12 +1976,13 @@ void MNNUnpackC4(float* dst, const float* src, size_t area, size_t depth, int* a MNNUnpackC4Common(dst, src, area, depth, areaOffset); } -void MNNExpC8(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8) { +void MNNExpC8(float* dest, const float* source, float* offset, const float* parameters, size_t countC8) { auto count = countC8 * 8; auto param = parameters[0]; float xLimit = 87; + float summer = offset[3]; for (int i = 0; i < count; ++i) { - auto x = source[i] * offset[0]; + auto x = source[i] * offset[0] + offset[2]; x = ALIMAX(x, -xLimit); x = ALIMIN(x, xLimit); int div = (x * parameters[1]); @@ -1993,7 +1994,9 @@ void MNNExpC8(float* dest, const float* source, const float* offset, const float ((((parameters[7] * t + parameters[6]) * t + parameters[5]) * t + parameters[4]) * t + parameters[3]) * t + parameters[2]; dest[i] = expBasic * expRemain + offset[1]; + summer+= dest[i]; } + offset[3] = summer; } void MNNSoftmax(float* dest, const float* source, size_t size) { @@ -2537,7 +2540,7 @@ void MNNPackTranspose(float* dst, const float* src, size_t area, size_t depth, i } } -void MNNExp(float* dst, const float* src, const float* offset, size_t dataSize) { +void MNNExp(float* dst, const float* src, float* offset, size_t dataSize) { int countC8 = static_cast(dataSize) / 8; int remain = static_cast(dataSize) % 8; float parameters[] = { @@ -2547,11 +2550,27 @@ void MNNExp(float* dst, const float* src, const float* offset, size_t dataSize) MNNExpC8(dst, src, offset, parameters, countC8); } if (remain > 0) { - float intmp[8] = {0}; - float outmp[8] = {0}; - ::memcpy(intmp, src + 8 * countC8, remain * sizeof(float)); - MNNExpC8(outmp, intmp, offset, parameters, 1); - ::memcpy(dst + 8 * countC8, outmp, remain * sizeof(float)); + auto param = parameters[0]; + float xLimit = 87; + float summer = offset[3]; + auto source = src + countC8 * 8; + auto dest = dst + countC8 * 8; + for (int i = 0; i < remain; ++i) { + auto x = source[i] * offset[0] + offset[2]; + x = ALIMAX(x, -xLimit); + x = ALIMIN(x, xLimit); + int div = (x * parameters[1]); + int div2 = (div + 127) << 23; + auto xReamin = x - div * param; + float expBasic = *(float*)(&div2); + auto t = xReamin; + auto expRemain = + ((((parameters[7] * t + parameters[6]) * t + parameters[5]) * t + parameters[4]) * t + parameters[3]) * t + + parameters[2]; + dest[i] = expBasic * expRemain + offset[1]; + summer+= dest[i]; + } + offset[3] = summer; } } @@ -2577,8 +2596,10 @@ void MNNTanh(float* dst, const float* src, size_t dataSize) { dst[i] = tanhf_poly(src[i]); } */ - float offset[2] = { + float offset[4] = { -2.0f, + 0.0f, + 0.0f, 0.0f }; MNNExp(dst, src, offset, dataSize); @@ -2798,19 +2819,32 @@ void MNNComputeMatMulForE_1(const float* A, const float* B, float* C, const floa C[y] = sumRemain + sumValue[0] + sumValue[1] + sumValue[2] + sumValue[3]; } } else { - auto hC4 = h / 4; - auto hR = hC4 * 4; + auto hC4 = h / 16; + auto hR = hC4 * 16; for (int y=tId; y(reinterpret_cast(alphaPtr) + hU * hP * bytes); ::memset(alphaPtr, 0, 2 * hU * hP * bytes); int h = int8Info->alpha.size(); - if (int8Info->canUseInt4) { + if (int8Info->canUseInt4 && int8Info->asymmetric) { // int4 to uint4, -8 offset merge to bias for (int i = 0; i < h/2; ++i) { int8Info->alpha.get()[2 * i] -= 8 * int8Info->alpha.get()[2 * i + 1]; @@ -61,6 +61,12 @@ bool ConvolutionHybrid::initQuantizeResource(std::shared_ptrMNNFp32ToLowp(int8Info->alpha.get(), reinterpret_cast(alphaPtr), h); + if (int8Info->canUseInt4) { + for (int i = 0; i < h; ++i) { + int8Info->alpha.get()[i] *= -8.0; + core->MNNFp32ToLowp(int8Info->alpha.get(), reinterpret_cast(biasPtr), h); + } + } } } else { if (int8Info->asymmetric) { @@ -72,7 +78,11 @@ bool ConvolutionHybrid::initQuantizeResource(std::shared_ptralpha.get()[i]; - biasPtr[i] = 0.f; + if (int8Info->canUseInt4) { + biasPtr[i] = -8.0 * int8Info->alpha.get()[i]; + } else { + biasPtr[i] = 0.f; + } } } } diff --git a/source/backend/cpu/compute/Int8FunctionsOpt.cpp b/source/backend/cpu/compute/Int8FunctionsOpt.cpp index e1f29a14e..2d046de25 100644 --- a/source/backend/cpu/compute/Int8FunctionsOpt.cpp +++ b/source/backend/cpu/compute/Int8FunctionsOpt.cpp @@ -142,58 +142,6 @@ static void _MNNPackC4Int8ForMatMul_ASparse(int8_t* destOrigin, int8_t const** s } } -void MNNNormInt8(int8_t* dst, const int8_t* src, const float* gamma, const float* beta, float epsilon, size_t size, QuanPrePostParameters* params, bool RMSNorm) { -#ifdef MNN_USE_SSE - uint8_t* srcPtr = (uint8_t*)src; - uint8_t* dstPtr = (uint8_t*)dst; - int offset = 128; -#else - const int8_t* srcPtr = src; - int8_t* dstPtr = dst; - int offset = 0; -#endif - int inpZero = static_cast(params->inputZeroPoint[0]); - int outZero = static_cast(params->outputZeroPoint[0]); - float inpScale = params->inputScale[0]; - float outScale = params->outputScale[0]; - float sum = 0.f; - int max_ = static_cast(params->maxValue); - int min_ = static_cast(params->minValue); - float mean = 0; - if(false == RMSNorm){ - for (int j = 0; j < size; ++j) { - float fx = (srcPtr[j] - inpZero - offset) * inpScale; - sum += fx; - } - mean = sum / size; - } - float square_sum = 0.f; - for (int j = 0; j < size; ++j) { - float fx = (srcPtr[j] - inpZero - offset) * inpScale; - square_sum += (fx - mean) * (fx - mean); - } - float variable = square_sum / size; - variable = 1.f / std::sqrt(variable + epsilon); - - if (gamma && beta) { - for (int j = 0; j < size; ++j) { - float fx = (srcPtr[j] - inpZero - offset) * inpScale; - float fy = (fx - mean) * variable * gamma[j] + beta[j]; - int sy = fy * outScale + outZero; - sy = ALIMAX(min_, ALIMIN(sy, max_)); - dstPtr[j] = sy + offset; - } - } else { - for (int j = 0; j < size; ++j) { - float fx = (srcPtr[j] - inpZero - offset) * inpScale; - float fy = (fx - mean) * variable; - int sy = roundf(fy * outScale) + outZero; - sy = ALIMAX(min_, ALIMIN(sy, max_)); - dstPtr[j] = sy + offset; - } - } -} - #ifndef MNN_USE_NEON void MNNPackedSparseQuantMatMulEpx1(int8_t* C, const int8_t* A, const int8_t* B, const size_t* sparseQuantParam, const QuanPostTreatParameters* post, unsigned int* NNZMap, int* dataOffsetMap) { @@ -2126,9 +2074,6 @@ void MNNCoreInt8FunctionInit() { gCoreFunc->MNNAvgPoolInt8 = MNNAvgPoolInt8; gCoreFunc->MNNMaxPoolInt8 = MNNMaxPoolInt8; - // Norm - gCoreFunc->MNNNormInt8 = MNNNormInt8; - // ReluWithSlopeChannel gCoreFunc->MNNReluWithSlopeChannelInt8 = MNNReluWithSlopeChannelInt8; diff --git a/source/backend/cpu/compute/Int8FunctionsOpt.h b/source/backend/cpu/compute/Int8FunctionsOpt.h index b23bd44b8..eea714090 100644 --- a/source/backend/cpu/compute/Int8FunctionsOpt.h +++ b/source/backend/cpu/compute/Int8FunctionsOpt.h @@ -67,7 +67,6 @@ void MNNBinarySqdInt8(int8_t* outputRaw, const int8_t* inputRaw0, const int8_t* void MNNBinaryMaxInt8(int8_t* outputRaw, const int8_t* inputRaw0, const int8_t* inputRaw1, ssize_t* inputScalesInt32, float* inputScalesFp32, const QuanPrePostParameters* params, size_t elementSize, size_t needBroadcast); void MNNBinaryMinInt8(int8_t* outputRaw, const int8_t* inputRaw0, const int8_t* inputRaw1, ssize_t* inputScalesInt32, float* inputScalesFp32, const QuanPrePostParameters* params, size_t elementSize, size_t needBroadcast); void MNNScaleAndAddBiasInt8(int8_t* dst, const int8_t* src, const int32_t* bias, const int32_t* alpha, int32_t mShiftBits, ssize_t minValue, ssize_t maxValue, int8_t* inputZeroPoint, int8_t* outputZeroPoint, ssize_t planeNumber, ssize_t biasNumber, ssize_t pack = 4); -void MNNNormInt8(int8_t* dst, const int8_t* src, const float* gamma, const float* beta, float epsilon, size_t size, QuanPrePostParameters* params, bool RMSNorm = false); #ifdef __cplusplus } #endif @@ -102,9 +101,6 @@ struct CoreInt8Functions { void (*MNNMaxPoolInt8)(int8_t* dst, int8_t* src, size_t outputWidth, size_t inputWidth, size_t kernelx, size_t kernely, size_t stridesx); void (*MNNAvgPoolInt8)(int8_t* dst, int8_t* src, size_t outputWidth, size_t inputWidth, size_t kernelx, size_t kernely, size_t stridesx, ssize_t paddingx, ssize_t factor); - // Norm - void (*MNNNormInt8)(int8_t* dst, const int8_t* src, const float* gamma, const float* beta, float epsilon, size_t size, QuanPrePostParameters* params, bool RMSNorm); - // Relu void (*MNNReluWithSlopeChannelInt8)(int8_t* dst, const int8_t* src, const float* slope, size_t planeNumber, size_t depthQuad, QuanPrePostParameters *params); }; diff --git a/source/backend/cpu/x86_x64/FunctionDispatcher.cpp b/source/backend/cpu/x86_x64/FunctionDispatcher.cpp index 044d0f0e3..f3dc97bdc 100644 --- a/source/backend/cpu/x86_x64/FunctionDispatcher.cpp +++ b/source/backend/cpu/x86_x64/FunctionDispatcher.cpp @@ -28,7 +28,7 @@ struct FunctionGroup { int eP = 12; int lP = 1; int hP = 4; - void (*MNNExpC8)(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8) = _SSE_MNNExpC8; + void (*MNNExpC8)(float* dest, const float* source, float* offset, const float* parameters, size_t countC8) = _SSE_MNNExpC8; void (*MNNSoftmax)(float* dest, const float* source, size_t size) = _SSE_MNNSoftmax; void (*MNNReluInt8)(int8_t* dst, const int8_t* src, size_t size, ssize_t zeroPoint) = _SSE_MNNReluInt8; void (*MNNHardSwish)(float* dst, const float* src, size_t size) = _SSE_MNNHardSwish; @@ -130,7 +130,6 @@ void MNNInt8FunctionInit() { auto core = MNN::MNNGetInt8CoreFunctions(); core->MNNAvgPoolInt8 = MNNAvgPoolUint8; core->MNNMaxPoolInt8 = MNNMaxPoolInt8_; - core->MNNNormInt8 = _SSE_MNNNormInt8; core->MNNReluWithSlopeChannelInt8 = _SSE_MNNReluWithSlopeChannelInt8; if (cpuFlags & libyuv::kCpuHasSSE41) { core->MNNFloat2Int8 = _SSE_MNNFloat2Int8; @@ -185,7 +184,7 @@ void MNNGelu(float* dst, const float* src, size_t size, float* parameters) { return gFunc.MNNGelu(dst, src, size, parameters); } -void MNNExpC8(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8) { +void MNNExpC8(float* dest, const float* source, float* offset, const float* parameters, size_t countC8) { gFunc.MNNExpC8(dest, source, offset, parameters, countC8); } diff --git a/source/backend/cpu/x86_x64/avx/FunctionSummary.hpp b/source/backend/cpu/x86_x64/avx/FunctionSummary.hpp index 5efad49af..e6056c907 100644 --- a/source/backend/cpu/x86_x64/avx/FunctionSummary.hpp +++ b/source/backend/cpu/x86_x64/avx/FunctionSummary.hpp @@ -55,7 +55,7 @@ void _AVX_MNNDynamicQuantFP32(const float* src, int8_t* dst, const float* scale, #endif void _AVX_MNNPackC4ForMatMul_A(float* destOrigin, float const** sourceGroup, const int32_t* info, const int32_t* el); -void _AVX_MNNExpC8(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8); +void _AVX_MNNExpC8(float* dest, const float* source, float* offset, const float* parameters, size_t countC8); void _AVX_MNNSoftmax(float* dest, const float* source, size_t size); void _AVX_MNNFloat2Int8(const float* src, int8_t* dst, size_t sizeQuad, const float* scalep, ssize_t minV, ssize_t maxV, ssize_t zeroPoint); void _AVX_MNNInt8ScaleToFloat(float* dst, const int8_t* src, const float* scale, size_t sizeQuad, ssize_t zeroPoint); diff --git a/source/backend/cpu/x86_x64/avx/GemmInt8.cpp b/source/backend/cpu/x86_x64/avx/GemmInt8.cpp index 2db0ffc37..18c4422d1 100644 --- a/source/backend/cpu/x86_x64/avx/GemmInt8.cpp +++ b/source/backend/cpu/x86_x64/avx/GemmInt8.cpp @@ -754,7 +754,4 @@ void _AVX_MNNInt8FunctionInit(void* functions) { // conv depthwise gAVX2CoreInt8Functions->ConvDepthwiseLineInt8 = _AVX_MNNLineDepthWiseInt8AddBiasScaleUnit; - - // Norm - gAVX2CoreInt8Functions->MNNNormInt8 = _AVX_MNNNormInt8; } diff --git a/source/backend/cpu/x86_x64/avx/MathFunctions.cpp b/source/backend/cpu/x86_x64/avx/MathFunctions.cpp index 7ada7603e..aef76a84c 100644 --- a/source/backend/cpu/x86_x64/avx/MathFunctions.cpp +++ b/source/backend/cpu/x86_x64/avx/MathFunctions.cpp @@ -59,10 +59,11 @@ void _AVX_MNNGelu(float *dst, const float *src, size_t size, float* parameters) _mm256_storeu_ps(dst + i * 8, y); } } -void _AVX_MNNExpC8(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8) { +void _AVX_MNNExpC8(float* dest, const float* source, float* offset, const float* parameters, size_t countC8) { auto count = countC8; auto A = _mm256_broadcast_ss(offset + 0); auto B = _mm256_broadcast_ss(offset + 1); + auto C = _mm256_broadcast_ss(offset + 2); auto p0 = _mm256_set1_ps(parameters[0]); auto p1 = _mm256_set1_ps(parameters[1]); auto p2 = _mm256_set1_ps(parameters[2]); @@ -76,8 +77,10 @@ void _AVX_MNNExpC8(float* dest, const float* source, const float* offset, const auto basic = _mm256_set1_epi32(1 << 23); auto temp127 = _mm256_set1_epi32(127); auto negZero = _mm256_set1_ps(-0.f); + auto summer = _mm256_setzero_ps(); for (int i = 0; i < count; ++i) { auto x = _mm256_mul_ps(_mm256_loadu_ps(source + i * 8), A); + x = _mm256_add_ps(x, C); x = _mm256_max_ps(x, xMin); x = _mm256_min_ps(x, xMax); auto div = _mm256_mul_ps(x, p1); @@ -99,8 +102,17 @@ void _AVX_MNNExpC8(float* dest, const float* source, const float* offset, const auto c8 = _mm256_mul_ps(c7, t); auto c9 = _mm256_add_ps(c8, p2); auto expRemain = c9; - _mm256_storeu_ps(dest + 8 * i, _mm256_add_ps(_mm256_mul_ps(expBasic, expRemain), B)); + auto res = _mm256_add_ps(_mm256_mul_ps(expBasic, expRemain), B); + _mm256_storeu_ps(dest + 8 * i, res); + summer = _mm256_add_ps(summer, res); } + float tmp[8]; + _mm256_storeu_ps(tmp, summer); + float total = offset[3]; + for (int i=0; i<8; ++i) { + total+=tmp[i]; + } + offset[3] = total; } @@ -270,82 +282,4 @@ void _AVX_MNNNorm(float *dst, const float *src, const float *gamma, const float dst[i] = (src[i] - mean) * variable; } } -} - -void _AVX_MNNNormInt8(int8_t* dst, const int8_t* src, const float* gamma, const float* beta, float epsilon, size_t size, QuanPrePostParameters* params, bool RMSNorm) { - float tmpfloat8[8]; - int count = static_cast(size / 8); - int remain = count * 8; - std::vector inpf(size); - std::vector outf(size); - std::vector inpScale(4, params->inputScale[0]); - std::vector outScale(4, params->outputScale[0]); - float* srcf = inpf.data(); - float* dstf = outf.data(); - // step 0: Int8 -> Float - _AVX_MNNInt8ScaleToFloat(inpf.data(), src, inpScale.data(), size / 4, params->inputZeroPoint[0]); - float mean = 0; - // step 1: get sum - if(!RMSNorm){ - float sum = 0.f; - if (count > 0) { - auto sumVal = _mm256_set1_ps(0.f); - for (int i = 0; i < count; i++) { - sumVal = _mm256_add_ps(sumVal, _mm256_loadu_ps(srcf + i * 8)); - } - _mm256_storeu_ps(tmpfloat8, sumVal); - for (int i = 0; i < 8; i++) { - sum += tmpfloat8[i]; - } - } - for (int i = remain; i < size; i++) { - sum += srcf[i]; - } - mean = sum / size; - } - // step 2: get square_sum - float square_sum = 0.f; - auto meanVal = _mm256_set1_ps(mean); - if (count > 0) { - auto sumVal = _mm256_set1_ps(0.f); - for (int i = 0; i < count; i++) { - auto x = _mm256_sub_ps(_mm256_loadu_ps(srcf + i * 8), meanVal); - sumVal = _mm256_add_ps(sumVal, _mm256_mul_ps(x, x)); - } - _mm256_storeu_ps(tmpfloat8, sumVal); - for (int i = 0; i < 8; i++) { - square_sum += tmpfloat8[i]; - } - } - for (int i = remain; i < size; i++) { - float x = (srcf[i] - mean); - square_sum += x * x; - } - // step 3: get result - float variable = square_sum / size; - variable = 1.f / sqrt(variable + epsilon); - auto variableVal = _mm256_set1_ps(variable); - if (gamma && beta) { - for (int i = 0; i < count; i++) { - auto x = _mm256_sub_ps(_mm256_loadu_ps(srcf + i * 8), meanVal); - auto g = _mm256_loadu_ps(gamma + i * 8); - auto b = _mm256_loadu_ps(beta + i * 8); - auto y = _mm256_add_ps(_mm256_mul_ps(_mm256_mul_ps(x, g), variableVal), b); - _mm256_storeu_ps(dstf + i * 8, y); - } - for (int i = remain; i < size; i++) { - dstf[i] = (srcf[i] - mean) * gamma[i] * variable + beta[i] ; - } - } else { - for (int i = 0; i < count; i++) { - auto x = _mm256_sub_ps(_mm256_loadu_ps(srcf + i * 8), meanVal); - auto y = _mm256_mul_ps(x, variableVal); - _mm256_storeu_ps(dstf + i * 8, y); - } - for (int i = remain; i < size; i++) { - dstf[i] = (srcf[i] - mean) * variable; - } - } - // step 4: Float -> Int8 - _AVX_MNNFloat2Int8(dstf, dst, size / 4, outScale.data(), params->minValue, params->maxValue, params->outputZeroPoint[0]); -} +} \ No newline at end of file diff --git a/source/backend/cpu/x86_x64/avxfma/FunctionSummary.hpp b/source/backend/cpu/x86_x64/avxfma/FunctionSummary.hpp index 577449db1..9d911dbb1 100644 --- a/source/backend/cpu/x86_x64/avxfma/FunctionSummary.hpp +++ b/source/backend/cpu/x86_x64/avxfma/FunctionSummary.hpp @@ -43,8 +43,7 @@ void _AVX_MNNPackedMatMulFMA_BF16(float* C, const float* A, const float* B, cons void _AVX_MNNPackedMatMulRemainFMA_BF16(float* C, const float* A, const float* B, size_t eSize, const size_t* parameter, const float* postParameters, const float* bias, const float* k, const float* b); void _AVX_MNNComputeMatMulForH_1FMA(const float* A, const float* B, float* C, const float* biasPtr, const MatMulParam* param, size_t tId); void _AVX_MNNGeluFMA(float *dst, const float *src, size_t size, float* parameters); -void _AVX_MNNExpC8FMA(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8); -void _AVX_MNNExpFMA(float* dst, const float* src, const float* offset, size_t dataSize); +void _AVX_MNNExpC8FMA(float* dest, const float* source, float* offset, const float* parameters, size_t countC8); void _AVX_MNNPackedSparseMatMulEpx1NFMA(float* C, const float* A, const float* B, size_t eSize, const size_t* parameter, const float* postParameters, const float* bias, unsigned int* NNZMap, int* dataOffsetMap); void _AVX_MNNPackedSparseMatMulEpx4NFMA(float* C, const float* A, const float* B, size_t eSize, const size_t* parameter, const float* postParameters, const float* bias, unsigned int* NNZMap, int* dataOffsetMap); diff --git a/source/backend/cpu/x86_x64/avxfma/MathFunctions.cpp b/source/backend/cpu/x86_x64/avxfma/MathFunctions.cpp index eeaab5cc5..e999d2633 100644 --- a/source/backend/cpu/x86_x64/avxfma/MathFunctions.cpp +++ b/source/backend/cpu/x86_x64/avxfma/MathFunctions.cpp @@ -55,10 +55,11 @@ void _AVX_MNNGeluFMA(float *dst, const float *src, size_t size, float* parameter } } -void _AVX_MNNExpC8FMA(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8) { +void _AVX_MNNExpC8FMA(float* dest, const float* source, float* offset, const float* parameters, size_t countC8) { auto count = countC8; auto A = _mm256_broadcast_ss(offset + 0); auto B = _mm256_broadcast_ss(offset + 1); + auto C = _mm256_broadcast_ss(offset + 2); auto p0 = _mm256_set1_ps(parameters[0]); auto p1 = _mm256_set1_ps(parameters[1]); auto p2 = _mm256_set1_ps(parameters[2]); @@ -72,8 +73,10 @@ void _AVX_MNNExpC8FMA(float* dest, const float* source, const float* offset, con auto basic = _mm256_set1_epi32(1 << 23); auto temp127 = _mm256_set1_epi32(127); auto negZero = _mm256_set1_ps(-0.f); + auto summer = _mm256_setzero_ps(); for (int i = 0; i < count; ++i) { auto x = _mm256_mul_ps(_mm256_loadu_ps(source + i * 8), A); + x = _mm256_add_ps(x, C); x = _mm256_max_ps(x, xMin); x = _mm256_min_ps(x, xMax); auto div = _mm256_mul_ps(x, p1); @@ -90,6 +93,15 @@ void _AVX_MNNExpC8FMA(float* dest, const float* source, const float* offset, con auto c7 = _mm256_fmadd_ps(c5, t, p3); auto c9 = _mm256_fmadd_ps(c7, t, p2); auto expRemain = c9; - _mm256_storeu_ps(dest + 8 * i, _mm256_fmadd_ps(expBasic, expRemain, B)); + auto res = _mm256_fmadd_ps(expBasic, expRemain, B); + summer = _mm256_add_ps(summer, res); + _mm256_storeu_ps(dest + 8 * i, res); } + float tmp[8]; + _mm256_storeu_ps(tmp, summer); + float total = offset[3]; + for (int i=0; i<8; ++i) { + total+=tmp[i]; + } + offset[3] = total; } diff --git a/source/backend/cpu/x86_x64/sse/FunctionSummary.hpp b/source/backend/cpu/x86_x64/sse/FunctionSummary.hpp index 7225618d8..d0a2fed31 100644 --- a/source/backend/cpu/x86_x64/sse/FunctionSummary.hpp +++ b/source/backend/cpu/x86_x64/sse/FunctionSummary.hpp @@ -72,7 +72,7 @@ void _SSE_MNNConvRunForLineDepthwise(float* dst, const float* src, const float* size_t srcHStep, size_t dstHStep); void _SSE_MNNGemmInt8AddBiasScale_16x4_Unit(int8_t* dst, const int8_t* src, const int8_t* weight, size_t src_depth_quad, size_t dst_step, size_t dst_depth_quad, const QuanPostTreatParameters* post, size_t realDst); -void _SSE_MNNExpC8(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8); +void _SSE_MNNExpC8(float* dest, const float* source, float* offset, const float* parameters, size_t countC8); void _SSE_MNNPackForMatMul_B(float* dest, const float* source, size_t h, size_t l, bool transpose); void _SSE_MNNFloat2Int8(const float* src, int8_t* dst, size_t sizeQuad, const float* scalep, ssize_t minValue, ssize_t maxValue, ssize_t zeroPoint); diff --git a/source/backend/cpu/x86_x64/sse/MathFunctions.cpp b/source/backend/cpu/x86_x64/sse/MathFunctions.cpp index 26381b16b..f5c66ce5f 100644 --- a/source/backend/cpu/x86_x64/sse/MathFunctions.cpp +++ b/source/backend/cpu/x86_x64/sse/MathFunctions.cpp @@ -13,10 +13,11 @@ #include "core/Macro.h" #include "FunctionSummary.hpp" -void _SSE_MNNExpC8(float* dest, const float* source, const float* offset, const float* parameters, size_t countC8) { +void _SSE_MNNExpC8(float* dest, const float* source, float* offset, const float* parameters, size_t countC8) { auto count = countC8 * 2; auto A = _mm_set1_ps(offset[0]); auto B = _mm_set1_ps(offset[1]); + auto C = _mm_set1_ps(offset[2]); auto p0 = _mm_set1_ps(parameters[0]); auto p1 = _mm_set1_ps(parameters[1]); auto p2 = _mm_set1_ps(parameters[2]); @@ -27,9 +28,11 @@ void _SSE_MNNExpC8(float* dest, const float* source, const float* offset, const auto p7 = _mm_set1_ps(parameters[7]); auto xMax = _mm_set1_ps(87); auto xMin = _mm_set1_ps(-87); + auto summer = _mm_setzero_ps(); // auto basic = _mm_set1_epi32(1 << 23); for (int i = 0; i < count; ++i) { auto x = _mm_mul_ps(_mm_loadu_ps(source + i * 4), A); + x = _mm_add_ps(x, C); x = _mm_max_ps(x, xMin); x = _mm_min_ps(x, xMax); auto div = _mm_mul_ps(x, p1); @@ -52,8 +55,17 @@ void _SSE_MNNExpC8(float* dest, const float* source, const float* offset, const auto c8 = _mm_mul_ps(c7, t); auto c9 = _mm_add_ps(c8, p2); auto expRemain = c9; - _mm_storeu_ps(dest + 4 * i, _mm_add_ps(_mm_mul_ps(expBasic, expRemain), B)); + auto res = _mm_add_ps(_mm_mul_ps(expBasic, expRemain), B); + _mm_storeu_ps(dest + 4 * i, res); + summer = _mm_add_ps(summer, res); } + float tmp[4]; + _mm_storeu_ps(tmp, summer); + float total = offset[3]; + for (int i=0; i<4; ++i) { + total+=tmp[i]; + } + offset[3] = total; } void _SSE_MNNSoftmax(float* dest, const float* source, size_t size) { @@ -277,79 +289,6 @@ void _SSE_MNNNorm(float *dst, const float *src, const float *gamma, const float } } } -void _SSE_MNNNormInt8(int8_t* dst, const int8_t* src, const float* gamma, const float* beta, float epsilon, size_t size, QuanPrePostParameters* params, bool RMSNorm) { - float tmpfloat4[4]; - int count = static_cast(size / 4); - int remain = count * 4; - float sum = 0.f; - std::vector inpf(size); - std::vector outf(size); - std::vector inpScale(4, params->inputScale[0]); - std::vector outScale(4, params->outputScale[0]); - float* srcf = inpf.data(); - float* dstf = outf.data(); - // step 0: Int8 -> Float - _SSE_MNNInt8ScaleToFloat(inpf.data(), src, inpScale.data(), size / 4, params->inputZeroPoint[0]); - float mean = 0; - if(!RMSNorm){ - // step 1: get sum - if (count > 0) { - auto sumVal = _mm_set1_ps(0.f); - for (int i = 0; i < count; i++) { - sumVal = _mm_add_ps(sumVal, _mm_loadu_ps(srcf + i * 4)); - } - _mm_storeu_ps(tmpfloat4, sumVal); - sum += (tmpfloat4[0] + tmpfloat4[1] + tmpfloat4[2] + tmpfloat4[3]); - } - for (int i = remain; i < size; i++) { - sum += srcf[i]; - } - mean = sum / size; - } - // step 2: get square_sum - float square_sum = 0.f; - auto meanVal = _mm_set1_ps(mean); - if (count > 0) { - auto sumVal = _mm_set1_ps(0.f); - for (int i = 0; i < count; i++) { - auto x = _mm_sub_ps(_mm_loadu_ps(srcf + i * 4), meanVal); - sumVal = _mm_add_ps(sumVal, _mm_mul_ps(x, x)); - } - _mm_storeu_ps(tmpfloat4, sumVal); - square_sum += (tmpfloat4[0] + tmpfloat4[1] + tmpfloat4[2] + tmpfloat4[3]); - } - for (int i = remain; i < size; i++) { - float x = (srcf[i] - mean); - square_sum += x * x; - } - // step 3: get result - float variable = square_sum / size; - variable = 1.f / sqrt(variable + epsilon); - auto variableVal = _mm_set1_ps(variable); - if (gamma && beta) { - for (int i = 0; i < count; i++) { - auto x = _mm_sub_ps(_mm_loadu_ps(srcf + i * 4), meanVal); - auto g = _mm_loadu_ps(gamma + i * 4); - auto b = _mm_loadu_ps(beta + i * 4); - auto y = _mm_add_ps(_mm_mul_ps(_mm_mul_ps(x, g), variableVal), b); - _mm_storeu_ps(dstf + i * 4, y); - } - for (int i = remain; i < size; i++) { - dstf[i] = (src[i] - mean) * gamma[i] * variable + beta[i] ; - } - } else { - for (int i = 0; i < count; i++) { - auto x = _mm_sub_ps(_mm_loadu_ps(srcf + i * 4), meanVal); - auto y = _mm_mul_ps(x, variableVal); - _mm_storeu_ps(dstf + i * 4, y); - } - for (int i = remain; i < size; i++) { - dstf[i] = (srcf[i] - mean) * variable; - } - } - // step 4: Float -> Int8 - _SSE_MNNFloat2Int8(dstf, dst, size / 4, outScale.data(), params->minValue, params->maxValue, params->outputZeroPoint[0]); -} void _SSE_MNNReluWithSlopeChannelInt8(int8_t* dst, const int8_t* src, const float* slope, size_t planeNumber, size_t depthQuad, QuanPrePostParameters *params) { uint8_t* dstO = (uint8_t*)dst; diff --git a/source/backend/metal/MetalAttention.mm b/source/backend/metal/MetalAttention.mm index 324266913..5bdba5fff 100644 --- a/source/backend/metal/MetalAttention.mm +++ b/source/backend/metal/MetalAttention.mm @@ -32,7 +32,11 @@ kernel void main0(const device T* input0 [[buffer(0)]], const device T* input1 [[buffer(1)]], device T* output [[buffer(2)]], device T* past_key [[buffer(3)]], +#ifdef FLOAT_MASK + const device T* mask [[buffer(4)]], +#else const device int* mask [[buffer(4)]], +#endif constant Param& param [[buffer(5)]], uint3 gid[[thread_position_in_grid]]) { const int x = gid.x; // query_seq_len @@ -65,7 +69,11 @@ kernel void main0(const device T* input0 [[buffer(0)]], out0 *= Vscale; +#ifdef FLOAT_MASK + out0 = mask[((x + 0) * key_seq_len + (z + 0))] + out0; +#else out0 = mask[((x + 0) * key_seq_len + (z + 0))] == 0 ? -FLT_MAX : out0; +#endif output[output_offset + x * key_seq_len + z] = (T)out0; #else const device T *B_offset = input1 + offset_head; @@ -187,12 +195,12 @@ virtual bool onClone(Backend* bn, const Op* op, Execution** dst) override { bool mIsDecode = false; std::shared_ptr mTempQK, mTempSoftMax; int mNumHead = 0, mHeadDim = 0, mValueH = 0; - id mKernel_softmax; + id mKernel_softmax = nil; - id mKernel_qk; - id mKernel_qkv; - id mKernelPrefill_qk; - id mKernelPrefill_qkv; + id mKernel_qk = nil; + id mKernel_qkv = nil; + id mKernelPrefill_qk = nil; + id mKernelPrefill_qkv = nil; id mParamQKV; id mParamSoftmax; }; @@ -205,57 +213,16 @@ virtual bool onClone(Backend* bn, const Op* op, Execution** dst) override { float scale; }; AttentionBufExecution::AttentionBufExecution(Backend *backend, bool kv_cahce) - : MetalExecution(backend) , mKVCache(kv_cahce){ + : MetalExecution(backend) , mKVCache(kv_cahce) { _init(); } void AttentionBufExecution::_init() { mCache.reset(new SharedCache); auto mtbn = static_cast(backend()); auto context = (__bridge MNNMetalContext *)mtbn->context(); - mKernel_softmax = [context pipelineWithName:@"softmax_plane" fp16:mtbn->useFp16InsteadFp32()]; mParamQKV = [context newDeviceBuffer:sizeof(Param) access:CPUWriteOnly]; mParamSoftmax = [context newDeviceBuffer:4 * sizeof(int) access:CPUWriteOnly]; - auto rt = mtbn->runtime(); - std::string T = "float"; - if (mtbn->useFp16InsteadFp32()) { - T = "half"; - } - std::vector keys = { - "matmul_qk_div_mask", - T - }; - auto pipeline = rt->findPipeline(keys); - if (nil == pipeline) { - // Rebuild Pipeline - MTLCompileOptions *decodeOption = [[MTLCompileOptions alloc] init]; - decodeOption.preprocessorMacros = @{ - @"T" : @(T.c_str()), - }; - - MTLCompileOptions* encodeOption = [[MTLCompileOptions alloc] init]; - encodeOption.preprocessorMacros = @{ - @"T" : @(T.c_str()), - @"FOR_PREFILL": @"1" - }; - mKernel_qk = mtbn->makeComputePipelineWithSourceOption(gMatMulDivMask, "main0", decodeOption); - mKernelPrefill_qk = mtbn->makeComputePipelineWithSourceOption(gMatMulDivMask, "main0", encodeOption); - mKernel_qkv = mtbn->makeComputePipelineWithSourceOption(gMatMulQKV, "main0", decodeOption); - mKernelPrefill_qkv = mtbn->makeComputePipelineWithSourceOption(gMatMulQKV, "main0", encodeOption); - rt->insertPipeline({"matmul_qk_div_mask", T}, mKernel_qk); - rt->insertPipeline({"matmul_qk_div_mask", T, "PREFILL"}, mKernelPrefill_qk); - rt->insertPipeline({"matmul_qkv", T}, mKernel_qkv); - rt->insertPipeline({"matmul_qkv", T, "PREFILL"}, mKernelPrefill_qkv); - } else { - mKernel_qk = rt->findPipeline({"matmul_qk_div_mask", T}); - mKernelPrefill_qk = rt->findPipeline({"matmul_qk_div_mask", T, "PREFILL"}); - mKernel_qkv = rt->findPipeline({"matmul_qkv", T}); - mKernelPrefill_qkv = rt->findPipeline({"matmul_qkv", T, "PREFILL"}); - } - MNN_ASSERT(nil != mKernel_qk); - MNN_ASSERT(nil != mKernel_qkv); - MNN_ASSERT(nil != mKernelPrefill_qk); - MNN_ASSERT(nil != mKernelPrefill_qkv); } void AttentionBufExecution::reallocKVCache() { @@ -315,7 +282,68 @@ virtual bool onClone(Backend* bn, const Op* op, Execution** dst) override { auto mtbn = static_cast(backend()); auto context = (__bridge MNNMetalContext *)mtbn->context(); auto shape = query->shape(); - + if (nil == mKernel_softmax) { + // Init Kernel + bool float_mask = (mask->getType() == halide_type_of()); + auto rt = mtbn->runtime(); + std::string T = "float"; + if (mtbn->useFp16InsteadFp32()) { + T = "half"; + } + std::vector qkKeys = { + {"matmul_qk_div_mask", T} + }; + std::vector qkvKeys = { + {"matmul_qkv", T} + }; + std::vector qkPrefillKeys = { + {"matmul_qk_div_mask", T, "FOR_PREFILL"} + }; + if (float_mask) { + qkPrefillKeys.emplace_back("FLOAT_MASK"); + } + std::vector qkvPrefillKeys = { + {"matmul_qkv", T, "FOR_PREFILL"} + }; + std::vector> keys = { + qkKeys, + qkvKeys, + qkPrefillKeys, + qkvPrefillKeys + }; + std::vector sources = { + gMatMulDivMask, + gMatMulQKV, + gMatMulDivMask, + gMatMulQKV, + }; + std::vector> pipelines(keys.size()); + for (int i=0; ifindPipeline(keys[i]); + if (nil == pipeline) { + // Rebuild Pipeline + MTLCompileOptions *option = [[MTLCompileOptions alloc] init]; + auto dic = [NSMutableDictionary dictionaryWithCapacity:0]; + [dic setValue:@(keys[i][1].c_str()) forKey:@"T"]; + for (int j=2; jmakeComputePipelineWithSourceOption(sources[i], "main0", option); + rt->insertPipeline(keys[i], pipeline); + } + pipelines[i] = pipeline; + } + mKernel_qk = pipelines[0]; + mKernel_qkv = pipelines[1]; + mKernelPrefill_qk = pipelines[2]; + mKernelPrefill_qkv = pipelines[3]; + MNN_ASSERT(nil != mKernel_qk); + MNN_ASSERT(nil != mKernel_qkv); + MNN_ASSERT(nil != mKernelPrefill_qk); + MNN_ASSERT(nil != mKernelPrefill_qkv); + mKernel_softmax = [context pipelineWithName:@"softmax_plane" fp16:mtbn->useFp16InsteadFp32()]; + } int seq_len = shape[1]; mNumHead = shape[2]; mHeadDim = shape[3]; diff --git a/source/backend/opencl/core/OpenCLRunningUtils.cpp b/source/backend/opencl/core/OpenCLRunningUtils.cpp index bddba3fe4..f374b6f73 100644 --- a/source/backend/opencl/core/OpenCLRunningUtils.cpp +++ b/source/backend/opencl/core/OpenCLRunningUtils.cpp @@ -574,11 +574,10 @@ bool localWSTune(const std::map(gws[j]) - static_cast(gwsAndLws[i].first[j])); } - point = sqrt(point); if(point < minPoint){ index = i; minPoint = point; diff --git a/source/backend/opencl/core/runtime/OpenCLRuntime.cpp b/source/backend/opencl/core/runtime/OpenCLRuntime.cpp index 040993b23..ee7b149e6 100644 --- a/source/backend/opencl/core/runtime/OpenCLRuntime.cpp +++ b/source/backend/opencl/core/runtime/OpenCLRuntime.cpp @@ -110,7 +110,7 @@ OpenCLRuntime::OpenCLRuntime(const BackendConfig::PrecisionMode precision, const } #endif - if (deviceName == "QUALCOMM Adreno(TM)") { + if (deviceName.find("QUALCOMM Adreno") != std::string::npos) { mGpuType = ADRENO; // if device is QUALCOMM's and version is 2.0 , set spacial optimized param @@ -582,12 +582,14 @@ std::shared_ptr OpenCLRuntime::buildKernelWithCache(const std::strin buildOptionsStr += " -DINPUT_TYPE_I4=half4"; buildOptionsStr += " -DINPUT_TYPE=half"; buildOptionsStr += " -DINPUT_TYPE4=half4"; + buildOptionsStr += " -DINPUT_TYPE16=half16"; buildOptionsStr += " -DRI_DATA=read_imageh"; }else{ buildOptionsStr += " -DINPUT_TYPE_I=float"; buildOptionsStr += " -DINPUT_TYPE_I4=float4"; buildOptionsStr += " -DINPUT_TYPE=float"; buildOptionsStr += " -DINPUT_TYPE4=float4"; + buildOptionsStr += " -DINPUT_TYPE16=float16"; buildOptionsStr += " -DRI_DATA=read_imagef"; } } @@ -601,11 +603,13 @@ std::shared_ptr OpenCLRuntime::buildKernelWithCache(const std::strin if(output->getType().bits == 8){ buildOptionsStr += " -DOUTPUT_TYPE=char"; buildOptionsStr += " -DOUTPUT_TYPE4=char4"; + buildOptionsStr += " -DOUTPUT_TYPE16=char16"; buildOptionsStr += " -DCONVERT_OUTPUT4=convert_char4"; buildOptionsStr += " -DWI_DATA=write_imagei"; } else if(output->getType().bits == 32){ buildOptionsStr += " -DOUTPUT_TYPE=int"; buildOptionsStr += " -DOUTPUT_TYPE4=int4"; + buildOptionsStr += " -DOUTPUT_TYPE16=int16"; buildOptionsStr += " -DCONVERT_OUTPUT4=convert_int4"; buildOptionsStr += " -DWI_DATA=write_imagei"; } else { @@ -619,11 +623,13 @@ std::shared_ptr OpenCLRuntime::buildKernelWithCache(const std::strin if(output->getType().bits == 8){ buildOptionsStr += " -DOUTPUT_TYPE=uchar"; buildOptionsStr += " -DOUTPUT_TYPE4=uchar4"; + buildOptionsStr += " -DOUTPUT_TYPE16=uchar16"; buildOptionsStr += " -DCONVERT_OUTPUT4=convert_uchar4"; buildOptionsStr += " -DWI_DATA=write_imageui"; } else if(output->getType().bits == 32){ buildOptionsStr += " -DOUTPUT_TYPE=uint"; buildOptionsStr += " -DOUTPUT_TYPE4=uint4"; + buildOptionsStr += " -DOUTPUT_TYPE16=uint16"; buildOptionsStr += " -DCONVERT_OUTPUT4=convert_uint4"; buildOptionsStr += " -DWI_DATA=write_imageui"; } else { @@ -637,7 +643,9 @@ std::shared_ptr OpenCLRuntime::buildKernelWithCache(const std::strin buildOptionsStr += " -DCONVERT_OUTPUT_I4=convert_half4"; buildOptionsStr += " -DOUTPUT_TYPE=half"; buildOptionsStr += " -DOUTPUT_TYPE4=half4"; + buildOptionsStr += " -DOUTPUT_TYPE16=half16"; buildOptionsStr += " -DCONVERT_OUTPUT4=convert_half4"; + buildOptionsStr += " -DCONVERT_OUTPUT16=convert_half16"; buildOptionsStr += " -DWI_DATA=write_imageh"; }else{ buildOptionsStr += " -DOUTPUT_TYPE_I=float"; @@ -645,7 +653,9 @@ std::shared_ptr OpenCLRuntime::buildKernelWithCache(const std::strin buildOptionsStr += " -DCONVERT_OUTPUT_I4=convert_float4"; buildOptionsStr += " -DOUTPUT_TYPE=float"; buildOptionsStr += " -DOUTPUT_TYPE4=float4"; + buildOptionsStr += " -DOUTPUT_TYPE16=float16"; buildOptionsStr += " -DCONVERT_OUTPUT4=convert_float4"; + buildOptionsStr += " -DCONVERT_OUTPUT16=convert_float16"; buildOptionsStr += " -DWI_DATA=write_imagef"; } } @@ -910,7 +920,11 @@ void OpenCLRuntime::printEventTime(){ return; } int raster_num = 0, raster_time = 0; - unsigned int conv_time = 0, while_time = 0; + unsigned int conv_time = 0, loop_bg_time = 0, loop_bg_gemm_time = 0; + unsigned int conv_gemm2_buf_time = 0, conv_gemm1_buf_time = 0; + unsigned int conv_1x1_buf_time = 0, conv_ori_buf_time = 0, wino_gemm_time = 0; + + std::vector> kernels(mEvents.size()); for(int i = 0; i < mEvents.size(); ++i){ auto event = &mEvents[i].second; cl_int res = event->wait(); @@ -919,16 +933,52 @@ void OpenCLRuntime::printEventTime(){ auto StopNanos = event->getProfilingInfo(); auto kernel_time = (unsigned int)((StopNanos - StartNanos) / 1000.0); mKernelTime += kernel_time; - if(mEvents[i].first == "ConvBuf2D" || (mEvents[i].first.length() >= 11 && mEvents[i].first.substr(0, 11) == "Convolution")) { + if (mEvents[i].first.length() >= 15 && mEvents[i].first.substr(0, 15) == "ConvBuf2D-gemm2") { + conv_gemm2_buf_time += kernel_time; + conv_time += kernel_time; + } else if (mEvents[i].first.length() >= 15 && mEvents[i].first.substr(0, 15) == "ConvBuf2D-gemm1") { + conv_gemm1_buf_time += kernel_time; + conv_time += kernel_time; + } else if (mEvents[i].first.length() >= 17 && mEvents[i].first.substr(0, 17) == "ConvBuf2D-conv1x1") { + conv_1x1_buf_time += kernel_time; + conv_time += kernel_time; + } else if (mEvents[i].first.length() >= 13 && mEvents[i].first.substr(0, 13) == "ConvBuf2D-ori") { + conv_ori_buf_time += kernel_time; conv_time += kernel_time; + } else if (mEvents[i].first.length() >= 11 && mEvents[i].first.substr(0, 11) == "Convolution") { + conv_time += kernel_time; + } + if((mEvents[i].first.length() >= 10 && mEvents[i].first.substr(0, 10) == "While-gemm")) { + loop_bg_time += kernel_time; } - if((mEvents[i].first.length() >= 5 && mEvents[i].first.substr(0, 5) == "While")) { - while_time += kernel_time; + if((mEvents[i].first.length() >= 20 && mEvents[i].first.substr(0, 20) == "While-gemm-batchgemm")) { + loop_bg_gemm_time += kernel_time; } - MNN_PRINT("kernel time = %d us %s\n", kernel_time, mEvents[i].first.c_str()); + if((mEvents[i].first.length() >= 23 && mEvents[i].first.substr(0, 23) == "Conv-winograd-batchgemm")) { + wino_gemm_time += kernel_time; + conv_time += kernel_time; + } + + kernels[i] = std::make_pair(mEvents[i].first, kernel_time); + } +#ifdef SORT_PROFILE_TIME + for(int i = 0; i < mEvents.size(); i++) { + for(int j = i+1; j < mEvents.size(); j++) { + if(kernels[i].second > kernels[j].second) { + auto tmp = kernels[i]; + kernels[i].first = kernels[j].first; + kernels[i].second = kernels[j].second; + kernels[j].first = tmp.first; + kernels[j].second = tmp.second; + } + } + } +#endif + for(int i = 0; i < mEvents.size(); i++) { + MNN_PRINT("kernel time = %d us %s\n", kernels[i].second, kernels[i].first.c_str()); } mEvents.clear(); - MNN_PRINT("total kernel time = %d us, conv time = %d us, while time = %d us\n", mKernelTime, conv_time, while_time); + MNN_PRINT("total kernel time = %d us, conv time = %d us (gemm2:%d us, gemm1:%d us, 1x1:%d us, ori:%d us, wino: %d us, other: %d us), while gemm time = %d us (core gemm time: %d us)\n", mKernelTime, conv_time, conv_gemm2_buf_time, conv_gemm1_buf_time, conv_1x1_buf_time, conv_ori_buf_time, wino_gemm_time, conv_time-conv_gemm2_buf_time-conv_gemm1_buf_time-conv_1x1_buf_time-conv_ori_buf_time-wino_gemm_time, loop_bg_time, loop_bg_gemm_time); #endif } } // namespace MNN diff --git a/source/backend/opencl/execution/buffer/AttentionBufExecution.cpp b/source/backend/opencl/execution/buffer/AttentionBufExecution.cpp index 6006882fd..3ff74740f 100644 --- a/source/backend/opencl/execution/buffer/AttentionBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/AttentionBufExecution.cpp @@ -25,11 +25,7 @@ void AttentionBufImpl::allocKVCache() { return; } mMaxLength = mPastLength + mExpandChunk; - int byte = 4; - if(mOpenCLBackend->getOpenCLRuntime()->isSupportedFP16()){ - byte = 2; - } - size_t buffer_size = UP_DIV(mMaxLength, 4) * mNumHead * mHeadDim * 4 * byte; + size_t buffer_size = UP_DIV(mMaxLength, 4) * mNumHead * mHeadDim * 4 * mByte; // past_key: [1, numhead, headdim, maxlen] mPastKey.reset(new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, buffer_size)); // past_value: [1, numhead, maxlen, headdim] @@ -40,13 +36,9 @@ void AttentionBufImpl::reallocKVCache() { if (!mKVCache || mPastLength < mMaxLength) { return; } - int byte = 4; - if(mOpenCLBackend->getOpenCLRuntime()->isSupportedFP16()){ - byte = 2; - } - size_t old_size = mNumHead * UP_DIV(mMaxLength, 4) * mHeadDim * 4 * byte; + size_t old_size = mNumHead * UP_DIV(mMaxLength, 4) * mHeadDim * 4 * mByte; mMaxLength = mPastLength + mExpandChunk; - size_t buffer_size = UP_DIV(mMaxLength, 4) * mNumHead * mHeadDim * 4 * byte; + size_t buffer_size = UP_DIV(mMaxLength, 4) * mNumHead * mHeadDim * 4 * mByte; // past_key: [1, numhead, headdim, maxlen] auto new_key = new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, buffer_size); // past_value: [1, numhead, maxlen, headdim] @@ -77,7 +69,7 @@ void AttentionBufImpl::reallocKVCache() { mPastKey.reset(new_key); mPastValue.reset(new_value); - size_t temp_size = UP_DIV(mMaxLength, 4) * mNumHead * 4 * byte; + size_t temp_size = UP_DIV(mMaxLength, 4) * mNumHead * 4 * mByte; mTempQK.reset(new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, temp_size)); mTempSoftMax.reset(new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, temp_size)); @@ -145,17 +137,16 @@ ErrorCode AttentionBufImpl::onResize(Backend *backend, const std::vectorgetOpenCLRuntime()->isSupportedFP16()){ - byte = 2; + mByte = 2; } + allocKVCache(); if (mIsDecode) { - size_t buffer_size = UP_DIV(mMaxLength, 4) * mNumHead * 4 * byte; + size_t buffer_size = UP_DIV(mMaxLength, 4) * mNumHead * 4 * mByte; mTempQK.reset(new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, buffer_size)); mTempSoftMax.reset(new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, buffer_size)); } else { - size_t buffer_size = UP_DIV(mPastLength, 4) * mPastLength * mNumHead * 4 * byte; + size_t buffer_size = UP_DIV(mPastLength, 4) * mPastLength * mNumHead * 4 * mByte; mTempQK.reset(new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, buffer_size)); mTempSoftMax.reset(new cl::Buffer(mOpenCLBackend->getOpenCLRuntime()->context(), CL_MEM_READ_WRITE | CL_MEM_ALLOC_HOST_PTR, buffer_size)); } @@ -169,6 +160,9 @@ ErrorCode AttentionBufImpl::onResize(Backend *backend, const std::vectorgetType() == halide_type_of()){ + buildOption.emplace("-DADD_MASK"); + } mKernel_qk = runtime->buildKernel("attention_buf", "matmul_qk_div_mask", buildOption, inputs[0], outputs[0]); mGlobalWorkSizeQk = {static_cast(UP_DIV(seq_len, 4)), static_cast(mNumHead), static_cast(UP_DIV(mKv_seq_len, 4))}; auto maxWorkGroupSize = static_cast(runtime->getMaxWorkGroupSize(mKernel_qk)); @@ -209,7 +203,7 @@ ErrorCode AttentionBufImpl::onResize(Backend *backend, const std::vectorgetMaxWorkItemSizes()[0], mMaxWorkGroupSize); + auto MaxLocalSize = std::min(std::min(runtime->getMaxWorkItemSizes()[0], mMaxWorkGroupSize), static_cast(512)); int localSize = getLocalSize(mKv_seq_len, MaxLocalSize); if(localSize < 4){ localSize = 1; @@ -269,10 +263,7 @@ ErrorCode AttentionBufImpl::onResize(Backend *backend, const std::vectorbuildKernel("attention_buf", "matmul_qkv", buildOption, inputs[0], outputs[0]); auto maxWorkGroupSize = static_cast(runtime->getMaxWorkGroupSize(mKernel_qkv)); - mGlobalWorkSizeQkv = {static_cast(UP_DIV(seq_len, 4)), static_cast(mNumHead), static_cast(mHeadDim)}; - if(mIsDecode){ - mGlobalWorkSizeQkv = {static_cast(1), static_cast(mNumHead), static_cast(UP_DIV(mHeadDim, 4))}; - } + mGlobalWorkSizeQkv = {static_cast(UP_DIV(seq_len, 4)), static_cast(mNumHead), static_cast(UP_DIV(mHeadDim, 4))}; uint32_t index = 0; cl_int ret = CL_SUCCESS; diff --git a/source/backend/opencl/execution/buffer/AttentionBufExecution.hpp b/source/backend/opencl/execution/buffer/AttentionBufExecution.hpp index 1d6ac005b..20ee66ec6 100644 --- a/source/backend/opencl/execution/buffer/AttentionBufExecution.hpp +++ b/source/backend/opencl/execution/buffer/AttentionBufExecution.hpp @@ -61,6 +61,7 @@ class AttentionBufImpl { int mSoftmaxShape[4]; cl_recording_qcom mRecording{NULL}; std::vector mOpRecordUpdateInfo; + int mByte = 4; }; class AttentionBufExecution : public CommonExecution { diff --git a/source/backend/opencl/execution/buffer/BinaryBufExecution.cpp b/source/backend/opencl/execution/buffer/BinaryBufExecution.cpp index 2455d7943..35c98970c 100644 --- a/source/backend/opencl/execution/buffer/BinaryBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/BinaryBufExecution.cpp @@ -257,20 +257,33 @@ ErrorCode BinaryBufExecution::onEncode(const std::vector &inputs, cons #endif /* MNN_SUPPORT_INTEL_SUBGROUP */ int shape[4] = {outputShape[0], outputShape[1], outputShape[2], UP_DIV(outputShape[3], 4)}; int fullCount[2] = {1, 1}; + fullCount[0] = realSize(inputs[0]) == 1 ? 0 : 1; + fullCount[1] = realSize(inputs[1]) == 1 ? 0 : 1; int activationType = 0; if(mOp->type() == OpType_BinaryOp) { activationType = mOp->main_as_BinaryOp()->activationType(); } auto &unit = mUnits[0]; - unit.kernel = runTime->buildKernel("binary_buf", "binary_buf", mBuildOptions, inputs[0], output); + + std::set buildOptions = mBuildOptions; + int wh_pack = 1; + if((outputShape[1]*outputShape[2]) % 4 == 0) { + wh_pack = 4; + buildOptions.emplace("-DWH_PACK4"); + } + if(fullCount[0] == 0) { + buildOptions.emplace("-DA_SINGLE"); + } + if(fullCount[1] == 0) { + buildOptions.emplace("-DB_SINGLE"); + } + unit.kernel = runTime->buildKernel("binary_buf", "binary_buf", buildOptions, inputs[0], output); mMaxWorkGroupSize = static_cast(runTime->getMaxWorkGroupSize(unit.kernel)); mGlobalWorkSize = {(uint32_t)UP_DIV(outputShape[3], 4) * outputShape[0], - (uint32_t)outputShape[1]*outputShape[2]}; - fullCount[0] = realSize(inputs[0]) == 1 ? 0 : 1; - fullCount[1] = realSize(inputs[1]) == 1 ? 0 : 1; - + (uint32_t)UP_DIV(outputShape[1]*outputShape[2], wh_pack)}; + uint32_t index = 0; cl_int ret = CL_SUCCESS; ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[0]); @@ -284,7 +297,7 @@ ErrorCode BinaryBufExecution::onEncode(const std::vector &inputs, cons MNN_CHECK_CL_SUCCESS(ret, "setArg BinaryBufExecution"); std::string name = "binary_buf"; - mLocalWorkSize = localWS2DDefault(mGlobalWorkSize, mMaxWorkGroupSize, openCLBackend->getOpenCLRuntime(), name, unit.kernel).first; + mLocalWorkSize = {(uint32_t)16, (uint32_t)16}; unit.globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1]}; unit.localWorkSize = {mLocalWorkSize[0], mLocalWorkSize[1]}; @@ -293,7 +306,15 @@ ErrorCode BinaryBufExecution::onEncode(const std::vector &inputs, cons fullCount[0] = 1; fullCount[1] = realSize(inputs[i]) == 1 ? 0 : 1; auto &unit = mUnits[i-1]; - unit.kernel = runTime->buildKernel("binary_buf", "binary_buf", mBuildOptions, inputs[i], output); + + std::set buildOptions = mBuildOptions; + if((outputShape[1]*outputShape[2]) % 4 == 0) { + buildOptions.emplace("-DWH_PACK4"); + } + if(fullCount[1] == 0) { + buildOptions.emplace("-DB_SINGLE"); + } + unit.kernel = runTime->buildKernel("binary_buf", "binary_buf", buildOptions, inputs[i], output); uint32_t index = 0; ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[0]); diff --git a/source/backend/opencl/execution/buffer/ConvBufExecution.cpp b/source/backend/opencl/execution/buffer/ConvBufExecution.cpp index e0d6697b9..fc3778133 100644 --- a/source/backend/opencl/execution/buffer/ConvBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/ConvBufExecution.cpp @@ -335,10 +335,68 @@ ConvBufExecution::ConvBufExecution(const std::vector &inputs, const st int weightSize = 0; ConvolutionCommon::getConvParameters(&quanCommon, backend, conv2dParams, &mFilterDataPtr, &weightSize); //select opt conv method - mResource->mConv1x1Opt = (mResource->mKernelHeight == mResource->mKernelWidth && mResource->mKernelHeight == 1 && mPaddings[0] == 0 && - mPaddings[1] == 0 && mResource->mStrides[0] == 1 && mResource->mStrides[1] == 1 && inputs[0]->width() >= 4); + bool isConv1x1 = (mResource->mKernelHeight == mResource->mKernelWidth && mResource->mKernelHeight == 1 && mPaddings[0] == 0 && + mPaddings[1] == 0 && mResource->mStrides[0] == 1 && mResource->mStrides[1] == 1); + bool useConvGemm = isConv1x1 && inputs[0]->width() == 1 && inputs[0]->height() == 1; + if (useConvGemm) { + // Enough computation + bool isTotalLarge = (inputs[0]->batch() * 1.0 / 512 * mResource->mInputChannel / 512 * mResource->mOutputChannel / 512 > 1.0); + bool isEachDimLarge = (inputs[0]->batch() > 256 && mResource->mInputChannel > 128 && mResource->mOutputChannel > 256); + if(isTotalLarge && isEachDimLarge) { + mResource->mConvGemmOptLevel = 2; + } else if(isTotalLarge && inputs[0]->batch() % 64 == 0 && mResource->mInputChannel % 8 == 0 && mResource->mOutputChannel % 64 == 0) { + mResource->mConvGemmOptLevel = 1; + } + } + mResource->mConv1x1Opt = isConv1x1 && inputs[0]->width() >= 4; } - if (mResource->mConv1x1Opt) { + if (mResource->mConvGemmOptLevel > 0) { + // Tile Match with mConvGemmOptLevel == 2 + int tileK = 32; + int tileN = 128; + + if(mResource->mConvGemmOptLevel == 1) { + tileK = 8; + tileN = 64; + } + + int buffer_size = ROUND_UP(mResource->mOutputChannel, tileN) * ROUND_UP(mResource->mInputChannel, tileK); + mResource->mFilter.reset( + Tensor::createDevice({buffer_size})); + mOpenCLBackend->onAcquireBuffer(mResource->mFilter.get(), Backend::STATIC); + + if (mOpenCLBackend->getOpenCLRuntime()->isSupportedFP16()) { + buffer_size *= sizeof(half_float::half); + } else { + buffer_size *= sizeof(float); + } + + cl::Buffer &filterBuffer = openCLBuffer(mResource->mFilter.get()); + cl_int error; + auto ptrCL = mOpenCLBackend->getOpenCLRuntime()->commandQueue().enqueueMapBuffer( + filterBuffer, true, CL_MAP_WRITE, 0, buffer_size, nullptr, nullptr, &error); + if(nullptr != ptrCL && error == CL_SUCCESS){ + memset((void *)ptrCL, 0, buffer_size); + if (mOpenCLBackend->getOpenCLRuntime()->isSupportedFP16()) { + // [Ci, Co] ( [K, N] ) + for (int o = 0; o < mResource->mOutputChannel; o++) { + for (int i = 0; i < mResource->mInputChannel; i++) { + ((half_float::half *)ptrCL)[i * ROUND_UP(mResource->mOutputChannel, tileN) + o] = (half_float::half)(mFilterDataPtr[o * mResource->mInputChannel + i]); + } + } + } else { + for (int o = 0; o < mResource->mOutputChannel; o++) { + for (int i = 0; i < mResource->mInputChannel; i++) { + ((float *)ptrCL)[i * ROUND_UP(mResource->mOutputChannel, tileN) + o] = (mFilterDataPtr[o * mResource->mInputChannel + i]); + } + } + } + }else{ + MNN_ERROR("Map error filterPtrCL == nullptr \n"); + } + mOpenCLBackend->getOpenCLRuntime()->commandQueue().enqueueUnmapMemObject(filterBuffer, ptrCL); + + } else if (mResource->mConv1x1Opt) { //At first, set packCout equal to 4 if(mResource->mOutputChannel >= 16){ setConv1x1WeightBuffer(8, 4, mFilterDataPtr); @@ -448,8 +506,173 @@ ErrorCode ConvBufExecution::onResize(const std::vector &inputs, const mPaddings[0] = padding.second;//padY mPaddings[1] = padding.first;//padX + // printf("nchw %d %d %d %d, cohw %d %d %d, khw %d %d gemm:%d \n", inputs[0]->batch(), inputs[0]->channel(), inputs[0]->height(), inputs[0]->width(), outputs[0]->channel(), outputs[0]->height(), outputs[0]->width(), mResource->mKernelWidth, mResource->mKernelHeight, mResource->mConvGemmOptLevel); + std::string info = std::to_string(inputChannels) + "_" + std::to_string(outChannel) + "_" + std::to_string(mResource->mKernelHeight) + "_" + std::to_string(mResource->mKernelWidth) + "_" + std::to_string(mResource->mStrides[0]) + "_" + std::to_string(mResource->mStrides[1]) + "_" + std::to_string(mResource->mDilations[0]) + "_" + std::to_string(mResource->mDilations[1]); - if (mResource->mConv1x1Opt) { + + if (mResource->mConvGemmOptLevel == 2) { + // set large tile + int tileM = 128; + int tileN = 128; + int tileK = 32; + int localM = 32; + int localN = 8; + int M = outputShape.at(0); + int N = outputShape.at(3); + int K = inputShape.at(3); + int alignM = ROUND_UP(M, tileM); + int alignN = ROUND_UP(N, tileN); + int alignK = ROUND_UP(K, tileK); + + // ReArrange input + mConvGemmInpTensor.reset(Tensor::createDevice({alignK * alignM})); + mConvGemmOutTensor.reset(Tensor::createDevice({alignN * alignM})); + mOpenCLBackend->onAcquireBuffer(mConvGemmInpTensor.get(), Backend::DYNAMIC); + mOpenCLBackend->onAcquireBuffer(mConvGemmOutTensor.get(), Backend::DYNAMIC); + mOpenCLBackend->onReleaseBuffer(mConvGemmOutTensor.get(), Backend::DYNAMIC); + mOpenCLBackend->onReleaseBuffer(mConvGemmInpTensor.get(), Backend::DYNAMIC); + { + std::set buildOptions; + mPreKernel = mOpenCLBackend->getOpenCLRuntime()->buildKernel("gemm_buf", "transpose_pad", buildOptions); + uint32_t maxWorkGroupSize = static_cast(mOpenCLBackend->getOpenCLRuntime()->getMaxWorkGroupSize(mPreKernel)); + mPreGlobalWorkSize = {static_cast(alignM/4), static_cast(alignK/4)}; + + int offset = 0; + int idx = 0; + cl_int ret = CL_SUCCESS; + ret |= mPreKernel->get().setArg(idx++, static_cast(mPreGlobalWorkSize[0])); + ret |= mPreKernel->get().setArg(idx++, static_cast(mPreGlobalWorkSize[1])); + ret |= mPreKernel->get().setArg(idx++, static_cast(alignM)); + ret |= mPreKernel->get().setArg(idx++, static_cast(alignK)); + ret |= mPreKernel->get().setArg(idx++, static_cast(M)); + ret |= mPreKernel->get().setArg(idx++, static_cast(K)); + ret |= mPreKernel->get().setArg(idx++, openCLBuffer(input)); + ret |= mPreKernel->get().setArg(idx++, openCLBuffer(mConvGemmInpTensor.get())); + MNN_CHECK_CL_SUCCESS(ret, "setArg mConvgemmOptLevel==2 PreKernel"); + mPreLocalWorkSize = localWS2DDefault(mPreGlobalWorkSize, maxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), "transpose_pad", mPreKernel).first; + + mOpenCLBackend->recordKernel2d(mPreKernel, mPreGlobalWorkSize, mPreLocalWorkSize); + mPreGlobalWorkSize[0] = ROUND_UP(mPreGlobalWorkSize[0], std::max((uint32_t)1, mPreLocalWorkSize[0])); + mPreGlobalWorkSize[1] = ROUND_UP(mPreGlobalWorkSize[1], std::max((uint32_t)1, mPreLocalWorkSize[1])); + } + std::set buildOptions = mResource->mBuildOptions; + + // Can't add bias now, for slow speed +// buildOptions.emplace(" -DBIAS"); + + buildOptions.emplace(" -DGEMMK=0 -DKREG=1 -DKWG=32 -DKWI=2 -DMDIMA=32 -DMDIMC=32 -DMWG=128 -DNDIMB=8 -DNDIMC=8 -DNWG=128 -DSA=0 -DSB=0 -DSTRM=0 -DSTRN=1 -DVWM=2 -DVWN=8 -DOUTPUTMN"); + + if(mOpenCLBackend->getOpenCLRuntime()->getGpuType() == GpuType::ADRENO) { + buildOptions.emplace("-DUSE_CL_MAD=1"); + buildOptions.emplace("-DRELAX_WORKGROUP_SIZE=1"); + } + if(mOpenCLBackend->getOpenCLRuntime()->isSupportedFP16()){ + buildOptions.emplace(" -DPRECISION=16"); + } else { + buildOptions.emplace(" -DPRECISION=32"); + } + + mKernel = mOpenCLBackend->getOpenCLRuntime()->buildKernel("matmul_params_buf", "Xgemm", buildOptions); + + int out_per_thread_m = tileM / localM; + int out_per_thread_n = tileN / localN; + + mGlobalWorkSize = {static_cast(alignM/out_per_thread_m), static_cast(alignN/out_per_thread_n)}; + mLocalWorkSize = {static_cast(localM), static_cast(localN)}; + + float alpha = 1.0; + float beta = 0.0f; + int offset = 0; + int idx = 0; + cl_int ret = CL_SUCCESS; + ret |= mKernel->get().setArg(idx++, static_cast(alignM)); + ret |= mKernel->get().setArg(idx++, static_cast(alignN)); + ret |= mKernel->get().setArg(idx++, static_cast(alignK)); + ret |= mKernel->get().setArg(idx++, alpha); + ret |= mKernel->get().setArg(idx++, beta); + ret |= mKernel->get().setArg(idx++, openCLBuffer(mConvGemmInpTensor.get())); + ret |= mKernel->get().setArg(idx++, openCLBuffer(mResource->mFilter.get())); +// ret |= mKernel->get().setArg(idx++, openCLBuffer(mResource->mBias.get())); + ret |= mKernel->get().setArg(idx++, openCLBuffer(mConvGemmOutTensor.get())); + ret |= mKernel->get().setArg(idx++, offset); + ret |= mKernel->get().setArg(idx++, offset); + ret |= mKernel->get().setArg(idx++, offset); + + MNN_CHECK_CL_SUCCESS(ret, "setArg Conv1x1Buf mConvgemmOptLevel==2 Kernel Select"); + mOpenCLBackend->recordKernel2d(mKernel, mGlobalWorkSize, mLocalWorkSize); + mGlobalWorkSize[0] = ROUND_UP(mGlobalWorkSize[0], std::max((uint32_t)1, mLocalWorkSize[0])); + mGlobalWorkSize[1] = ROUND_UP(mGlobalWorkSize[1], std::max((uint32_t)1, mLocalWorkSize[1])); + + { + std::set buildOptions; + mPostKernel = mOpenCLBackend->getOpenCLRuntime()->buildKernel("gemm_buf", "add_bias", buildOptions); + uint32_t maxWorkGroupSize = static_cast(mOpenCLBackend->getOpenCLRuntime()->getMaxWorkGroupSize(mPostKernel)); + + mPostGlobalWorkSize = {static_cast(M), static_cast(UP_DIV(N, 16))}; + + int offset = 0; + int idx = 0; + cl_int ret = CL_SUCCESS; + ret |= mPostKernel->get().setArg(idx++, static_cast(mPostGlobalWorkSize[0])); + ret |= mPostKernel->get().setArg(idx++, static_cast(mPostGlobalWorkSize[1])); + ret |= mPostKernel->get().setArg(idx++, static_cast(alignM)); + ret |= mPostKernel->get().setArg(idx++, static_cast(alignN)); + ret |= mPostKernel->get().setArg(idx++, static_cast(M)); + ret |= mPostKernel->get().setArg(idx++, static_cast(N)); + ret |= mPostKernel->get().setArg(idx++, openCLBuffer(mConvGemmOutTensor.get())); + ret |= mPostKernel->get().setArg(idx++, openCLBuffer(mResource->mBias.get())); + ret |= mPostKernel->get().setArg(idx++, openCLBuffer(output)); + + MNN_CHECK_CL_SUCCESS(ret, "setArg mConvgemmOptLevel==2 PostKernel"); + mPostLocalWorkSize = localWS2DDefault(mPostGlobalWorkSize, maxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), "add_bias", mPostKernel).first; + mOpenCLBackend->recordKernel2d(mPostKernel, mPostGlobalWorkSize, mPostLocalWorkSize); + mPostGlobalWorkSize[0] = ROUND_UP(mPostGlobalWorkSize[0], std::max((uint32_t)1, mPostLocalWorkSize[0])); + mPostGlobalWorkSize[1] = ROUND_UP(mPostGlobalWorkSize[1], std::max((uint32_t)1, mPostLocalWorkSize[1])); + + mOpenCLBackend->endRecord(mRecording); + } + return NO_ERROR; + } else if (mResource->mConvGemmOptLevel == 1) { + // set small tile + int tileM = 64; + int tileN = 64; + int tileK = 8; + int localM = 16; + int localN = 16; + int M = outputShape.at(0); + int N = outputShape.at(3); + int K = inputShape.at(3); + + std::set buildOptions = mResource->mBuildOptions;; + buildOptions.emplace(" -DBIAS"); + + if(N % 128 == 0) { + tileN = 128; + buildOptions.emplace(" -DOPWM=64 -DOPWN=128 -DCPWK=8 -DOPTM=4 -DOPTN=8"); + } else { + buildOptions.emplace(" -DOPWM=64 -DOPWN=64 -DCPWK=8 -DOPTM=4 -DOPTN=4"); + } + + + mKernel = mOpenCLBackend->getOpenCLRuntime()->buildKernel("matmul_local_buf", "matmul_local_buf", buildOptions); + int out_per_thread_m = tileM / localM; + int out_per_thread_n = tileN / localN; + + mGlobalWorkSize = {static_cast(M/out_per_thread_m), static_cast(N/out_per_thread_n)}; + mLocalWorkSize = {static_cast(localM), static_cast(localN)}; + + int idx = 0; + cl_int ret = CL_SUCCESS; + ret |= mKernel->get().setArg(idx++, static_cast(M)); + ret |= mKernel->get().setArg(idx++, static_cast(N)); + ret |= mKernel->get().setArg(idx++, static_cast(K)); + ret |= mKernel->get().setArg(idx++, openCLBuffer(input)); + ret |= mKernel->get().setArg(idx++, openCLBuffer(mResource->mFilter.get())); + ret |= mKernel->get().setArg(idx++, openCLBuffer(mResource->mBias.get())); + ret |= mKernel->get().setArg(idx++, openCLBuffer(output)); + + MNN_CHECK_CL_SUCCESS(ret, "setArg Conv1x1Buf mConvgemmOptLevel==1 Kernel Select"); + } else if (mResource->mConv1x1Opt) { // {"conv_2d_1x1_c4h1w4", "conv_2d_1x1_c4h1w2", "conv_2d_1x1_c4h1w1", "conv_2d_1x1_c8h1w4"}; const int total_kernel = 3; @@ -503,14 +726,13 @@ ErrorCode ConvBufExecution::onResize(const std::vector &inputs, const std::pair, int> retTune; retTune = gws2dLwsTune(kernel[knl_idx], globalWorkSize[knl_idx], kernelName[knl_idx] + info, maxWorkGroupSize); - //printf("cov1x1 %d, %d\n", knl_idx, retTune.second); if(min_cost.first > retTune.second) { min_cost.first = retTune.second; min_cost.second = knl_idx; mLocalWorkSize = {retTune.first[0], retTune.first[1]}; } } - + std::shared_ptr quanCommon; int min_index = min_cost.second; mGlobalWorkSize = {globalWorkSize[min_index][0], globalWorkSize[min_index][1]}; @@ -607,7 +829,7 @@ ErrorCode ConvBufExecution::onResize(const std::vector &inputs, const } int min_index = min_cost.second; mGlobalWorkSize = {globalWorkSize[min_index][0], globalWorkSize[min_index][1]}; - + std::set buildOption = mResource->mBuildOptions; if(outputShape.at(3) % itemC[min_index] != 0){ buildOption.emplace("-DCHANNEL_LEAVE"); @@ -669,9 +891,40 @@ ErrorCode ConvBufExecution::onExecute(const std::vector &inputs, const } } #ifdef ENABLE_OPENCL_TIME_PROFILER + if (mPreKernel) { + cl::Event event0; + runKernel2D(mPreKernel, mPreGlobalWorkSize, mPreLocalWorkSize, mOpenCLBackend->getOpenCLRuntime(), &event0); + mOpenCLBackend->getOpenCLRuntime()->pushEvent({"ConvBuf2D-gemm2-0", event0}); + } cl::Event event; runKernel2D(mKernel, mGlobalWorkSize, mLocalWorkSize, mOpenCLBackend->getOpenCLRuntime(), &event); - mOpenCLBackend->getOpenCLRuntime()->pushEvent({"ConvBuf2D", event}); + std::string name = "ConvBuf2D"; + std::string b = std::to_string(inputs[0]->batch()); + std::string ci = std::to_string(inputs[0]->channel()); + std::string hi = std::to_string(inputs[0]->height()); + std::string wi = std::to_string(inputs[0]->width()); + std::string co = std::to_string(outputs[0]->channel()); + std::string ho = std::to_string(outputs[0]->height()); + std::string wo = std::to_string(outputs[0]->width()); + std::string kh = std::to_string(mResource->mKernelHeight); + std::string kw = std::to_string(mResource->mKernelWidth); + std::string total = std::to_string(1.0 / 1000000 * inputs[0]->batch() * inputs[0]->channel() * outputs[0]->channel() * outputs[0]->height() * outputs[0]->width() * mResource->mKernelHeight * mResource->mKernelWidth); + if (mResource->mConvGemmOptLevel > 0) { + name += "-gemm"; + name += std::to_string(mResource->mConvGemmOptLevel) + "-m" + b + "n" + co + "k" + ci; + } else if (mResource->mConv1x1Opt) { + name += "-conv1x1"; + name += "-b" + b + "ci" + ci + "hi" + hi + "wi" + wi + "co" + co; + } else { + name += "-ori-b" + b + "ci" + ci + "hi" + hi + "wi" + wi + "co" + co+ "ho" + ho + "wo" + wo + "kh" + kh + "kw" + kw; + } + name += "-total:" + total + "*10^6"; + mOpenCLBackend->getOpenCLRuntime()->pushEvent({name.c_str(), event}); + if (mPostKernel) { + cl::Event event2; + runKernel2D(mPostKernel, mPostGlobalWorkSize, mPostLocalWorkSize, mOpenCLBackend->getOpenCLRuntime(), &event2); + mOpenCLBackend->getOpenCLRuntime()->pushEvent({"ConvBuf2D-gemm2-2", event2}); + } #else if(mOpenCLBackend->isUseRecordQueue()){ mOpenCLBackend->addRecord(mRecording, mOpRecordUpdateInfo); @@ -680,7 +933,13 @@ ErrorCode ConvBufExecution::onExecute(const std::vector &inputs, const #endif return NO_ERROR; } + if (mPreKernel) { + runKernel2D(mPreKernel, mPreGlobalWorkSize, mPreLocalWorkSize, mOpenCLBackend->getOpenCLRuntime()); + } runKernel2D(mKernel, mGlobalWorkSize, mLocalWorkSize, mOpenCLBackend->getOpenCLRuntime()); + if (mPostKernel) { + runKernel2D(mPostKernel, mPostGlobalWorkSize, mPostLocalWorkSize, mOpenCLBackend->getOpenCLRuntime()); + } #endif #ifdef LOG_VERBOSE diff --git a/source/backend/opencl/execution/buffer/ConvBufExecution.hpp b/source/backend/opencl/execution/buffer/ConvBufExecution.hpp index 06fd52127..d5477c603 100644 --- a/source/backend/opencl/execution/buffer/ConvBufExecution.hpp +++ b/source/backend/opencl/execution/buffer/ConvBufExecution.hpp @@ -33,6 +33,12 @@ struct ConvBufResource { std::set mBuildOptions; bool mConv1x1Opt = false; bool mConv1x1C8Opt = false; + /* + 0 -> not use + 1 -> use small tile + 2 -> use quieter large tile + */ + int mConvGemmOptLevel = 0; std::shared_ptr mRasterExe; bool mUseImage = false; }; @@ -67,6 +73,14 @@ class ConvBufExecution : public ConvBufCommonExecution, public CommonExecution { std::vector mGlobalWorkSize{1, 1, 1}; std::vector mLocalWorkSize{1, 1, 1, 1}; std::shared_ptr mKernel; + std::shared_ptr mConvGemmInpTensor; + std::shared_ptr mConvGemmOutTensor; + std::shared_ptr mPreKernel = nullptr; + std::vector mPreGlobalWorkSize{1, 1, 1}; + std::vector mPreLocalWorkSize{1, 1, 1, 1}; + std::shared_ptr mPostKernel = nullptr; + std::vector mPostGlobalWorkSize{1, 1, 1}; + std::vector mPostLocalWorkSize{1, 1, 1, 1}; const float* mFilterDataPtr = nullptr; }; diff --git a/source/backend/opencl/execution/buffer/ConvBufLowMemoryExecution.cpp b/source/backend/opencl/execution/buffer/ConvBufLowMemoryExecution.cpp index af8012c8a..a7b1cc817 100644 --- a/source/backend/opencl/execution/buffer/ConvBufLowMemoryExecution.cpp +++ b/source/backend/opencl/execution/buffer/ConvBufLowMemoryExecution.cpp @@ -361,9 +361,9 @@ void ConvBufLowMemoryExecution::tuneGemmLowMemory(Tensor * input, Tensor * outpu } std::string info = std::to_string(inputChannels) + "_" + std::to_string(outChannel); if(batch > 1){ - global_y = UP_DIV(batch, 2) * height; - buildOption.emplace("-DBACTH_BLOCK2"); - info += "_BATCH_BLOCK2"; + global_y = UP_DIV(batch, 4) * height; + buildOption.emplace("-DBACTH_BLOCK4"); + info += "_BATCH_BLOCK4"; } int knl_idx = 0; actual_kernel = 3; diff --git a/source/backend/opencl/execution/buffer/ConvBufWinograd.cpp b/source/backend/opencl/execution/buffer/ConvBufWinograd.cpp index 8deb3dd50..5ddba38fb 100644 --- a/source/backend/opencl/execution/buffer/ConvBufWinograd.cpp +++ b/source/backend/opencl/execution/buffer/ConvBufWinograd.cpp @@ -29,14 +29,8 @@ bool ConvBufWinograd::valid(const Convolution2DCommon* common, const Tensor* inp if (isIntel) { return input->width() * input->height() <= 4096; } - if (output->channel() > 512) { - return false; - } - const int input_channel_limit = output->channel() <= 64 ? 1024 : 512; - if(input->channel() < 32 || input->channel() > input_channel_limit){ - return false; - } - return (input->width() <= 32 && input->height() <= 32); + + return input->channel() >= 32 && output->channel() >= 32 && input->width() < output->channel(); } ConvBufWinograd::ConvBufWinograd(const MNN::Op* op, Backend* backend) : CommonExecution(backend, op) { @@ -600,6 +594,63 @@ ErrorCode ConvBufWinograd::onEncode(const std::vector& inputs, const st return NO_ERROR; } + +ErrorCode ConvBufWinograd::onExecute(const std::vector &inputs, const std::vector &outputs) { + auto openCLBackend = static_cast(backend()); + auto runtime = openCLBackend->getOpenCLRuntime(); +#ifdef ENABLE_OPENCL_TIME_PROFILER + int idx = 0; +#else + if(openCLBackend->isUseRecordQueue()){ + openCLBackend->addRecord(mRecording, mOpRecordUpdateInfo); + return NO_ERROR; + } +#endif + auto res = CL_SUCCESS; + for (auto &unit : mUnits) { + #ifdef ENABLE_OPENCL_TIME_PROFILER + cl::Event event; + res = runtime->commandQueue().enqueueNDRangeKernel(unit.kernel->get(), + cl::NullRange, + unit.globalWorkSize, + unit.localWorkSize, + nullptr, + &event); + std::string name = "Conv-winograd"; + + if(idx % 3 == 1) { + name += "-batchgemm"; + } else { + name += "-rearrange"; + } + auto wUnit = UP_DIV(outputs[0]->width(), UNIT); + auto hUnit = UP_DIV(outputs[0]->height(), UNIT); + auto icC4 = ROUND_UP(inputs[0]->channel(), 4); + + auto ocC4 = ROUND_UP(outputs[0]->channel(), 4); + int alpha = mKernelX + UNIT - 1; + + auto gemmHeight = ocC4; + auto gemmWidth = ROUND_UP(wUnit * hUnit, 4); + + std::string b = std::to_string(alpha*alpha); + std::string m = std::to_string(gemmWidth); + std::string n = std::to_string(gemmHeight); + std::string k = std::to_string(icC4); + std::string total = std::to_string(1.0 / 1000000 * alpha*alpha * gemmWidth * gemmHeight * icC4); + name += "-b" + b + "m" + m + "n" + n + "k" + k + "-total:" + total + "*10^6"; + runtime->pushEvent({name.c_str(), event}); + idx++; + #else + res = runtime->commandQueue().enqueueNDRangeKernel(unit.kernel->get(), + cl::NullRange, + unit.globalWorkSize, + unit.localWorkSize); + #endif + MNN_CHECK_CL_SUCCESS(res, "While-gemm execute"); + } + return NO_ERROR; +} } // namespace OpenCL } // namespace MNN diff --git a/source/backend/opencl/execution/buffer/ConvBufWinograd.hpp b/source/backend/opencl/execution/buffer/ConvBufWinograd.hpp index dc3c9a2e2..4cfe2abc7 100644 --- a/source/backend/opencl/execution/buffer/ConvBufWinograd.hpp +++ b/source/backend/opencl/execution/buffer/ConvBufWinograd.hpp @@ -34,6 +34,8 @@ class ConvBufWinograd : public CommonExecution { virtual bool onClone(Backend* bn, const Op* op, Execution** dst) override; static bool valid(const Convolution2DCommon* common, const Tensor* input, const Tensor* output, bool isIntel = false, int limit = 8192); std::vector getLocalWS(std::string kernelName, int index, std::vector &gws, const uint32_t maxWorkGroupSize, cl::Kernel mKernel); + virtual ErrorCode onExecute(const std::vector& inputs, const std::vector& outputs) override; + #ifdef MNN_SUPPORT_INTEL_SUBGROUP ErrorCode SubgroupOnResize(const std::vector &inputs, const std::vector &outputs); #endif /* MNN_SUPPORT_INTEL_SUBGROUP */ diff --git a/source/backend/opencl/execution/buffer/LayerNormBufExecution.cpp b/source/backend/opencl/execution/buffer/LayerNormBufExecution.cpp index 673713141..0f6b3f629 100644 --- a/source/backend/opencl/execution/buffer/LayerNormBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/LayerNormBufExecution.cpp @@ -94,7 +94,7 @@ ErrorCode LayerNormBufExecution::onEncode(const std::vector &inputs, c Tensor *input = inputs[0]; Tensor *output = outputs[0]; auto runtime = ((OpenCLBackend *)backend())->getOpenCLRuntime(); - auto MaxLocalSize = std::min(runtime->getMaxWorkItemSizes()[0], mMaxWorkGroupSize) / 4; + auto MaxLocalSize = std::min(std::min(runtime->getMaxWorkItemSizes()[0], mMaxWorkGroupSize), (uint32_t)256); std::vector inputShape = tensorShapeFormat(input); std::vector outputShape = tensorShapeFormat(output); @@ -122,7 +122,7 @@ ErrorCode LayerNormBufExecution::onEncode(const std::vector &inputs, c } inner_size /= group_; } - +// printf("out:%d in:%d, %d %d %d %d, %d\n", outter_size, inner_size, inputBatch, inputHeight, inputWidth, inputChannels, group_); std::set buildOptions; if(RMSNorm){ buildOptions.emplace("-DRMSNORM"); @@ -302,7 +302,7 @@ class LayerNormBufCreator : public OpenCLBackend::Creator { TensorUtils::setTensorSupportPack(outputs[i], false); } const auto* layer_norm_param = op->main_as_LayerNorm(); - return new LayerNormBufExecution(inputs, op, backend); + return new LayerNormBufExecution(inputs, op, backend); } }; diff --git a/source/backend/opencl/execution/buffer/LoopBufExecution.cpp b/source/backend/opencl/execution/buffer/LoopBufExecution.cpp index 60d795ea2..55a624f78 100644 --- a/source/backend/opencl/execution/buffer/LoopBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/LoopBufExecution.cpp @@ -12,42 +12,104 @@ namespace MNN { namespace OpenCL { - + static void _TileOrPackTensor(Tensor *input, Tensor *output, std::shared_ptr& kernelW, cl::NDRange &globalWorkSize, - cl::NDRange &localWorkSize, const int Width, const int Height, const int Channel, - const int Batch, OpenCLBackend *bn, const std::string &KernelName, std::set buildOptions) { + cl::NDRange &localWorkSize, const int Width, const int Height, const int Channel, + const int Batch, OpenCLBackend *bn, const std::string& KernelName, std::set buildOptions, + const int WidthPad, const int HeightPad, const int ChannelPad) { + bool fastTileTranspose = false; if (TensorUtils::getDescribe(output)->dimensionFormat == MNN::MNN_DATA_FORMAT_NHWC || TensorUtils::getDescribe(input)->dimensionFormat == MNN::MNN_DATA_FORMAT_NHWC){ buildOptions.emplace("-DMNN_NHWC"); + } else { + if (KernelName == "tile_buf" && buildOptions.find("-DTRANSPOSE") != buildOptions.end() && (buildOptions.find("-DDIMENSION_3") != buildOptions.end() || buildOptions.find("-DDIMENSION_4") != buildOptions.end())) { + fastTileTranspose = true; + } + } + + std::string runKernelName = KernelName; + unsigned int tileW = 64; + unsigned int tileC = 64; + unsigned int tileH = 64; + unsigned int localW = 8; + unsigned int localC = 8; + unsigned int localH = 8; + if(fastTileTranspose) { + if(buildOptions.find("-DDIMENSION_4") != buildOptions.end()) { + runKernelName = "tile_trans_4d_buf"; + // match with tileW tileH tileW/localW tileH/localH + buildOptions.emplace(" -DWGSW=64 -DWGSH=64 -DTSW=8 -DTSH=8"); + } else { + runKernelName = "tile_trans_3d_buf"; + // match with tileW tileH tileW/localW tileH/localH + buildOptions.emplace(" -DWGSC=64 -DWGSH=64 -DTSC=8 -DTSH=8"); + } + } if(input->getType().code == halide_type_int){ - kernelW = bn->getOpenCLRuntime()->buildKernel("loop_buf", KernelName, buildOptions, input, input); + kernelW = bn->getOpenCLRuntime()->buildKernel("loop_buf", runKernelName, buildOptions, input, input); }else if (output->getType().code == halide_type_int){ - kernelW = bn->getOpenCLRuntime()->buildKernel("loop_buf", KernelName, buildOptions, output, output); + kernelW = bn->getOpenCLRuntime()->buildKernel("loop_buf", runKernelName, buildOptions, output, output); }else { - kernelW = bn->getOpenCLRuntime()->buildKernel("loop_buf", KernelName, buildOptions, input, output); + kernelW = bn->getOpenCLRuntime()->buildKernel("loop_buf", runKernelName, buildOptions, input, output); } auto kernel = kernelW->get(); uint32_t mMaxWorkGroupSize = static_cast(bn->getOpenCLRuntime()->getMaxWorkGroupSize(kernelW)); - std::vector mGlobalWorkSize = {(uint32_t)(Width * Height), (uint32_t)(UP_DIV(Channel, 4)), (uint32_t)(Batch)}; + + if(fastTileTranspose) { + int w_per_thread = tileW / localW; + int h_per_thread = tileH / localH; + std::vector mGlobalWorkSize = {(uint32_t)WidthPad/w_per_thread, (uint32_t)HeightPad/h_per_thread, (uint32_t)(UP_DIV(ChannelPad, 4)*Batch)}; + std::vector mLocalWorkSize = {localW, localH, 1}; + + if(buildOptions.find("-DDIMENSION_3") != buildOptions.end()) { + int c_per_thread = tileC / localC; + int h_per_thread = tileH / localH; + mGlobalWorkSize = {(uint32_t)ChannelPad/c_per_thread, (uint32_t)HeightPad/h_per_thread, (uint32_t)Batch}; + mLocalWorkSize = {localC, localH, 1}; + } - uint32_t index = 0; - cl_int ret = CL_SUCCESS; - ret |= kernel.setArg(index++, mGlobalWorkSize[0]); - ret |= kernel.setArg(index++, mGlobalWorkSize[1]); - ret |= kernel.setArg(index++, mGlobalWorkSize[2]); - ret |= kernel.setArg(index++, openCLBuffer(input)); - ret |= kernel.setArg(index++, openCLBuffer(output)); - ret |= kernel.setArg(index++, Width); - ret |= kernel.setArg(index++, Height); - ret |= kernel.setArg(index++, Channel); - MNN_CHECK_CL_SUCCESS(ret, "setArg LoopBuf _TileOrPackTensor"); - - std::vector mLocalWorkSize = localWS3DDefault(mGlobalWorkSize, mMaxWorkGroupSize, bn->getOpenCLRuntime(), KernelName, kernelW).first; - - globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1], mGlobalWorkSize[2]}; - localWorkSize = {mLocalWorkSize[0], mLocalWorkSize[1], mLocalWorkSize[2]}; - bn->recordKernel3d(kernelW, mGlobalWorkSize, mLocalWorkSize); + uint32_t index = 0; + cl_int ret = CL_SUCCESS; + ret |= kernel.setArg(index++, openCLBuffer(input)); + ret |= kernel.setArg(index++, openCLBuffer(output)); + ret |= kernel.setArg(index++, WidthPad); + ret |= kernel.setArg(index++, HeightPad); + ret |= kernel.setArg(index++, ChannelPad); + ret |= kernel.setArg(index++, Batch); + ret |= kernel.setArg(index++, Width); + ret |= kernel.setArg(index++, Height); + ret |= kernel.setArg(index++, Channel); + MNN_CHECK_CL_SUCCESS(ret, "setArg LoopBuf _TileOrPackTensor tile_transpose_fast_buf"); + + globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1], mGlobalWorkSize[2]}; + localWorkSize = {mLocalWorkSize[0], mLocalWorkSize[1], mLocalWorkSize[2]}; + bn->recordKernel3d(kernelW, mGlobalWorkSize, mLocalWorkSize); + } else { + std::vector mGlobalWorkSize = {(uint32_t)WidthPad, (uint32_t)HeightPad, (uint32_t)(UP_DIV(ChannelPad, 4)*Batch)}; + + uint32_t index = 0; + cl_int ret = CL_SUCCESS; + ret |= kernel.setArg(index++, mGlobalWorkSize[0]); + ret |= kernel.setArg(index++, mGlobalWorkSize[1]); + ret |= kernel.setArg(index++, mGlobalWorkSize[2]); + ret |= kernel.setArg(index++, openCLBuffer(input)); + ret |= kernel.setArg(index++, openCLBuffer(output)); + ret |= kernel.setArg(index++, WidthPad); + ret |= kernel.setArg(index++, HeightPad); + ret |= kernel.setArg(index++, ChannelPad); + ret |= kernel.setArg(index++, Batch); + ret |= kernel.setArg(index++, Width); + ret |= kernel.setArg(index++, Height); + ret |= kernel.setArg(index++, Channel); + MNN_CHECK_CL_SUCCESS(ret, "setArg LoopBuf _TileOrPackTensor"); + + std::vector mLocalWorkSize = localWS3DDefault(mGlobalWorkSize, mMaxWorkGroupSize, bn->getOpenCLRuntime(), KernelName, kernelW).first; + + globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1], mGlobalWorkSize[2]}; + localWorkSize = {mLocalWorkSize[0], mLocalWorkSize[1], mLocalWorkSize[2]}; + bn->recordKernel3d(kernelW, mGlobalWorkSize, mLocalWorkSize); + } } static void _setTensorStack(std::vector &result, const std::vector &inputs, @@ -63,246 +125,547 @@ static void _setTensorStack(std::vector &result, const std::vectortensorNumber()); - auto cmd = loop->commands()->GetAs(0); - } - ErrorCode LoopGatherBufExecution::onEncode(const std::vector &inputs, const std::vector &outputs) { - auto cmd = mLoop->commands()->GetAs(0); - OpenCLBackend *mOpenCLBackend = (OpenCLBackend *)backend(); - auto runTime = mOpenCLBackend->getOpenCLRuntime(); - _setTensorStack(mTensors, inputs, outputs, mLoop); - mUnits.clear(); - mOffsetTensors.clear(); - int x = cmd->size()->data()[0]; - int y = cmd->size()->data()[1]; - int z = cmd->size()->data()[2]; - int n = mLoop->loopNumber(); - int inputSize = mTensors[cmd->indexes()->data()[1]]->elementSize(); - - auto srcStride = cmd->view()->GetAs(1)->stride()->data(); - auto dstStride = cmd->view()->GetAs(0)->stride()->data(); - for (int i = 0; i < 3; ++i) { +LoopGatherBufExecution::LoopGatherBufExecution(const LoopParam *loop, const MNN::Op *op, Backend *bn) +: CommonExecution(bn, op) { + mLoop = loop; + mTensors.resize(mLoop->tensorNumber()); + auto cmd = loop->commands()->GetAs(0); +} +ErrorCode LoopGatherBufExecution::onEncode(const std::vector &inputs, const std::vector &outputs) { + auto cmd = mLoop->commands()->GetAs(0); + OpenCLBackend *mOpenCLBackend = (OpenCLBackend *)backend(); + auto runTime = mOpenCLBackend->getOpenCLRuntime(); + _setTensorStack(mTensors, inputs, outputs, mLoop); + mUnits.clear(); + mOffsetTensors.clear(); + int x = cmd->size()->data()[0]; + int y = cmd->size()->data()[1]; + int z = cmd->size()->data()[2]; + int n = mLoop->loopNumber(); + int inputSize = mTensors[cmd->indexes()->data()[1]]->elementSize(); + + auto srcStride = cmd->view()->GetAs(1)->stride()->data(); + auto dstStride = cmd->view()->GetAs(0)->stride()->data(); + for (int i = 0; i < 3; ++i) { mStride_src[i] = srcStride[i]; mStride_dst[i] = dstStride[i]; - } - - mStride_src[3] = cmd->view()->GetAs(1)->offset(); - mStride_dst[3] = cmd->view()->GetAs(0)->offset(); - ::memcpy(mStep, cmd->steps()->data(), cmd->steps()->size() * sizeof(int)); - ::memcpy(mIter, cmd->iterIndexes()->data(), cmd->iterIndexes()->size() * sizeof(int)); - - // gather - { - auto input = mTensors[cmd->indexes()->data()[1]]; - auto output = mTensors[cmd->indexes()->data()[0]]; - std::vector inputShape = tensorShapeFormat(input); - std::vector outputShape = tensorShapeFormat(output); - int inputShapeVec[4] = {inputShape[2], inputShape[1], inputShape[3], inputShape[0]}; - int outputShapeVec[4] = {outputShape[2], outputShape[1], outputShape[3], inputShape[0]}; - int offset_index = 0; - - Unit unit; - std::set buildOptions; - if (TensorUtils::getDescribe(output)->dimensionFormat == MNN::MNN_DATA_FORMAT_NHWC){ - buildOptions.emplace("-DGATHER_OUTPUT_NHWC"); - } - if (TensorUtils::getDescribe(input)->dimensionFormat == MNN::MNN_DATA_FORMAT_NHWC){ - buildOptions.emplace("-DGATHER_INPUT_NHWC"); - } - if (mIter[0] >= 0) { - auto tensor = mTensors[cmd->iterIndexes()->data()[0]]; - std::vector shape = tensorShapeFormat(tensor); - if(shape[3] == 1){ - buildOptions.emplace("-DOFFSET_DST_CHANNEL_STRIDE4"); - } - } - if (mIter[1] >= 0) { - auto tensor = mTensors[cmd->iterIndexes()->data()[1]]; - std::vector shape = tensorShapeFormat(tensor); - if(shape[3] == 1){ - buildOptions.emplace("-DOFFSET_SRC_CHANNEL_STRIDE4"); - } - } - unit.kernel = runTime->buildKernel("gather_buf", "batch_gather_buf", buildOptions, input, output); - uint32_t mMaxWorkGroupSize = static_cast(runTime->getMaxWorkGroupSize(unit.kernel)); - std::vector mGlobalWorkSize = {(uint32_t)(x * y), (uint32_t)(z), (uint32_t)(n)}; - - uint32_t index = 0; - cl_int ret = CL_SUCCESS; - ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[0]); - ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[1]); - ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[2]); - ret |= unit.kernel->get().setArg(index++, openCLBuffer(output)); - ret |= unit.kernel->get().setArg(index++, openCLBuffer(input)); - for (int i = 0; i < cmd->iterIndexes()->size(); ++i) { - if (mIter[i] >= 0) { - ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTensors[cmd->iterIndexes()->data()[i]])); - } else { - ret |= unit.kernel->get().setArg(index++, openCLBuffer(input)); - } - } - ret |= unit.kernel->get().setArg(index++, x); - ret |= unit.kernel->get().setArg(index++, sizeof(mStride_src), mStride_src); - ret |= unit.kernel->get().setArg(index++, sizeof(mStride_dst), mStride_dst); - ret |= unit.kernel->get().setArg(index++, sizeof(mStep), mStep); - ret |= unit.kernel->get().setArg(index++, sizeof(mIter), mIter); - ret |= unit.kernel->get().setArg(index++, sizeof(outputShapeVec), outputShapeVec); - ret |= unit.kernel->get().setArg(index++, sizeof(inputShapeVec), inputShapeVec); - ret |= unit.kernel->get().setArg(index++, inputSize); - MNN_CHECK_CL_SUCCESS(ret, "setArg LoopGatherBufExecution"); - - std::vector mLocalWorkSize = localWS3DDefault(mGlobalWorkSize, mMaxWorkGroupSize, runTime, "batch_gather_buf", unit.kernel).first; - - unit.globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1], mGlobalWorkSize[2]}; - unit.localWorkSize = {mLocalWorkSize[0], mLocalWorkSize[1], mLocalWorkSize[2]}; - mUnits.emplace_back(unit); - mOpenCLBackend->recordKernel3d(unit.kernel, mGlobalWorkSize, mLocalWorkSize); - } - - - return NO_ERROR; - } - - -LoopBatchMatMulBufExecution::LoopBatchMatMulBufExecution(const LoopParam *loop, const MNN::Op *op, Backend *bn) - : CommonExecution(bn, op) { - mLoop = loop; - mTensors.resize(mLoop->tensorNumber()); - auto cmd = loop->commands()->GetAs(0); -} -ErrorCode LoopBatchMatMulBufExecution::onEncode(const std::vector &inputs, const std::vector &outputs) { - auto cmd = mLoop->commands()->GetAs(0); - mHasBias = cmd->indexes()->size() > 3; - mTransposeA = cmd->op()->main_as_MatMul()->transposeA(); - mTransposeB = cmd->op()->main_as_MatMul()->transposeB(); - OpenCLBackend *mOpenCLBackend = (OpenCLBackend *)backend(); - auto runTime = mOpenCLBackend->getOpenCLRuntime(); - _setTensorStack(mTensors, inputs, outputs, mLoop); - - mOffset[0] = cmd->view()->GetAs(0)->offset(); - mOffset[1] = cmd->view()->GetAs(1)->offset(); - mOffset[2] = cmd->view()->GetAs(2)->offset(); - mUnits.clear(); - mOffsetTensors.clear(); - mTmpTensors.resize(3); - if (mHasBias) { - mTmpTensors.resize(4); - mOffset[3] = cmd->view()->GetAs(3)->offset(); - } - - ::memcpy(mStep, cmd->steps()->data(), cmd->steps()->size() * sizeof(int)); - ::memcpy(mIter, cmd->iterIndexes()->data(), cmd->iterIndexes()->size() * sizeof(int)); - int e = cmd->size()->data()[0]; - int l = cmd->size()->data()[1]; - int h = cmd->size()->data()[2]; - int n = mLoop->loopNumber(); - - // tile input - for (int i = 1; i < cmd->indexes()->size(); ++i) { - auto input = mTensors[cmd->indexes()->data()[i]]; - std::vector Shape = tensorShapeFormat(input); - const int Channel = Shape.at(3); - const int Width = Shape.at(2); - const int Height = Shape.at(1); - const int Batch = Shape.at(0); - mTmpTensors[i] = std::make_shared(Tensor::createDevice(std::vector{Batch, Channel, Height, Width}, Tensor::CAFFE)); - - mOpenCLBackend->onAcquireBuffer(mTmpTensors[i].get(), Backend::DYNAMIC); - - Unit unit; - _TileOrPackTensor(input, mTmpTensors[i].get(), unit.kernel, unit.globalWorkSize, unit.localWorkSize, Width, Height, Channel, Batch, mOpenCLBackend, "tile_buf", mBuildOptions); - mUnits.emplace_back(unit); - } - - for(int i = 0; i < cmd->iterIndexes()->size(); ++i){ - if (mIter[i] >= 0) { - auto input = mTensors[cmd->iterIndexes()->data()[i]]; - std::vector Shape = tensorShapeFormat(input); - const int Channel = Shape.at(3); - const int Width = Shape.at(2); - const int Height = Shape.at(1); - const int Batch = Shape.at(0); - mOffsetTensors.emplace_back(std::make_shared(Tensor::createDevice(std::vector{Batch, Channel, Height, Width}, Tensor::CAFFE))); - mOpenCLBackend->onAcquireBuffer(mOffsetTensors.back().get(), Backend::DYNAMIC); - - Unit unit; - _TileOrPackTensor(input, mOffsetTensors.back().get(), unit.kernel, unit.globalWorkSize, unit.localWorkSize, Width, Height, Channel, Batch, mOpenCLBackend, "tile_buf", mBuildOptions); - mUnits.emplace_back(unit); - } - } - - // matmul - { - mTmpTensors[0] = std::make_shared(Tensor::createDevice(std::vector{1, n, e, h}, Tensor::CAFFE)); - mOpenCLBackend->onAcquireBuffer(mTmpTensors[0].get(), Backend::DYNAMIC); + } + + mStride_src[3] = cmd->view()->GetAs(1)->offset(); + mStride_dst[3] = cmd->view()->GetAs(0)->offset(); + ::memcpy(mStep, cmd->steps()->data(), cmd->steps()->size() * sizeof(int)); + ::memcpy(mIter, cmd->iterIndexes()->data(), cmd->iterIndexes()->size() * sizeof(int)); + + // gather + { + auto input = mTensors[cmd->indexes()->data()[1]]; + auto output = mTensors[cmd->indexes()->data()[0]]; + std::vector inputShape = tensorShapeFormat(input); + std::vector outputShape = tensorShapeFormat(output); + int inputShapeVec[4] = {inputShape[2], inputShape[1], inputShape[3], inputShape[0]}; + int outputShapeVec[4] = {outputShape[2], outputShape[1], outputShape[3], outputShape[0]}; int offset_index = 0; - + Unit unit; - std::string KernelName = "batch_matmul"; - std::set buildOptions = mBuildOptions; - if (mHasBias) { - buildOptions.emplace("-DBIAS"); + std::set buildOptions; + if (TensorUtils::getDescribe(output)->dimensionFormat == MNN::MNN_DATA_FORMAT_NHWC){ + buildOptions.emplace("-DGATHER_OUTPUT_NHWC"); } - if (mTransposeA) { - buildOptions.emplace("-DTRANSPOSE_A"); + if (TensorUtils::getDescribe(input)->dimensionFormat == MNN::MNN_DATA_FORMAT_NHWC){ + buildOptions.emplace("-DGATHER_INPUT_NHWC"); } - if (mTransposeB) { - buildOptions.emplace("-DTRANSPOSE_B"); + + if (mIter[0] >= 0) { + buildOptions.emplace("-DOFFSET_DST"); } - buildOptions.emplace("-DH_LEAVES=" + std::to_string(h % 4)); - unit.kernel = runTime->buildKernel("loop", KernelName, buildOptions, mTensors[cmd->indexes()->data()[1]], mTensors[cmd->indexes()->data()[0]]); + if (mIter[1] >= 0) { + buildOptions.emplace("-DOFFSET_SRC"); + } + + unit.kernel = runTime->buildKernel("gather_buf", "batch_gather_buf", buildOptions, input, output); uint32_t mMaxWorkGroupSize = static_cast(runTime->getMaxWorkGroupSize(unit.kernel)); - std::vector mGlobalWorkSize = {(uint32_t)(UP_DIV(h, 4)), (uint32_t)(UP_DIV(e, 4)),(uint32_t)(n)}; - + std::vector mGlobalWorkSize = {(uint32_t)(x * y), (uint32_t)(z), (uint32_t)(n)}; + uint32_t index = 0; cl_int ret = CL_SUCCESS; ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[0]); ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[1]); ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[2]); - ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[0].get())); - ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[1].get())); - ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[2].get())); - if (mHasBias) { - ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[3].get())); - } + ret |= unit.kernel->get().setArg(index++, openCLBuffer(output)); + ret |= unit.kernel->get().setArg(index++, openCLBuffer(input)); for (int i = 0; i < cmd->iterIndexes()->size(); ++i) { if (mIter[i] >= 0) { - ret |= unit.kernel->get().setArg(index++, openCLBuffer(mOffsetTensors[offset_index++].get())); - } else { - ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTensors[cmd->indexes()->data()[1]])); + auto tensor = mTensors[cmd->iterIndexes()->data()[i]]; + std::vector shape = tensorShapeFormat(tensor); + int offsetShapeVec[4] = {shape[2], shape[1], shape[3], shape[0]};// WHCN + ret |= unit.kernel->get().setArg(index++, openCLBuffer(tensor)); + ret |= unit.kernel->get().setArg(index++, sizeof(offsetShapeVec), offsetShapeVec); } } - ret |= unit.kernel->get().setArg(index++, e); - ret |= unit.kernel->get().setArg(index++, l); - ret |= unit.kernel->get().setArg(index++, h); - ret |= unit.kernel->get().setArg(index++, sizeof(mOffset), mOffset); - ret |= unit.kernel->get().setArg(index++, sizeof(mIter), mIter); + ret |= unit.kernel->get().setArg(index++, x); + ret |= unit.kernel->get().setArg(index++, sizeof(mStride_src), mStride_src); + ret |= unit.kernel->get().setArg(index++, sizeof(mStride_dst), mStride_dst); ret |= unit.kernel->get().setArg(index++, sizeof(mStep), mStep); - MNN_CHECK_CL_SUCCESS(ret, "setArg LoopBatchMatMulBufExecution"); - - std::vector mLocalWorkSize = localWS3DDefault(mGlobalWorkSize, mMaxWorkGroupSize, runTime, KernelName, unit.kernel).first; - + ret |= unit.kernel->get().setArg(index++, sizeof(mIter), mIter); + ret |= unit.kernel->get().setArg(index++, sizeof(outputShapeVec), outputShapeVec); + ret |= unit.kernel->get().setArg(index++, sizeof(inputShapeVec), inputShapeVec); + ret |= unit.kernel->get().setArg(index++, inputSize); + MNN_CHECK_CL_SUCCESS(ret, "setArg LoopGatherBufExecution"); + + std::vector mLocalWorkSize = localWS3DDefault(mGlobalWorkSize, mMaxWorkGroupSize, runTime, "batch_gather_buf", unit.kernel).first; + unit.globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1], mGlobalWorkSize[2]}; unit.localWorkSize = {mLocalWorkSize[0], mLocalWorkSize[1], mLocalWorkSize[2]}; mUnits.emplace_back(unit); mOpenCLBackend->recordKernel3d(unit.kernel, mGlobalWorkSize, mLocalWorkSize); - } + } + return NO_ERROR; +} - //pack output - { - auto output = mTensors[cmd->indexes()->data()[0]]; - std::vector Shape = tensorShapeFormat(output); - const int Channel = Shape.at(3); - const int Width = Shape.at(2); - const int Height = Shape.at(1); - const int Batch = Shape.at(0); - Unit unit; - _TileOrPackTensor(mTmpTensors[0].get(), output, unit.kernel, unit.globalWorkSize, unit.localWorkSize, Width, Height, Channel, Batch, mOpenCLBackend, "pack_buf", mBuildOptions); - mUnits.emplace_back(unit); - } + +LoopBatchMatMulBufExecution::LoopBatchMatMulBufExecution(const LoopParam *loop, const MNN::Op *op, Backend *bn) +: CommonExecution(bn, op) { + mLoop = loop; + mTensors.resize(mLoop->tensorNumber()); +} + +static std::tuple getTileDimensionSize(std::tuple shape, std::tuple tile, MNN_DATA_FORMAT format, int dimension, bool transpose, int index) { + if(index > 2 || index < 0) { + MNN_ERROR("Error getTileDimensionSize index, only support 1 for input_1, 2 for input_2, 0 for output!\n"); + return shape; + } + // tile: {e, l, h} + int tile_e = std::get<0>(tile); + int tile_l = std::get<1>(tile); + int tile_h = std::get<2>(tile); + // shape: {w, h, c} + int pad_w = std::get<0>(shape); + int pad_h = std::get<1>(shape); + int pad_c = std::get<2>(shape); + + // output + if(index == 0) { + if (format == MNN::MNN_DATA_FORMAT_NHWC) { + if(dimension == 3) { + // [N, H, W] -> (n, e, h) + pad_h = ROUND_UP(pad_h, tile_e); + pad_w = ROUND_UP(pad_w, tile_h); + } else { + // [N*H, W, C] -> [n, e, h] + pad_w = ROUND_UP(pad_w, tile_e); + pad_c = ROUND_UP(pad_c, tile_h); + } + } else { + if(dimension == 3) { + // [N, C, H] -> (n, e, h) + pad_c = ROUND_UP(pad_c, tile_e); + pad_h = ROUND_UP(pad_h, tile_h); + } else { + // [N*C, H, W] -> [n, e, h] + pad_h = ROUND_UP(pad_h, tile_e); + pad_w = ROUND_UP(pad_w, tile_h); + } + } + return std::make_tuple(pad_w, pad_h, pad_c); + } + + if (format == MNN::MNN_DATA_FORMAT_NHWC) { + if(dimension == 3) { + if(transpose) { + if(index == 1) { + // [N, H, W] -> (n, l, e) + pad_h = ROUND_UP(pad_h, tile_l); + pad_w = ROUND_UP(pad_w, tile_e); + } else { + // [N, H, W] -> (n, h, l) + pad_h = ROUND_UP(pad_h, tile_h); + pad_w = ROUND_UP(pad_w, tile_l); + } + } else { + if(index == 1) { + // [N, H, W] -> (n, e, l) + pad_h = ROUND_UP(pad_h, tile_e); + pad_w = ROUND_UP(pad_w, tile_l); + } else { + // [N, H, W] -> (n, l, h) + pad_h = ROUND_UP(pad_h, tile_l); + pad_w = ROUND_UP(pad_w, tile_h); + } + } + } else { + if(transpose) { + if(index == 1) { + // [N*H, W, C] -> (n, l, e) + pad_w = ROUND_UP(pad_w, tile_l); + pad_c = ROUND_UP(pad_c, tile_e); + } else { + // [N*H, W, C] -> (n, h, l) + pad_w = ROUND_UP(pad_w, tile_h); + pad_c = ROUND_UP(pad_c, tile_l); + } + } else { + if(index == 1) { + // [N*H, W, C] -> [n, e, l] + pad_w = ROUND_UP(pad_w, tile_e); + pad_c = ROUND_UP(pad_c, tile_l); + } else { + // [N*H, W, C] -> [n, l, h] + pad_w = ROUND_UP(pad_w, tile_l); + pad_c = ROUND_UP(pad_c, tile_h); + } + } + } + } else { + if(dimension == 3) { + if(transpose) { + if(index == 1) { + // [N, C, H] -> (n, l, e) + pad_c = ROUND_UP(pad_c, tile_l); + pad_h = ROUND_UP(pad_h, tile_e); + } else { + // [N, C, H] -> (n, h, l) + pad_c = ROUND_UP(pad_c, tile_h); + pad_h = ROUND_UP(pad_h, tile_l); + } + } else { + if(index == 1) { + // [N, C, H] -> (n, e, l) + pad_c = ROUND_UP(pad_c, tile_e); + pad_h = ROUND_UP(pad_h, tile_l); + } else { + // [N, C, H] -> (n, l, h) + pad_c = ROUND_UP(pad_c, tile_l); + pad_h = ROUND_UP(pad_h, tile_h); + } + } + } else { + if(transpose) { + if(index == 1) { + // [N*C, H, W] -> (n, l, e) + pad_h = ROUND_UP(pad_h, tile_l); + pad_w = ROUND_UP(pad_w, tile_e); + } else { + // [N*C, H, W] -> (n, h, l) + pad_h = ROUND_UP(pad_h, tile_h); + pad_w = ROUND_UP(pad_w, tile_l); + } + } else { + if(index == 1) { + // [N*C, H, W] -> [n, e, l] + pad_h = ROUND_UP(pad_h, tile_e); + pad_w = ROUND_UP(pad_w, tile_l); + } else { + // [N*C, H, W] -> [n, l, h] + pad_h = ROUND_UP(pad_h, tile_l); + pad_w = ROUND_UP(pad_w, tile_h); + } + } + } + } + return std::make_tuple(pad_w, pad_h, pad_c); +} + +ErrorCode LoopBatchMatMulBufExecution::onEncode(const std::vector &inputs, const std::vector &outputs) { + auto cmd = mLoop->commands()->GetAs(0); + mHasBias = cmd->indexes()->size() > 3; + mTransposeA = cmd->op()->main_as_MatMul()->transposeA(); + mTransposeB = cmd->op()->main_as_MatMul()->transposeB(); + OpenCLBackend *mOpenCLBackend = (OpenCLBackend *)backend(); + auto runTime = mOpenCLBackend->getOpenCLRuntime(); + _setTensorStack(mTensors, inputs, outputs, mLoop); + + mOffset[0] = cmd->view()->GetAs(0)->offset(); + mOffset[1] = cmd->view()->GetAs(1)->offset(); + mOffset[2] = cmd->view()->GetAs(2)->offset(); + mUnits.clear(); + mOffsetTensors.clear(); + mTmpTensors.resize(3); + if (mHasBias) { + mTmpTensors.resize(4); + mOffset[3] = cmd->view()->GetAs(3)->offset(); + } + + ::memcpy(mStep, cmd->steps()->data(), cmd->steps()->size() * sizeof(int)); + ::memcpy(mIter, cmd->iterIndexes()->data(), cmd->iterIndexes()->size() * sizeof(int)); + int e = cmd->size()->data()[0]; + int l = cmd->size()->data()[1]; + int h = cmd->size()->data()[2]; + int n = mLoop->loopNumber(); + + int tileM = 64; + int tileN = 32; + int tileK = 32; + bool isTotalLarge = (e * 1.0 / 512 * l / 512 * h / 512 > 0.5); + bool isDimLarge = (e > 256 && l > 256 && h > 256); + int max_eh = std::max(e, h); + int min_eh = std::min(e, h); + isDimLarge = isDimLarge || (l >= 512 && (max_eh > 1024 || min_eh > 32)); + + mBatchGemmOpt = isTotalLarge && isDimLarge; + for(int i = 0; i < cmd->iterIndexes()->size(); ++i){ + if (mIter[i] >= 0) { + mBatchGemmOpt = false; + break; + } + } + + if(mHasBias) { + mBatchGemmOpt = false; + } + + bool needRearrangeA = false; + if(mBatchGemmOpt && !mTransposeA) { + // rearrange to [n, l, e] + needRearrangeA = true; + } + bool needRearrangeB = false; + if(mBatchGemmOpt && mTransposeB) { + // rearrange to [n, l, h] + needRearrangeB = true; + } + + // tile input + for (int i = 1; i < cmd->indexes()->size(); ++i) { + auto input = mTensors[cmd->indexes()->data()[i]]; + std::vector Shape = tensorShapeFormat(input); + const int Channel = Shape.at(3); + const int Width = Shape.at(2); + const int Height = Shape.at(1); + const int Batch = Shape.at(0); + bool needTranspose = false; + if(i == 1) { + needTranspose = needRearrangeA; + } else if(i == 2) { + needTranspose = needRearrangeB; + } + + Unit unit; + std::set buildOptions = mBuildOptions; + if(needTranspose) { + buildOptions.emplace("-DTRANSPOSE"); + } + if(input->buffer().dimensions == 3) { + buildOptions.emplace("-DDIMENSION_3"); + } + if(input->buffer().dimensions == 4) { + buildOptions.emplace("-DDIMENSION_4"); + } + + int WidthPad = Width; + int HeightPad = Height; + int ChannelPad = Channel; + + if(mBatchGemmOpt) { + auto shape = getTileDimensionSize(std::make_tuple(Width, Height, Channel), std::make_tuple(tileM, tileK, tileN), TensorUtils::getDescribe(input)->dimensionFormat, input->buffer().dimensions, needTranspose, i); + WidthPad = std::get<0>(shape); + HeightPad = std::get<1>(shape); + ChannelPad = std::get<2>(shape); + } + + mTmpTensors[i] = std::make_shared(Tensor::createDevice(std::vector{Batch, ChannelPad, HeightPad, WidthPad}, Tensor::CAFFE)); + // MNN_PRINT("input%d, %d %d %d %d\n", i, Batch, ChannelPad, HeightPad, WidthPad); + + mOpenCLBackend->onAcquireBuffer(mTmpTensors[i].get(), Backend::DYNAMIC); + _TileOrPackTensor(input, mTmpTensors[i].get(), unit.kernel, unit.globalWorkSize, unit.localWorkSize, Width, Height, Channel, Batch, mOpenCLBackend, "tile_buf", buildOptions, WidthPad, HeightPad, ChannelPad); + mUnits.emplace_back(unit); + } + + for(int i = 0; i < cmd->iterIndexes()->size(); ++i){ + if (mIter[i] >= 0) { + auto input = mTensors[cmd->iterIndexes()->data()[i]]; + std::vector Shape = tensorShapeFormat(input); + const int Channel = Shape.at(3); + const int Width = Shape.at(2); + const int Height = Shape.at(1); + const int Batch = Shape.at(0); + mOffsetTensors.emplace_back(std::make_shared(Tensor::createDevice(std::vector{Batch, Channel, Height, Width}, Tensor::CAFFE))); + mOpenCLBackend->onAcquireBuffer(mOffsetTensors.back().get(), Backend::DYNAMIC); + // MNN_PRINT("input%d offset, %d %d %d %d\n", i, Batch, Channel, Height, Width); + + Unit unit; + _TileOrPackTensor(input, mOffsetTensors.back().get(), unit.kernel, unit.globalWorkSize, unit.localWorkSize, Width, Height, Channel, Batch, mOpenCLBackend, "tile_buf", mBuildOptions, Width, Height, Channel); + mUnits.emplace_back(unit); + } + } + + mBatch = n; + mM = e; + mN = h; + mK = l; + if(mBatchGemmOpt) { + // matmul + int e_pack = ROUND_UP(e, tileM); + int l_pack = ROUND_UP(l, tileK); + int h_pack = ROUND_UP(h, tileN); + mTmpTensors[0] = std::make_shared(Tensor::createDevice(std::vector{1, n, e_pack, h_pack}, Tensor::CAFFE)); + mOpenCLBackend->onAcquireBuffer(mTmpTensors[0].get(), Backend::DYNAMIC); + + std::set buildOptions = mBuildOptions; + int GEMMK=0, KREG=1, KWG=32, KWI=2, MDIMA=16, MDIMC=16, MWG=64, NDIMB=8, NDIMC=8, NWG=32, SA=0, SB=0, STRM=0, STRN=0, VWM=4, VWN=4; + buildOptions.emplace("-DGEMMK=" + std::to_string(GEMMK)); + buildOptions.emplace("-DKREG=" + std::to_string(KREG)); + buildOptions.emplace("-DKWG=" + std::to_string(KWG)); + buildOptions.emplace("-DKWI=" + std::to_string(KWI)); + buildOptions.emplace("-DMDIMA=" + std::to_string(MDIMA)); + buildOptions.emplace("-DMDIMC=" + std::to_string(MDIMC)); + buildOptions.emplace("-DMWG=" + std::to_string(MWG)); + buildOptions.emplace("-DNDIMB=" + std::to_string(NDIMB)); + buildOptions.emplace("-DNDIMC=" + std::to_string(NDIMC)); + buildOptions.emplace("-DNWG=" + std::to_string(NWG)); + buildOptions.emplace("-DSA=" + std::to_string(SA)); + buildOptions.emplace("-DSB=" + std::to_string(SB)); + buildOptions.emplace("-DSTRM=" + std::to_string(STRM)); + buildOptions.emplace("-DSTRN=" + std::to_string(STRN)); + buildOptions.emplace("-DVWM=" + std::to_string(VWM)); + buildOptions.emplace("-DVWN=" + std::to_string(VWN)); + + if(mOpenCLBackend->getOpenCLRuntime()->getGpuType() == GpuType::ADRENO) { + buildOptions.emplace("-DUSE_CL_MAD=1"); + buildOptions.emplace("-DRELAX_WORKGROUP_SIZE=1"); + } + + if(mOpenCLBackend->getOpenCLRuntime()->isSupportedFP16()){ + buildOptions.emplace(" -DPRECISION=16"); + } else { + buildOptions.emplace(" -DPRECISION=32"); + } + + int localM = MDIMC; + int localN = NDIMC; + + for(int b = 0; b < n; b++) { + Unit unit; + unit.kernel = mOpenCLBackend->getOpenCLRuntime()->buildKernel("matmul_params_buf", "Xgemm", buildOptions); + + int out_per_thread_m = tileM / localM; + int out_per_thread_n = tileN / localN; + + std::vector globalWorkSize = {static_cast(e_pack/out_per_thread_m), static_cast(h_pack/out_per_thread_n)}; + std::vector localWorkSize = {static_cast(localM), static_cast(localN)}; + + float alpha = 1.0; + float beta = 0.0f; + // A: [n, l, e] + // B: [n, l, h] + int offset_a = b * l_pack * e_pack; + int offset_b = b * l_pack * h_pack; + int offset_c = b * e_pack * h_pack; + + int idx = 0; + cl_int ret = CL_SUCCESS; + ret |= unit.kernel->get().setArg(idx++, static_cast(e_pack)); + ret |= unit.kernel->get().setArg(idx++, static_cast(h_pack)); + ret |= unit.kernel->get().setArg(idx++, static_cast(l_pack)); + ret |= unit.kernel->get().setArg(idx++, alpha); + ret |= unit.kernel->get().setArg(idx++, beta); + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(mTmpTensors[1].get())); + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(mTmpTensors[2].get())); + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(mTmpTensors[0].get())); + ret |= unit.kernel->get().setArg(idx++, offset_a); + ret |= unit.kernel->get().setArg(idx++, offset_b); + ret |= unit.kernel->get().setArg(idx++, offset_c); + MNN_CHECK_CL_SUCCESS(ret, "setArg LoopBuf GemmTile Kernel"); + + unit.globalWorkSize = {globalWorkSize[0], globalWorkSize[1]}; + unit.localWorkSize = {localWorkSize[0], localWorkSize[1]}; + mUnits.emplace_back(unit); + mOpenCLBackend->recordKernel2d(unit.kernel, globalWorkSize, localWorkSize); + } + } else { + // matmul + mTmpTensors[0] = std::make_shared(Tensor::createDevice(std::vector{1, n, e, h}, Tensor::CAFFE)); + mOpenCLBackend->onAcquireBuffer(mTmpTensors[0].get(), Backend::DYNAMIC); + int offset_index = 0; + + // MNN_PRINT("batchgemm:%d, %d %d %d, transAB %d %d, bias:%d, inputsize:%d\n", n, e, h, l, mTransposeA, mTransposeB, mHasBias, cmd->indexes()->size()); + Unit unit; + std::string KernelName = "batch_matmul"; + std::set buildOptions = mBuildOptions; + if (mHasBias) { + buildOptions.emplace("-DBIAS"); + } + if (mTransposeA) { + buildOptions.emplace("-DTRANSPOSE_A"); + } + if (mTransposeB) { + buildOptions.emplace("-DTRANSPOSE_B"); + } + buildOptions.emplace("-DH_LEAVES=" + std::to_string(h % 4)); + unit.kernel = runTime->buildKernel("loop", KernelName, buildOptions, mTensors[cmd->indexes()->data()[1]], mTensors[cmd->indexes()->data()[0]]); + uint32_t mMaxWorkGroupSize = static_cast(runTime->getMaxWorkGroupSize(unit.kernel)); + std::vector mGlobalWorkSize = {(uint32_t)(UP_DIV(h, 4)), (uint32_t)(UP_DIV(e, 4)),(uint32_t)(n)}; + + uint32_t index = 0; + cl_int ret = CL_SUCCESS; + ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[0]); + ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[1]); + ret |= unit.kernel->get().setArg(index++, mGlobalWorkSize[2]); + ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[0].get())); + ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[1].get())); + ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[2].get())); + if (mHasBias) { + ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTmpTensors[3].get())); + } + for (int i = 0; i < cmd->iterIndexes()->size(); ++i) { + if (mIter[i] >= 0) { + ret |= unit.kernel->get().setArg(index++, openCLBuffer(mOffsetTensors[offset_index++].get())); + } else { + ret |= unit.kernel->get().setArg(index++, openCLBuffer(mTensors[cmd->indexes()->data()[1]])); + } + } + ret |= unit.kernel->get().setArg(index++, e); + ret |= unit.kernel->get().setArg(index++, l); + ret |= unit.kernel->get().setArg(index++, h); + ret |= unit.kernel->get().setArg(index++, sizeof(mOffset), mOffset); + ret |= unit.kernel->get().setArg(index++, sizeof(mIter), mIter); + ret |= unit.kernel->get().setArg(index++, sizeof(mStep), mStep); + MNN_CHECK_CL_SUCCESS(ret, "setArg LoopBatchMatMulBufExecution"); + + std::vector mLocalWorkSize = localWS3DDefault(mGlobalWorkSize, mMaxWorkGroupSize, runTime, KernelName, unit.kernel).first; + + unit.globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1], mGlobalWorkSize[2]}; + unit.localWorkSize = {mLocalWorkSize[0], mLocalWorkSize[1], mLocalWorkSize[2]}; + mUnits.emplace_back(unit); + mOpenCLBackend->recordKernel3d(unit.kernel, mGlobalWorkSize, mLocalWorkSize); + } + + //pack output + { + auto output = mTensors[cmd->indexes()->data()[0]]; + std::vector Shape = tensorShapeFormat(output); + const int Channel = Shape.at(3); + const int Width = Shape.at(2); + const int Height = Shape.at(1); + const int Batch = Shape.at(0); + // MNN_PRINT("output, %d %d %d %d\n", Batch, Channel, Height, Width); + + Unit unit; + std::set buildOptions = mBuildOptions; + if(mBatchGemmOpt) { + buildOptions.emplace("-DTRANSPOSE"); + if (mHasBias) { + buildOptions.emplace("-DBIAS"); + } + if(output->buffer().dimensions == 3) { + buildOptions.emplace("-DDIMENSION_3"); + } + if(output->buffer().dimensions == 4) { + buildOptions.emplace("-DDIMENSION_4"); + } + } + + int WidthPad = Width; + int HeightPad = Height; + int ChannelPad = Channel; + if(mBatchGemmOpt) { + auto shape = getTileDimensionSize(std::make_tuple(Width, Height, Channel), std::make_tuple(tileM, tileK, tileN), TensorUtils::getDescribe(output)->dimensionFormat, output->buffer().dimensions, false, 0); + WidthPad = std::get<0>(shape); + HeightPad = std::get<1>(shape); + ChannelPad = std::get<2>(shape); + } + _TileOrPackTensor(mTmpTensors[0].get(), output, unit.kernel, unit.globalWorkSize, unit.localWorkSize, Width, Height, Channel, Batch, mOpenCLBackend, "pack_buf", buildOptions, WidthPad, HeightPad, ChannelPad); + mUnits.emplace_back(unit); + } for (int i = 0; i < cmd->indexes()->size(); ++i) { mOpenCLBackend->onReleaseBuffer(mTmpTensors[i].get(), Backend::DYNAMIC); @@ -314,6 +677,68 @@ ErrorCode LoopBatchMatMulBufExecution::onEncode(const std::vector &inp return NO_ERROR; } +ErrorCode LoopBatchMatMulBufExecution::onExecute(const std::vector &inputs, const std::vector &outputs) { + auto openCLBackend = static_cast(backend()); + auto runtime = openCLBackend->getOpenCLRuntime(); +#ifdef ENABLE_OPENCL_TIME_PROFILER + int idx = 0; +#else + if(openCLBackend->isUseRecordQueue()){ + openCLBackend->addRecord(mRecording, mOpRecordUpdateInfo); + return NO_ERROR; + } +#endif + auto res = CL_SUCCESS; + for (auto &unit : mUnits) { + #ifdef ENABLE_OPENCL_TIME_PROFILER + cl::Event event; + res = runtime->commandQueue().enqueueNDRangeKernel(unit.kernel->get(), + cl::NullRange, + unit.globalWorkSize, + unit.localWorkSize, + nullptr, + &event); + std::string name = "While-gemm"; + + if(mBatchGemmOpt) { + if(idx <= mUnits.size()-2 && idx >= mUnits.size()-1-mBatch) { + name += "-batchgemm"; + } else if(idx == 0) { + name += "-rearrangeA"; + } else if(idx == 1) { + name += "-rearrangeB"; + } else { + name += "-rearrangeC"; + } + } else { + if(idx == mUnits.size()-2) { + name += "-batchgemm"; + } else if(idx == 0) { + name += "-rearrangeA"; + } else if(idx == 1) { + name += "-rearrangeB"; + } else { + name += "-rearrangeC"; + } + } + std::string b = std::to_string(mBatch); + std::string m = std::to_string(mM); + std::string n = std::to_string(mN); + std::string k = std::to_string(mK); + std::string total = std::to_string(1.0 / 1000000 * mBatch * mM * mN * mK); + name += "-b" + b + "m" + m + "n" + n + "k" + k + "-total:" + total + "*10^6"; + runtime->pushEvent({name.c_str(), event}); + idx++; + #else + res = runtime->commandQueue().enqueueNDRangeKernel(unit.kernel->get(), + cl::NullRange, + unit.globalWorkSize, + unit.localWorkSize); + #endif + MNN_CHECK_CL_SUCCESS(res, "While-gemm execute"); + } + return NO_ERROR; +} LoopBinaryBufExecution::LoopBinaryBufExecution(const LoopParam *loop, const std::string &compute, const MNN::Op *op, Backend *bn) : CommonExecution(bn, op) { mLoop = loop; diff --git a/source/backend/opencl/execution/buffer/LoopBufExecution.hpp b/source/backend/opencl/execution/buffer/LoopBufExecution.hpp index 6345ccd5f..aba7848ff 100644 --- a/source/backend/opencl/execution/buffer/LoopBufExecution.hpp +++ b/source/backend/opencl/execution/buffer/LoopBufExecution.hpp @@ -39,6 +39,8 @@ class LoopBatchMatMulBufExecution : public CommonExecution { LoopBatchMatMulBufExecution(const LoopParam *loop, const MNN::Op *op, Backend *bn); virtual ~LoopBatchMatMulBufExecution() = default; virtual ErrorCode onEncode(const std::vector &inputs, const std::vector &outputs) override; + virtual ErrorCode onExecute(const std::vector &inputs, const std::vector &outputs) override; + private: const LoopParam *mLoop; @@ -52,6 +54,8 @@ class LoopBatchMatMulBufExecution : public CommonExecution { bool mTransposeA = false; bool mTransposeB = false; std::set mBuildOptions; + bool mBatchGemmOpt = false; + int mBatch, mM, mN, mK; }; diff --git a/source/backend/opencl/execution/buffer/MatmulBufExecution.cpp b/source/backend/opencl/execution/buffer/MatmulBufExecution.cpp index 56ce02e80..0d0e645db 100644 --- a/source/backend/opencl/execution/buffer/MatmulBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/MatmulBufExecution.cpp @@ -30,74 +30,173 @@ ErrorCode MatMulBufExecution::onEncode(const std::vector &inputs, cons std::vector input0Shape = tensorShapeFormat(input0); std::vector input1Shape = tensorShapeFormat(input1); std::vector outputShape = tensorShapeFormat(output); - + std::set buildOptions; + int M = input0Shape[0]; + int K = input0Shape[3]; if(mTransposeA) { - mKernelName = mTransposeB ? "matmul_transA_transB_buf":"matmul_transA_buf"; - } else { - mKernelName = mTransposeB ? "matmul_transB_buf":"matmul_buf"; + M = input0Shape[3]; + K = input0Shape[0]; } - + int N = mTransposeB ? input1Shape[0]: input1Shape[3]; + + const int K_4 = UP_DIV(K, 4); + const int N_4 = UP_DIV(N, 4); + const int M_4 = UP_DIV(M, 4); + + // set large tile + unsigned int tileM = 128; + unsigned int tileN = 128; + unsigned int tileK = 32; + unsigned int localM = 32; + unsigned int localN = 8; + if(inputs.size() > 2) { buildOptions.emplace("-DBIAS"); } - unit.kernel = runtime->buildKernel("matmul_buf", mKernelName, buildOptions); + + bool canUseTile = (M % tileM == 0) && \ + (N % tileN == 0) && \ + (K % tileK == 0); + bool canUseLargeTile = canUseTile && mTransposeA && !mTransposeB && inputs.size() == 2; + if (!canUseLargeTile) { + // set small tile + tileM = 64; + tileN = 128; + tileK = 8; + localM = 16; + localN = 16; + + canUseTile = (M % tileM == 0) && (N % tileN == 0) && (K % tileK == 0); + } + + if(canUseLargeTile) { + // Match with Large tileM->MWG tileN->NWG tileK->KWG localM->MDIMA localN->NDIMC + buildOptions.emplace(" -DGEMMK=0 -DKREG=1 -DKWG=32 -DKWI=2 -DMDIMA=32 -DMDIMC=32 -DMWG=128 -DNDIMB=8 -DNDIMC=8 -DNWG=128 -DSA=0 -DSB=0 -DSTRM=0 -DSTRN=1 -DVWM=2 -DVWN=8 -DOUTPUTMN"); + if(mOpenCLBackend->getOpenCLRuntime()->getGpuType() == GpuType::ADRENO) { + buildOptions.emplace("-DUSE_CL_MAD=1"); + buildOptions.emplace("-DRELAX_WORKGROUP_SIZE=1"); + } + if(runtime->isSupportedFP16()){ + buildOptions.emplace(" -DPRECISION=16"); + } else { + buildOptions.emplace(" -DPRECISION=32"); + } + unit.kernel = runtime->buildKernel("matmul_params_buf", "Xgemm", buildOptions); + + } else if(canUseTile) { + if(mTransposeA) { + buildOptions.emplace(" -DTRANSPOSE_A"); + } + if(mTransposeB) { + buildOptions.emplace(" -DTRANSPOSE_B"); + } + // Match with Small tileM->OPWM tileN->OPWN tileK->CPWK localM->OPWM/OPTM localN->OPWN/OPTN + buildOptions.emplace(" -DOPWM=64 -DOPWN=128 -DCPWK=8 -DOPTM=4 -DOPTN=8"); + + unit.kernel = runtime->buildKernel("matmul_local_buf", "matmul_local_buf", buildOptions); + } else { + if(mTransposeA) { + mKernelName = mTransposeB ? "matmul_transA_transB_buf":"matmul_transA_buf"; + } else { + mKernelName = mTransposeB ? "matmul_transB_buf":"matmul_buf"; + } + unit.kernel = runtime->buildKernel("matmul_buf", mKernelName, buildOptions); + } + mMaxWorkGroupSize = static_cast(runtime->getMaxWorkGroupSize(unit.kernel)); - //处理二维矩阵相乘,N C相当于H W - //二维矩阵相乘 cl_int ret = CL_SUCCESS; - if(mTransposeA) { - const int height = input0Shape.at(3);//input0 H - const int outputChannel = input0Shape.at(0);//input0 W - const int width = mTransposeB ? input1Shape.at(0): input1Shape.at(3);//input1 WW - const int outputChannelBlocks = UP_DIV(outputChannel, 4); - const int widthblocks = UP_DIV(width, 4); - const int heightblocks = UP_DIV(height, 4); + if(canUseLargeTile) { + + int out_per_thread_m = tileM / localM; + int out_per_thread_n = tileN / localN; - mGlobalWorkSize = {static_cast(widthblocks), static_cast(heightblocks)}; + mGlobalWorkSize = {static_cast(M/out_per_thread_m), static_cast(N/out_per_thread_n)}; + mLocalWorkSize = {localM, localN}; + + float alpha = 1.0; + float beta = 0.0f; + int offset = 0; int idx = 0; - ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[0]); - ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[1]); + ret |= unit.kernel->get().setArg(idx++, static_cast(M)); + ret |= unit.kernel->get().setArg(idx++, static_cast(N)); + ret |= unit.kernel->get().setArg(idx++, static_cast(K)); + ret |= unit.kernel->get().setArg(idx++, alpha); + ret |= unit.kernel->get().setArg(idx++, beta); ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input0)); ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input1)); - if(inputs.size() > 2) { + if (inputs.size() > 2) { ret |= unit.kernel->get().setArg(idx++, openCLBuffer(inputs[2])); } ret |= unit.kernel->get().setArg(idx++, openCLBuffer(output)); - ret |= unit.kernel->get().setArg(idx++, static_cast(outputChannel)); - ret |= unit.kernel->get().setArg(idx++, static_cast(outputChannelBlocks)); - ret |= unit.kernel->get().setArg(idx++, static_cast(height)); - ret |= unit.kernel->get().setArg(idx++, static_cast(heightblocks)); - ret |= unit.kernel->get().setArg(idx++, static_cast(widthblocks)); - ret |= unit.kernel->get().setArg(idx++, static_cast(width)); - MNN_CHECK_CL_SUCCESS(ret, "setArg MatMulBufExecution mTransposeA"); - - mLocalWorkSize = localWS2DDefault(mGlobalWorkSize, mMaxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), mKernelName, unit.kernel).first; - } - else { - const int height = input0Shape.at(0);//input0 H - const int outputChannel = input0Shape.at(3);//input0 W - const int width = mTransposeB ? input1Shape.at(0): input1Shape.at(3);//input1 W - const int outputChannelBlocks = UP_DIV(outputChannel, 4); - const int widthblocks = UP_DIV(width, 4); + ret |= unit.kernel->get().setArg(idx++, offset); + ret |= unit.kernel->get().setArg(idx++, offset); + ret |= unit.kernel->get().setArg(idx++, offset); - mGlobalWorkSize = {static_cast(widthblocks), static_cast(height)}; + MNN_CHECK_CL_SUCCESS(ret, "setArg MatMulBufExecution use large tile opt"); + + } else if(canUseTile) { + int out_per_thread_m = tileM / localM; + int out_per_thread_n = tileN / localN; + + mGlobalWorkSize = {static_cast(M/out_per_thread_m), static_cast(N/out_per_thread_n)}; + mLocalWorkSize = {localM, localN}; + int idx = 0; - ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[0]); - ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[1]); + ret |= unit.kernel->get().setArg(idx++, static_cast(M)); + ret |= unit.kernel->get().setArg(idx++, static_cast(N)); + ret |= unit.kernel->get().setArg(idx++, static_cast(K)); ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input0)); ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input1)); if(inputs.size() > 2) { ret |= unit.kernel->get().setArg(idx++, openCLBuffer(inputs[2])); } ret |= unit.kernel->get().setArg(idx++, openCLBuffer(output)); - ret |= unit.kernel->get().setArg(idx++, static_cast(outputChannel)); - ret |= unit.kernel->get().setArg(idx++, static_cast(outputChannelBlocks)); - ret |= unit.kernel->get().setArg(idx++, static_cast(widthblocks)); - ret |= unit.kernel->get().setArg(idx++, static_cast(width)); - MNN_CHECK_CL_SUCCESS(ret, "setArg MatMulBufExecution"); - mLocalWorkSize = localWS2DDefault(mGlobalWorkSize, mMaxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), mKernelName, unit.kernel).first; + + MNN_CHECK_CL_SUCCESS(ret, "setArg MatMulBufExecution use tile opt"); + + } else { + if(mTransposeA) { + mGlobalWorkSize = {static_cast(N_4), static_cast(M_4)}; + int idx = 0; + ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[0]); + ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[1]); + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input0)); + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input1)); + if(inputs.size() > 2) { + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(inputs[2])); + } + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(output)); + ret |= unit.kernel->get().setArg(idx++, static_cast(K)); + ret |= unit.kernel->get().setArg(idx++, static_cast(K_4)); + ret |= unit.kernel->get().setArg(idx++, static_cast(M)); + ret |= unit.kernel->get().setArg(idx++, static_cast(M_4)); + ret |= unit.kernel->get().setArg(idx++, static_cast(N_4)); + ret |= unit.kernel->get().setArg(idx++, static_cast(N)); + MNN_CHECK_CL_SUCCESS(ret, "setArg MatMulBufExecution mTransposeA"); + + mLocalWorkSize = localWS2DDefault(mGlobalWorkSize, mMaxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), mKernelName, unit.kernel).first; + } + else { + + mGlobalWorkSize = {static_cast(N_4), static_cast(M)}; + int idx = 0; + ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[0]); + ret |= unit.kernel->get().setArg(idx++, mGlobalWorkSize[1]); + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input0)); + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(input1)); + if(inputs.size() > 2) { + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(inputs[2])); + } + ret |= unit.kernel->get().setArg(idx++, openCLBuffer(output)); + ret |= unit.kernel->get().setArg(idx++, static_cast(K)); + ret |= unit.kernel->get().setArg(idx++, static_cast(K_4)); + ret |= unit.kernel->get().setArg(idx++, static_cast(N_4)); + ret |= unit.kernel->get().setArg(idx++, static_cast(N)); + MNN_CHECK_CL_SUCCESS(ret, "setArg MatMulBufExecution"); + mLocalWorkSize = localWS2DDefault(mGlobalWorkSize, mMaxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), mKernelName, unit.kernel).first; + } } mOpenCLBackend->recordKernel2d(unit.kernel, mGlobalWorkSize, mLocalWorkSize); unit.globalWorkSize = {mGlobalWorkSize[0], mGlobalWorkSize[1]}; diff --git a/source/backend/opencl/execution/buffer/RasterBufExecution.cpp b/source/backend/opencl/execution/buffer/RasterBufExecution.cpp index 97685e670..d663a6c9f 100644 --- a/source/backend/opencl/execution/buffer/RasterBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/RasterBufExecution.cpp @@ -132,10 +132,7 @@ ErrorCode RasterBufExecution::onEncode(const std::vector &____inputs, const std::vector lws = localWS3DDefault(gws, mMaxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), name, unit.kernel).first; unit.localWorkSize = {lws[0], lws[1], lws[2]}; - - unit.globalWorkSize = {ROUND_UP(gws[0], std::max((uint32_t)1, lws[0])), - ROUND_UP(gws[1], std::max((uint32_t)1, lws[1])), - ROUND_UP(gws[2], std::max((uint32_t)1, lws[2]))}; + unit.globalWorkSize = {gws[0], gws[1], gws[2]}; mOpenCLBackend->recordKernel3d(unit.kernel, gws, lws); }else{ for(auto& slice : des->regions){ @@ -194,10 +191,7 @@ ErrorCode RasterBufExecution::onEncode(const std::vector &____inputs, const std::vector lws = localWS3DDefault(gws, mMaxWorkGroupSize, mOpenCLBackend->getOpenCLRuntime(), name, unit.kernel).first; unit.localWorkSize = {lws[0], lws[1], lws[2]}; - - unit.globalWorkSize = {ROUND_UP(gws[0], std::max((uint32_t)1, lws[0])), - ROUND_UP(gws[1], std::max((uint32_t)1, lws[1])), - ROUND_UP(gws[2], std::max((uint32_t)1, lws[2]))}; + unit.globalWorkSize = {gws[0], gws[1], gws[2]}; mOpenCLBackend->recordKernel3d(unit.kernel, gws, lws); } } diff --git a/source/backend/opencl/execution/buffer/SoftmaxBufExecution.cpp b/source/backend/opencl/execution/buffer/SoftmaxBufExecution.cpp index 7b8807382..fa2dc9216 100644 --- a/source/backend/opencl/execution/buffer/SoftmaxBufExecution.cpp +++ b/source/backend/opencl/execution/buffer/SoftmaxBufExecution.cpp @@ -55,7 +55,7 @@ ErrorCode SoftmaxBufExecution::onEncode(const std::vector &inputs, con const auto dims = input->buffer().dimensions; auto runtime = mOpenCLBackend->getOpenCLRuntime(); - auto MaxLocalSize = std::min(runtime->getMaxWorkItemSizes()[0], mMaxWorkGroupSize) / 4; + auto MaxLocalSize = std::min(std::min(runtime->getMaxWorkItemSizes()[0], mMaxWorkGroupSize), static_cast(256)); int inside = 1; int outside = 1; @@ -99,6 +99,8 @@ ErrorCode SoftmaxBufExecution::onEncode(const std::vector &inputs, con mAxis = 3; mGlobalWorkSize = {(uint32_t)(localSize), (uint32_t)channelBlocks, (uint32_t)outputBatch*outputHeight}; } + +// printf("softmax: %d %d %d %d, %d\n", inputBatch, inputChannels, inputHeight, inputWidth, mAxis); buildSoftmaxKernel(localSize); cl_int ret = CL_SUCCESS; diff --git a/source/backend/opencl/execution/cl/attention_buf.cl b/source/backend/opencl/execution/cl/attention_buf.cl index 1d7ca6db3..a1f6f9113 100644 --- a/source/backend/opencl/execution/cl/attention_buf.cl +++ b/source/backend/opencl/execution/cl/attention_buf.cl @@ -16,7 +16,11 @@ __kernel void matmul_qk_div_mask(GLOBAL_SIZE_3_DIMS __global const FLOAT *input1, // key [1 key_seq_len/4 head_num head_dim 4] __global FLOAT *output, // prefill [1 head_num query_seq_len/4 key_seq_len 4] decode[1 head_num key_seq_len/4 4] __global FLOAT *past_key, // [1 key_seq_len/4 head_num head_dim 4] +#ifdef ADD_MASK + __global const FLOAT* mask, +#else __global const int* mask, // [1 1 query_seq_len key_seq_len 4] +#endif __private const float scale, __private const int query_seq_len, __private const int key_seq_len, @@ -116,7 +120,28 @@ __kernel void matmul_qk_div_mask(GLOBAL_SIZE_3_DIMS out1 *= Vscale; out2 *= Vscale; out3 *= Vscale; + +#ifdef ADD_MASK + out0.s0 += mask[((x4 + 0) * key_seq_len + (z4 + 0)) * 4]; + out1.s0 += mask[((x4 + 0) * key_seq_len + (z4 + 1)) * 4]; + out2.s0 += mask[((x4 + 0) * key_seq_len + (z4 + 2)) * 4]; + out3.s0 += mask[((x4 + 0) * key_seq_len + (z4 + 3)) * 4]; + + out0.s1 += mask[((x4 + 1) * key_seq_len + (z4 + 0)) * 4]; + out1.s1 += mask[((x4 + 1) * key_seq_len + (z4 + 1)) * 4]; + out2.s1 += mask[((x4 + 1) * key_seq_len + (z4 + 2)) * 4]; + out3.s1 += mask[((x4 + 1) * key_seq_len + (z4 + 3)) * 4]; + out0.s2 += mask[((x4 + 2) * key_seq_len + (z4 + 0)) * 4]; + out1.s2 += mask[((x4 + 2) * key_seq_len + (z4 + 1)) * 4]; + out2.s2 += mask[((x4 + 2) * key_seq_len + (z4 + 2)) * 4]; + out3.s2 += mask[((x4 + 2) * key_seq_len + (z4 + 3)) * 4]; + + out0.s3 += mask[((x4 + 3) * key_seq_len + (z4 + 0)) * 4]; + out1.s3 += mask[((x4 + 3) * key_seq_len + (z4 + 1)) * 4]; + out2.s3 += mask[((x4 + 3) * key_seq_len + (z4 + 2)) * 4]; + out3.s3 += mask[((x4 + 3) * key_seq_len + (z4 + 3)) * 4]; +#else out0.s0 = mask[((x4 + 0) * key_seq_len + (z4 + 0)) * 4] == 0 ? -FLT_MAX : out0.s0; out1.s0 = mask[((x4 + 0) * key_seq_len + (z4 + 1)) * 4] == 0 ? -FLT_MAX : out1.s0; out2.s0 = mask[((x4 + 0) * key_seq_len + (z4 + 2)) * 4] == 0 ? -FLT_MAX : out2.s0; @@ -136,6 +161,7 @@ __kernel void matmul_qk_div_mask(GLOBAL_SIZE_3_DIMS out1.s3 = mask[((x4 + 3) * key_seq_len + (z4 + 1)) * 4] == 0 ? -FLT_MAX : out1.s3; out2.s3 = mask[((x4 + 3) * key_seq_len + (z4 + 2)) * 4] == 0 ? -FLT_MAX : out2.s3; out3.s3 = mask[((x4 + 3) * key_seq_len + (z4 + 3)) * 4] == 0 ? -FLT_MAX : out3.s3; +#endif vstore4(CONVERT_FLOAT4(out0), 0, output + output_offset + x * key_seq_len * 4 + z4 * 4); if(z4 + 1 >= key_seq_len) return; @@ -207,18 +233,22 @@ __kernel void matmul_qkv(GLOBAL_SIZE_3_DIMS const int x = get_global_id(0); // prefill qk_seq_len / 4 decode 1 const int y = get_global_id(1); // head_num - const int z = get_global_id(2); // head_dim + const int z = get_global_id(2); // head_dim << 2 + const int z4 = z << 2; DEAL_NON_UNIFORM_DIM3(x, y, z); #ifdef OPENCL_PREFILL_ATTENTION const int offset = head_num * head_dim * 4; - const int offset_head = y * head_dim * 4 + z * 4; + const int offset_head = y * head_dim * 4 + z4 * 4; const int value_seq_len4 = (value_seq_len + 3) / 4; const int qk_seq_len4 = (qk_seq_len + 3) / 4; __global const FLOAT *A_offset = input0 + (y * qk_seq_len4 + x) * value_seq_len * 4; __global const FLOAT *B_offset = input1 + offset_head; __global FLOAT *Pastvalue_offset = past_value + offset_head; - COMPUTE_FLOAT4 out = 0; + COMPUTE_FLOAT4 out0 = 0; + COMPUTE_FLOAT4 out1 = 0; + COMPUTE_FLOAT4 out2 = 0; + COMPUTE_FLOAT4 out3 = 0; for(int i = 0; i < value_seq_len4 - 1; ++i){ int index = i << 2; @@ -226,26 +256,67 @@ __kernel void matmul_qkv(GLOBAL_SIZE_3_DIMS COMPUTE_FLOAT4 A1 = CONVERT_COMPUTE_FLOAT4(vload4(index + 1, A_offset)); COMPUTE_FLOAT4 A2 = CONVERT_COMPUTE_FLOAT4(vload4(index + 2, A_offset)); COMPUTE_FLOAT4 A3 = CONVERT_COMPUTE_FLOAT4(vload4(index + 3, A_offset)); - COMPUTE_FLOAT4 B = CONVERT_COMPUTE_FLOAT4(vload4(0, B_offset + i * offset)); + COMPUTE_FLOAT16 B = CONVERT_COMPUTE_FLOAT16(vload16(0, B_offset + i * offset)); + + out0 = mad(A0, (COMPUTE_FLOAT4)B.s0, out0); + out0 = mad(A1, (COMPUTE_FLOAT4)B.s1, out0); + out0 = mad(A2, (COMPUTE_FLOAT4)B.s2, out0); + out0 = mad(A3, (COMPUTE_FLOAT4)B.s3, out0); + + out1 = mad(A0, (COMPUTE_FLOAT4)B.s4, out1); + out1 = mad(A1, (COMPUTE_FLOAT4)B.s5, out1); + out1 = mad(A2, (COMPUTE_FLOAT4)B.s6, out1); + out1 = mad(A3, (COMPUTE_FLOAT4)B.s7, out1); - out = mad(A0, (COMPUTE_FLOAT4)B.s0, out); - out = mad(A1, (COMPUTE_FLOAT4)B.s1, out); - out = mad(A2, (COMPUTE_FLOAT4)B.s2, out); - out = mad(A3, (COMPUTE_FLOAT4)B.s3, out); + out2 = mad(A0, (COMPUTE_FLOAT4)B.s8, out2); + out2 = mad(A1, (COMPUTE_FLOAT4)B.s9, out2); + out2 = mad(A2, (COMPUTE_FLOAT4)B.sa, out2); + out2 = mad(A3, (COMPUTE_FLOAT4)B.sb, out2); + + out3 = mad(A0, (COMPUTE_FLOAT4)B.sc, out3); + out3 = mad(A1, (COMPUTE_FLOAT4)B.sd, out3); + out3 = mad(A2, (COMPUTE_FLOAT4)B.se, out3); + out3 = mad(A3, (COMPUTE_FLOAT4)B.sf, out3); - vstore4(CONVERT_FLOAT4(B), 0, Pastvalue_offset + i * offset); + vstore16(CONVERT_FLOAT16(B), 0, Pastvalue_offset + i * offset); } - - COMPUTE_FLOAT4 B = CONVERT_COMPUTE_FLOAT4(vload4(0, B_offset + (value_seq_len4 - 1) * offset)); - vstore4(CONVERT_FLOAT4(B), 0, Pastvalue_offset + (value_seq_len4 - 1) * offset); + +#ifdef HEADDIM_LEAVE + COMPUTE_FLOAT16 B = CONVERT_COMPUTE_FLOAT16(vload16(0, B_offset + (value_seq_len4 - 1) * offset)); COMPUTE_FLOAT *B_ptr = (COMPUTE_FLOAT*)&B; for(int i = (value_seq_len4 - 1) * 4, j = 0; i < value_seq_len; ++i, ++j){ COMPUTE_FLOAT4 A0 = CONVERT_COMPUTE_FLOAT4(vload4(i, A_offset)); - out = mad(A0, (COMPUTE_FLOAT4)B_ptr[j], out); + out0 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j], out0); + out1 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j + 4], out1); + out2 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j + 8], out2); + out3 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j + 12], out3); } - vstore4(CONVERT_FLOAT4(out), 0, output + x * offset + (y * head_dim + z) * 4); + vstore4(CONVERT_FLOAT4(out0), 0, output + x * offset + (y * head_dim + z4) * 4); + vstore4(CONVERT_FLOAT4(B.s0123), 0, Pastvalue_offset + (value_seq_len4 - 1) * offset); + if(z4 + 1 >= head_dim) return; + vstore4(CONVERT_FLOAT4(out1), 0, output + x * offset + (y * head_dim + z4 + 1) * 4); + vstore4(CONVERT_FLOAT4(B.s4567), 1, Pastvalue_offset + (value_seq_len4 - 1) * offset); + if(z4 + 2 >= head_dim) return; + vstore4(CONVERT_FLOAT4(out2), 0, output + x * offset + (y * head_dim + z4 + 2) * 4); + vstore4(CONVERT_FLOAT4(B.s89ab), 2, Pastvalue_offset + (value_seq_len4 - 1) * offset); + if(z4 + 3 >= head_dim) return; + vstore4(CONVERT_FLOAT4(out3), 0, output + x * offset + (y * head_dim + z4 + 3) * 4); + vstore4(CONVERT_FLOAT4(B.scdef), 3, Pastvalue_offset + (value_seq_len4 - 1) * offset); +#else + COMPUTE_FLOAT16 B = CONVERT_COMPUTE_FLOAT16(vload16(0, B_offset + (value_seq_len4 - 1) * offset)); + vstore16(CONVERT_FLOAT16(B), 0, Pastvalue_offset + (value_seq_len4 - 1) * offset); + COMPUTE_FLOAT *B_ptr = (COMPUTE_FLOAT*)&B; + for(int i = (value_seq_len4 - 1) * 4, j = 0; i < value_seq_len; ++i, ++j){ + COMPUTE_FLOAT4 A0 = CONVERT_COMPUTE_FLOAT4(vload4(i, A_offset)); + out0 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j], out0); + out1 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j + 4], out1); + out2 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j + 8], out2); + out3 = mad(A0, (COMPUTE_FLOAT4)B_ptr[j + 12], out3); + } + vstore16(CONVERT_FLOAT16((COMPUTE_FLOAT16)(out0, out1, out2, out3)), 0, output + x * offset + (y * head_dim + z4) * 4); +#endif + #else - const int z4 = z << 2; const int value_seq_len4 = (value_seq_len + 3) / 4; const int offset = head_num * head_dim * 4; const int offset_head = y * head_dim * 4 + z4 * 4; diff --git a/source/backend/opencl/execution/cl/binary_buf.cl b/source/backend/opencl/execution/cl/binary_buf.cl index 383ca782b..3528882ab 100644 --- a/source/backend/opencl/execution/cl/binary_buf.cl +++ b/source/backend/opencl/execution/cl/binary_buf.cl @@ -11,16 +11,58 @@ __kernel void binary_buf(__private int global_dim0, __private int global_dim1, int2 pos = (int2)(get_global_id(0), get_global_id(1));//NC4, HW if (pos.x < global_dim0 && pos.y < global_dim1) { - int offset = pos.x * (shape.y*shape.z) + pos.y; + #ifdef WH_PACK4 + int offset = pos.x * (shape.y*shape.z/4) + pos.y; + #ifdef A_SINGLE + float data0 = input0[0]; + float16 in0_16 = (float16)data0; + #else + float16 in0_16 = convert_float16(vload16(offset, input0)); + #endif - float4 in0 = convert_float4(vload4(offset*isFull.x, input0)); - float4 in1 = convert_float4(vload4(offset*isFull.y, input1)); - if(isFull.x == 0) { - in0 = (float4)(in0.x, in0.x, in0.x, in0.x); - } - if(isFull.y == 0) { - in1 = (float4)(in1.x, in1.x, in1.x, in1.x); + #ifdef B_SINGLE + float data1 = input1[0]; + float16 in1_16 = (float16)data1; + #else + float16 in1_16 = convert_float16(vload16(offset, input1)); + #endif + + float16 out; + float4 in0 = in0_16.s0123; + float4 in1 = in1_16.s0123; + out.s0123 = OPERATOR; + + in0 = in0_16.s4567; + in1 = in1_16.s4567; + out.s4567 = OPERATOR; + + in0 = in0_16.s89ab; + in1 = in1_16.s89ab; + out.s89ab = OPERATOR; + + in0 = in0_16.scdef; + in1 = in1_16.scdef; + out.scdef = OPERATOR; + + if(activationType == 1) { + out = fmax(out, (float16)0); } + vstore16(CONVERT_OUTPUT16(out), offset, output); + #else + int offset = pos.x * (shape.y*shape.z) + pos.y; + #ifdef A_SINGLE + float data0 = input0[0]; + float4 in0 = (float4)(data0, data0, data0, data0); + #else + float4 in0 = convert_float4(vload4(offset, input0)); + #endif + + #ifdef B_SINGLE + float data1 = input1[0]; + float4 in1 = (float4)(data1, data1, data1, data1); + #else + float4 in1 = convert_float4(vload4(offset, input1)); + #endif float4 out = OPERATOR; @@ -28,6 +70,7 @@ __kernel void binary_buf(__private int global_dim0, __private int global_dim1, out = fmax(out, (float4)0); } vstore4(CONVERT_OUTPUT4(out), offset, output); + #endif } } diff --git a/source/backend/opencl/execution/cl/conv_2d_buf.cl b/source/backend/opencl/execution/cl/conv_2d_buf.cl index ce041937c..b6d6dd475 100644 --- a/source/backend/opencl/execution/cl/conv_2d_buf.cl +++ b/source/backend/opencl/execution/cl/conv_2d_buf.cl @@ -148,7 +148,6 @@ void conv_2d_1x1_c8h1w4(GLOBAL_SIZE_2_DIMS __private const int out_w_blocks, const int intput_width_idx0 = out_w4_idx; for (int in_channel_block_idx = 0; in_channel_block_idx < in_c_block; ++in_channel_block_idx) { - int input_width_base = mul24(in_channel_block_idx, out_w); int offset = mad24(out_c_idx, in_c_block, in_channel_block_idx)*8; const int inp_offset = @@ -308,7 +307,6 @@ void conv_2d_1x1_c8h1w2(GLOBAL_SIZE_2_DIMS __private const int out_w_blocks, const int intput_width_idx0 = out_w2_idx; for (int in_channel_block_idx = 0; in_channel_block_idx < in_c_block; ++in_channel_block_idx) { - int input_width_base = mul24(in_channel_block_idx, out_w); int offset = mad24(out_c_idx, in_c_block, in_channel_block_idx)*8; const int inp_offset = @@ -422,8 +420,7 @@ void conv_2d_1x1_c4h1w1(GLOBAL_SIZE_2_DIMS __private const int out_w_blocks, const int intput_width_idx0 = out_w_idx; for (int in_channel_block_idx = 0; in_channel_block_idx < in_c_block; ++in_channel_block_idx) { - int input_width_base = mul24(in_channel_block_idx, out_w); - + int offset = mad24(out_c_idx, in_c_block, in_channel_block_idx)*4; const int inp_offset = (((out_b_idx*in_c_block + in_channel_block_idx)*out_h + out_h_idx)* out_w + intput_width_idx0)*4; @@ -484,7 +481,6 @@ void conv_2d_1x1_c4h1w2(GLOBAL_SIZE_2_DIMS __private const int out_w_blocks, const int intput_width_idx0 = out_w2_idx; for (int in_channel_block_idx = 0; in_channel_block_idx < in_c_block; ++in_channel_block_idx) { - int input_width_base = mul24(in_channel_block_idx, out_w); int offset = mad24(out_c_idx, in_c_block, in_channel_block_idx)*4; const int inp_offset = diff --git a/source/backend/opencl/execution/cl/gather_buf.cl b/source/backend/opencl/execution/cl/gather_buf.cl index 6e239ffef..22b23dbe0 100644 --- a/source/backend/opencl/execution/cl/gather_buf.cl +++ b/source/backend/opencl/execution/cl/gather_buf.cl @@ -4,14 +4,21 @@ __kernel void batch_gather_buf(__private int global_dim0, __private int global_dim1, __private int global_dim2, __global OUTPUT_TYPE* output, __global INPUT_TYPE* input, - __global int* offset_dst, __global int* offset_src, + #ifdef OFFSET_DST + __global int* offset_dst_ptr, + __private const int4 offset_dst_shape,// w, h, c, n + #endif + #ifdef OFFSET_SRC + __global int* offset_src_ptr, + __private const int4 offset_src_shape,// w, h, c, n + #endif __private const int x_size, __private const int4 stride_src, __private const int4 stride_dst, __private const int2 steps, __private const int2 iters, - __private const int4 dst_c4size, - __private const int4 src_c4size, + __private const int4 dst_c4size,// w, h, c, n + __private const int4 src_c4size,// w, h, c, n __private const int inputSize) { int3 pos = (int3)(get_global_id(0), get_global_id(1), get_global_id(2)); @@ -21,24 +28,51 @@ __kernel void batch_gather_buf(__private int global_dim0, __private int global_d int y = pos.x / x_size; int2 index = (int2)(pos.z, pos.z); - if (iters.x >= 0) { -#ifdef OFFSET_DST_CHANNEL_STRIDE4 - index.x = offset_dst[pos.z * 4]; -#else - index.x = offset_dst[pos.z]; -#endif - } - if (iters.y >= 0) { -#ifdef OFFSET_SRC_CHANNEL_STRIDE4 - index.y = offset_src[pos.z * 4]; -#else - index.y = offset_src[pos.z]; -#endif + #ifdef OFFSET_DST + { + int offset_value = pos.z; + int off_c4_size = (offset_dst_shape.z + 3) >> 2; + #ifdef GATHER_INPUT_NHWC + int off_c = offset_value % offset_dst_shape.z; offset_value /= offset_dst_shape.z; + int off_w = offset_value % offset_dst_shape.x; offset_value /= offset_dst_shape.x; + int off_h = offset_value % offset_dst_shape.y; + int off_b = offset_value / offset_dst_shape.y; + #else + int off_w = offset_value % offset_dst_shape.x; offset_value /= offset_dst_shape.x; + int off_h = offset_value % offset_dst_shape.y; offset_value /= offset_dst_shape.y; + int off_c = offset_value % offset_dst_shape.z; + int off_b = offset_value / offset_dst_shape.z; + #endif + int real_dst_offset = (((off_b * off_c4_size + off_c / 4) * offset_dst_shape.y + off_h) * offset_dst_shape.x + off_w) * 4 + off_c % 4; + index.x = offset_dst_ptr[real_dst_offset]; } + #endif + + #ifdef OFFSET_SRC + { + int offset_value = pos.z; + int off_c4_size = (offset_src_shape.z + 3) >> 2; + #ifdef GATHER_INPUT_NHWC + int off_c = offset_value % offset_src_shape.z; offset_value /= offset_src_shape.z; + int off_w = offset_value % offset_src_shape.x; offset_value /= offset_src_shape.x; + int off_h = offset_value % offset_src_shape.y; + int off_b = offset_value / offset_src_shape.y; + #else + int off_w = offset_value % offset_src_shape.x; offset_value /= offset_src_shape.x; + int off_h = offset_value % offset_src_shape.y; offset_value /= offset_src_shape.y; + int off_c = offset_value % offset_src_shape.z; + int off_b = offset_value / offset_src_shape.z; + #endif + int real_src_offset = (((off_b * off_c4_size + off_c / 4) * offset_src_shape.y + off_h) * offset_src_shape.x + off_w) * 4 + off_c % 4; + index.y = offset_src_ptr[real_src_offset]; + } + #endif + int2 offset = index * steps; int src_offset = offset.y + stride_src.w + x * stride_src.x + y * stride_src.y + pos.y * stride_src.z; int dst_offset = offset.x + stride_dst.w + x * stride_dst.x + y * stride_dst.y + pos.y * stride_dst.z; + int src_offsetC4, dst_offsetC4; { #ifdef GATHER_INPUT_NHWC diff --git a/source/backend/opencl/execution/cl/gemm_buf.cl b/source/backend/opencl/execution/cl/gemm_buf.cl index 2022fd9e3..cd4c7fc94 100644 --- a/source/backend/opencl/execution/cl/gemm_buf.cl +++ b/source/backend/opencl/execution/cl/gemm_buf.cl @@ -28,11 +28,8 @@ __kernel void gemm_buf(GLOBAL_SIZE_DIM2 COMPUTE_FLOAT16 o = (COMPUTE_FLOAT16)0; int kenerlY = mad24(pos_z, height, pos_y); - int srcY = mad24(pos_z, width, pos_x); - for (int k = 0; k < srcChannelC4; ++k) { - __private int index = mul24(k, 4); - + for (int k = 0; k < srcChannelC4; ++k) { //NHWC [1, 1, alpha2*height, srcChannelC4*4] x 4 //index:[0, 0, pos_z*width+pos_y, index+0] //int inp1_offset = (((k * (alpha2*height) + kenerlY) * (srcChannelC4*4) + index)*4 + 0)*4; @@ -49,10 +46,7 @@ __kernel void gemm_buf(GLOBAL_SIZE_DIM2 o = mad((COMPUTE_FLOAT16)((COMPUTE_FLOAT4)s.s2, (COMPUTE_FLOAT4)s.s6, (COMPUTE_FLOAT4)s.sa, (COMPUTE_FLOAT4)s.se), (COMPUTE_FLOAT16)(k_v16.s89ab, k_v16.s89ab, k_v16.s89ab, k_v16.s89ab), o); o = mad((COMPUTE_FLOAT16)((COMPUTE_FLOAT4)s.s3, (COMPUTE_FLOAT4)s.s7, (COMPUTE_FLOAT4)s.sb, (COMPUTE_FLOAT4)s.sf), (COMPUTE_FLOAT16)(k_v16.scdef, k_v16.scdef, k_v16.scdef, k_v16.scdef), o); } - - __private int out_y_idx = mul24(pos_y, 4); - //NC4HW4 [dstChannelC4, alpha2, 4, UP_DIV(wUnit*hUnit,4)] x 4 - + //index: [pos_y, pos_z, 0, pos_x] int out_offset = (((pos_y * alpha2 + pos_z) * 4 + 0) * width + pos_x) * 4; @@ -112,9 +106,6 @@ __kernel void gemm_buf2(GLOBAL_SIZE_DIM2 o1 = mad((COMPUTE_FLOAT16)((COMPUTE_FLOAT4)s.s3, (COMPUTE_FLOAT4)s.s7, (COMPUTE_FLOAT4)s.sb, (COMPUTE_FLOAT4)s.sf), (COMPUTE_FLOAT16)(k_v16.scdef, k_v16.scdef, k_v16.scdef, k_v16.scdef), o1); } - __private int out_y_idx = mul24(pos_y, 4); - //NC4HW4 [dstChannelC4, alpha2, 4, UP_DIV(wUnit*hUnit,4)] x 4 - //index: [pos_y, pos_z, 0, pos_x] int out_offset = (((pos_y * alpha2 + pos_z) * 4 + 0) * width + pos_x) * 4; @@ -129,3 +120,83 @@ __kernel void gemm_buf2(GLOBAL_SIZE_DIM2 vstore4(CONVERT_FLOAT4(o1.s89ab), 1, output+out_offset+8*width); vstore4(CONVERT_FLOAT4(o1.scdef), 1, output+out_offset+12*width); } + +// [M, K/4, 4] -> [alignK, alignM] +__kernel void transpose_pad(GLOBAL_SIZE_DIM2 + const int alignM, + const int alignK, + const int M, + const int K, + __global const FLOAT* input, + __global FLOAT* output + ) { + const int idx_m4 = get_global_id(0); // idx M + const int idx_k4 = get_global_id(1); // idx K + UNIFORM_BOUNDRY_CHECK(idx_m4, idx_k4); + + const int idx_m = idx_m4 << 2; + const int idx_k = idx_k4 << 2; + const int K_4 = (K + 3) >> 2; + const int in_offset_base = (idx_m * K_4 + idx_k4) * 4; + const int out_offset_base = idx_k * alignM + idx_m; + + FLOAT4 m0k4 = (idx_k4 >= K_4 || idx_m + 0 >= M) ? (FLOAT4)0 : vload4(0, input + in_offset_base); + FLOAT4 m1k4 = (idx_k4 >= K_4 || idx_m + 1 >= M) ? (FLOAT4)0 : vload4(0, input + in_offset_base + (K_4 << 2)); + FLOAT4 m2k4 = (idx_k4 >= K_4 || idx_m + 2 >= M) ? (FLOAT4)0 : vload4(0, input + in_offset_base + (K_4 << 2) * 2); + FLOAT4 m3k4 = (idx_k4 >= K_4 || idx_m + 3 >= M) ? (FLOAT4)0 : vload4(0, input + in_offset_base + (K_4 << 2) * 3); + + vstore4((FLOAT4)(m0k4.x, m1k4.x, m2k4.x, m3k4.x), 0, output + out_offset_base); + vstore4((FLOAT4)(m0k4.y, m1k4.y, m2k4.y, m3k4.y), 0, output + out_offset_base + alignM); + vstore4((FLOAT4)(m0k4.z, m1k4.z, m2k4.z, m3k4.z), 0, output + out_offset_base + alignM + alignM); + vstore4((FLOAT4)(m0k4.w, m1k4.w, m2k4.w, m3k4.w), 0, output + out_offset_base + alignM + alignM + alignM); +} + +// [alignM, alignN] -> [M, N/4, 4] +__kernel void add_bias(GLOBAL_SIZE_DIM2 + const int alignM, + const int alignN, + const int M, + const int N, + __global const FLOAT* input0, + __global const FLOAT* input1, + __global FLOAT* output + ) { + const int idx_m = get_global_id(0); // idx M + const int idx_n_16 = get_global_id(1); // idx N + UNIFORM_BOUNDRY_CHECK(idx_m, idx_n_16); + + const int N_16 = (N + 15) >> 4; + const int N_left = N & 15; + bool canVec16 = (N_left == 0 || (N_left != 0 && idx_n_16 < N_16 - 1)); + if(canVec16) { + FLOAT16 res0 = vload16(0, input0 + idx_m * alignN + (idx_n_16 << 4)); + FLOAT16 res1 = vload16(0, input1 + (idx_n_16 << 4)); + FLOAT16 res = res0 + res1; + vstore16(res, 0, output + ((idx_m * N_16 + idx_n_16) << 4)); + } else { + const int N_4 = (N + 3) >> 2; + + FLOAT4 res0 = vload4(0, input0 + idx_m * alignN + (idx_n_16 << 4)); + FLOAT4 res1 = vload4(0, input1 + (idx_n_16 << 4)); + FLOAT4 res = res0 + res1; + vstore4(res, 0, output + ((idx_m * N_16 + idx_n_16) << 4)); + + if(idx_n_16 * 4 + 1 >= N_4) return; + res0 = vload4(0, input0 + idx_m * alignN + (idx_n_16 << 4) + 4); + res1 = vload4(0, input1 + (idx_n_16 << 4) + 4); + res = res0 + res1; + vstore4(res, 0, output + ((idx_m * N_16 + idx_n_16) << 4) + 4); + + if(idx_n_16 * 4 + 2 >= N_4) return; + res0 = vload4(0, input0 + idx_m * alignN + (idx_n_16 << 4) + 8); + res1 = vload4(0, input1 + (idx_n_16 << 4) + 8); + res = res0 + res1; + vstore4(res, 0, output + ((idx_m * N_16 + idx_n_16) << 4) + 8); + + if(idx_n_16 * 4 + 3 >= N_4) return; + res0 = vload4(0, input0 + idx_m * alignN + (idx_n_16 << 4) + 12); + res1 = vload4(0, input1 + (idx_n_16 << 4) + 12); + res = res0 + res1; + vstore4(res, 0, output + ((idx_m * N_16 + idx_n_16) << 4) + 12); + } +} diff --git a/source/backend/opencl/execution/cl/gemv_conv1x1_buf.cl b/source/backend/opencl/execution/cl/gemv_conv1x1_buf.cl index ffe697e66..9c762a8bf 100644 --- a/source/backend/opencl/execution/cl/gemv_conv1x1_buf.cl +++ b/source/backend/opencl/execution/cl/gemv_conv1x1_buf.cl @@ -51,8 +51,8 @@ __kernel void gemm_conv_c4_buf(GLOBAL_SIZE_DIM2 const int out_c_idx = out_c_w_idx / width; const int out_w_idx = out_c_w_idx % width; -#ifdef BACTH_BLOCK2 - const int out_b_idx = (out_b_h_idx / height) << 1; +#ifdef BACTH_BLOCK4 + const int out_b_idx = (out_b_h_idx / height) << 2; #else const int out_b_idx = out_b_h_idx / height; #endif @@ -61,11 +61,15 @@ __kernel void gemm_conv_c4_buf(GLOBAL_SIZE_DIM2 COMPUTE_FLOAT4 bias0 = CONVERT_COMPUTE_FLOAT4(vload4(out_c_idx, bias)); COMPUTE_FLOAT sum = 0; COMPUTE_FLOAT4 out = 0; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT sum1 = 0; - COMPUTE_FLOAT4 out1 = 0; +#ifdef BACTH_BLOCK4 + COMPUTE_FLOAT sum1 = 0, sum2 = 0, sum3 = 0; + COMPUTE_FLOAT4 out1 = 0, out2 = 0, out3 = 0; int input_offset1 = (((out_b_idx + 1) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; - bool isValidBatch = out_b_idx + 1 < batch; + int input_offset2 = (((out_b_idx + 2) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + int input_offset3 = (((out_b_idx + 3) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + bool isValidBatch1 = out_b_idx + 1 < batch; + bool isValidBatch2 = out_b_idx + 2 < batch; + bool isValidBatch3 = out_b_idx + 3 < batch; #endif int input_offset = ((out_b_idx * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; @@ -90,122 +94,172 @@ __kernel void gemm_conv_c4_buf(GLOBAL_SIZE_DIM2 #else for (int k = 0; k < srcChannelC4/4; ++k) { #endif -#ifdef WIDTH_HEIGHT_1 - COMPUTE_FLOAT16 in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset)); -#else +#ifndef WIDTH_HEIGHT_1 int k4 = k << 2; - COMPUTE_FLOAT16 in; - in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); - in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); - in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); -#endif - sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ -#ifdef WIDTH_HEIGHT_1 - in1 = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset1)); -#else - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); - in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); -#endif - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; - } #endif + COMPUTE_FLOAT16 weights0, weights1, weights2, weights3; #if (defined USE_LOW_BIT_WEIGHT_INT8) - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); - COMPUTE_FLOAT16 weights2 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 32)); - COMPUTE_FLOAT16 weights3 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 48)); + weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); + weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); + weights2 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 32)); + weights3 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 48)); #elif (defined USE_LOW_BIT_WEIGHT_INT4) - uchar16 charWeightsInt40 = vload16(0, weight + weight_offset + k * weight_oc_offset); - uchar16 charWeightsInt41 = vload16(0, weight + weight_offset + k * weight_oc_offset + 16); - COMPUTE_FLOAT16 weights0, weights1, weights2, weights3; { - char16 charWeights0 = 0; - char16 charWeights1 = 0; - UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt40); - weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + uchar16 charWeightsInt40 = vload16(0, weight + weight_offset + k * weight_oc_offset); + uchar16 charWeightsInt41 = vload16(0, weight + weight_offset + k * weight_oc_offset + 16); + { + char16 charWeights0 = 0; + char16 charWeights1 = 0; + UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt40); + weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt41); + weights2 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights3 = CONVERT_COMPUTE_FLOAT16(charWeights1); + } } - +#endif { - char16 charWeights0 = 0; - char16 charWeights1 = 0; - UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt41); - weights2 = CONVERT_COMPUTE_FLOAT16(charWeights0); - weights3 = CONVERT_COMPUTE_FLOAT16(charWeights1); + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); +#endif + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out.s0); + DOT16X16(in, weights1, out.s1); + DOT16X16(in, weights2, out.s2); + DOT16X16(in, weights3, out.s3); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset1)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); +#endif + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1.s0); + DOT16X16(in, weights1, out1.s1); + DOT16X16(in, weights2, out1.s2); + DOT16X16(in, weights3, out1.s3); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset2)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 3) * wh)); +#endif + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2.s0); + DOT16X16(in, weights1, out2.s1); + DOT16X16(in, weights2, out2.s2); + DOT16X16(in, weights3, out2.s3); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset3)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 3) * wh)); +#endif + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3.s0); + DOT16X16(in, weights1, out3.s1); + DOT16X16(in, weights2, out3.s2); + DOT16X16(in, weights3, out3.s3); } -#endif - DOT16X16(in, weights0, out.s0); - DOT16X16(in, weights1, out.s1); - DOT16X16(in, weights2, out.s2); - DOT16X16(in, weights3, out.s3); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1.s0); - DOT16X16(in1, weights1, out1.s1); - DOT16X16(in1, weights2, out1.s2); - DOT16X16(in1, weights3, out1.s3); #endif } #ifdef INPUT_CHANNEL_LEAVE { int k = srcChannelC16 - 1; int k4 = k * 4; - COMPUTE_FLOAT16 in; - in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); - in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); - in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); - sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; - -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); - in1.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; - } -#endif + COMPUTE_FLOAT16 weights0, weights1, weights2, weights3; #if (defined USE_LOW_BIT_WEIGHT_INT8) - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); - COMPUTE_FLOAT16 weights2 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 32)); - COMPUTE_FLOAT16 weights3 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 48)); + weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); + weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); + weights2 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 32)); + weights3 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 48)); #elif (defined USE_LOW_BIT_WEIGHT_INT4) - uchar16 charWeightsInt40 = vload16(0, weight + weight_offset + k * weight_oc_offset); - uchar16 charWeightsInt41 = vload16(0, weight + weight_offset + k * weight_oc_offset + 16); - COMPUTE_FLOAT16 weights0, weights1, weights2, weights3; { + uchar16 charWeightsInt40 = vload16(0, weight + weight_offset + k * weight_oc_offset); + uchar16 charWeightsInt41 = vload16(0, weight + weight_offset + k * weight_oc_offset + 16); char16 charWeights0 = 0; char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt40); weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); - } - - { - char16 charWeights0 = 0; - char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt41); weights2 = CONVERT_COMPUTE_FLOAT16(charWeights0); weights3 = CONVERT_COMPUTE_FLOAT16(charWeights1); } #endif - DOT16X16(in, weights0, out.s0); - DOT16X16(in, weights1, out.s1); - DOT16X16(in, weights2, out.s2); - DOT16X16(in, weights3, out.s3); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1.s0); - DOT16X16(in1, weights1, out1.s1); - DOT16X16(in1, weights2, out1.s2); - DOT16X16(in1, weights3, out1.s3); + { + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out.s0); + DOT16X16(in, weights1, out.s1); + DOT16X16(in, weights2, out.s2); + DOT16X16(in, weights3, out.s3); + } + +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1.s0); + DOT16X16(in, weights1, out1.s1); + DOT16X16(in, weights2, out1.s2); + DOT16X16(in, weights3, out1.s3); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 3) * wh) : (FLOAT4)0); + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2.s0); + DOT16X16(in, weights1, out2.s1); + DOT16X16(in, weights2, out2.s2); + DOT16X16(in, weights3, out2.s3); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 3) * wh) : (FLOAT4)0); + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3.s0); + DOT16X16(in, weights1, out3.s1); + DOT16X16(in, weights2, out3.s2); + DOT16X16(in, weights3, out3.s3); + } #endif } #endif @@ -220,8 +274,8 @@ __kernel void gemm_conv_c4_buf(GLOBAL_SIZE_DIM2 #endif vstore4(CONVERT_FLOAT4(out), 0, output+out_offset); -#ifdef BACTH_BLOCK2 - if(isValidBatch){ +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ out_offset += dstChannelC4 * height * width * 4; out1 = bias0 + mad(out1, Scale, sum1 * Offset); #ifdef RELU @@ -234,6 +288,32 @@ __kernel void gemm_conv_c4_buf(GLOBAL_SIZE_DIM2 vstore4(CONVERT_FLOAT4(out1), 0, output+out_offset); } + if(isValidBatch2){ + out_offset += dstChannelC4 * height * width * 4; + out2 = bias0 + mad(out2, Scale, sum2 * Offset); +#ifdef RELU + out2 = fmax(out2, (COMPUTE_FLOAT4)0); +#endif + +#ifdef RELU6 + out2 = clamp(out2, (COMPUTE_FLOAT4)0, (COMPUTE_FLOAT4)6); +#endif + + vstore4(CONVERT_FLOAT4(out2), 0, output+out_offset); + } + if(isValidBatch3){ + out_offset += dstChannelC4 * height * width * 4; + out3 = bias0 + mad(out3, Scale, sum3 * Offset); +#ifdef RELU + out3 = fmax(out3, (COMPUTE_FLOAT4)0); +#endif + +#ifdef RELU6 + out3 = clamp(out3, (COMPUTE_FLOAT4)0, (COMPUTE_FLOAT4)6); +#endif + + vstore4(CONVERT_FLOAT4(out3), 0, output+out_offset); + } #endif } @@ -260,8 +340,8 @@ __kernel void gemm_conv_c2_buf(GLOBAL_SIZE_DIM2 const int out_c_idx = out_c_w_idx / width; const int out_w_idx = out_c_w_idx % width; -#ifdef BACTH_BLOCK2 - const int out_b_idx = (out_b_h_idx / height) << 1; +#ifdef BACTH_BLOCK4 + const int out_b_idx = (out_b_h_idx / height) << 2; #else const int out_b_idx = out_b_h_idx / height; #endif @@ -270,11 +350,15 @@ __kernel void gemm_conv_c2_buf(GLOBAL_SIZE_DIM2 COMPUTE_FLOAT2 bias0 = CONVERT_COMPUTE_FLOAT2(vload2(out_c_idx, bias)); COMPUTE_FLOAT sum = 0; COMPUTE_FLOAT2 out = 0; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT sum1 = 0; - COMPUTE_FLOAT2 out1 = 0; +#ifdef BACTH_BLOCK4 + COMPUTE_FLOAT sum1 = 0, sum2 = 0, sum3 = 0; + COMPUTE_FLOAT2 out1 = 0, out2 = 0, out3 = 0; int input_offset1 = (((out_b_idx + 1) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; - bool isValidBatch = out_b_idx + 1 < batch; + int input_offset2 = (((out_b_idx + 2) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + int input_offset3 = (((out_b_idx + 3) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + bool isValidBatch1 = out_b_idx + 1 < batch; + bool isValidBatch2 = out_b_idx + 2 < batch; + bool isValidBatch3 = out_b_idx + 3 < batch; #endif int input_offset = ((out_b_idx * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; int out_offset = (((out_b_idx * dstChannelC4 + (out_c_idx * 2) / 4) * height + out_h_idx) * width + out_w_idx) * 4 + ((out_c_idx * 2)%4); @@ -298,86 +382,142 @@ __kernel void gemm_conv_c2_buf(GLOBAL_SIZE_DIM2 #else for (int k = 0; k < srcChannelC4/4; ++k) { #endif +#ifndef WIDTH_HEIGHT_1 + int k4 = k << 2; +#endif + COMPUTE_FLOAT16 weights0, weights1; +#if (defined USE_LOW_BIT_WEIGHT_INT8) + weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); + weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); +#elif (defined USE_LOW_BIT_WEIGHT_INT4) + { + uchar16 charWeightsInt4 = vload16(0, weight + weight_offset + k * weight_oc_offset); + char16 charWeights0 = 0; + char16 charWeights1 = 0; + UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); + weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + } +#endif + { + COMPUTE_FLOAT16 in; #ifdef WIDTH_HEIGHT_1 - COMPUTE_FLOAT16 in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset)); + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset)); #else - COMPUTE_FLOAT16 in; - int k4 = k << 2; - in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); - in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); - in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); -#endif - sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); +#endif + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out.s0); + DOT16X16(in, weights1, out.s1); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; #ifdef WIDTH_HEIGHT_1 - in1 = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset1)); + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset1)); #else - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); - in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); -#endif - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); +#endif + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1.s0); + DOT16X16(in, weights1, out1.s1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset2)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 3) * wh)); +#endif + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2.s0); + DOT16X16(in, weights1, out2.s1); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset3)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 3) * wh)); +#endif + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3.s0); + DOT16X16(in, weights1, out3.s1); } -#endif -#if (defined USE_LOW_BIT_WEIGHT_INT8) - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); -#elif (defined USE_LOW_BIT_WEIGHT_INT4) - uchar16 charWeightsInt4 = vload16(0, weight + weight_offset + k * weight_oc_offset); - char16 charWeights0 = 0; - char16 charWeights1 = 0; - UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); -#endif - DOT16X16(in, weights0, out.s0); - DOT16X16(in, weights1, out.s1); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1.s0); - DOT16X16(in1, weights1, out1.s1); #endif } #ifdef INPUT_CHANNEL_LEAVE { int k = srcChannelC16 - 1; - COMPUTE_FLOAT16 in = 0; int k4 = k * 4; - in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); - in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); - in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); - sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); - in1.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; - } -#endif + COMPUTE_FLOAT16 weights0, weights1; #if (defined USE_LOW_BIT_WEIGHT_INT8) - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); + weights0 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); + weights1 = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset + 16)); #elif (defined USE_LOW_BIT_WEIGHT_INT4) - uchar16 charWeightsInt4 = vload16(0, weight + weight_offset + k * weight_oc_offset); - char16 charWeights0 = 0; - char16 charWeights1 = 0; - UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); -#endif - DOT16X16(in, weights0, out.s0); - DOT16X16(in, weights1, out.s1); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1.s0); - DOT16X16(in1, weights1, out1.s1); + { + uchar16 charWeightsInt4 = vload16(0, weight + weight_offset + k * weight_oc_offset); + char16 charWeights0 = 0; + char16 charWeights1 = 0; + UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); + weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + } +#endif + { + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out.s0); + DOT16X16(in, weights1, out.s1); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1.s0); + DOT16X16(in, weights1, out1.s1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 3) * wh) : (FLOAT4)0); + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2.s0); + DOT16X16(in, weights1, out2.s1); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 3) * wh) : (FLOAT4)0); + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3.s0); + DOT16X16(in, weights1, out3.s1); + } #endif } #endif @@ -392,8 +532,8 @@ __kernel void gemm_conv_c2_buf(GLOBAL_SIZE_DIM2 #endif vstore2(CONVERT_FLOAT2(out), 0, output+out_offset); -#ifdef BACTH_BLOCK2 - if(isValidBatch){ +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ out_offset += dstChannelC4 * height * width * 4; out1 = bias0 + mad(out1, Scale, sum1 * Offset); #ifdef RELU @@ -406,6 +546,32 @@ __kernel void gemm_conv_c2_buf(GLOBAL_SIZE_DIM2 vstore2(CONVERT_FLOAT2(out1), 0, output+out_offset); } + if(isValidBatch2){ + out_offset += dstChannelC4 * height * width * 4; + out2 = bias0 + mad(out2, Scale, sum2 * Offset); +#ifdef RELU + out2 = fmax(out2, (COMPUTE_FLOAT2)0); +#endif + +#ifdef RELU6 + out2 = clamp(out2, (COMPUTE_FLOAT2)0, (COMPUTE_FLOAT2)6); +#endif + + vstore2(CONVERT_FLOAT2(out2), 0, output+out_offset); + } + if(isValidBatch3){ + out_offset += dstChannelC4 * height * width * 4; + out3 = bias0 + mad(out3, Scale, sum3 * Offset); +#ifdef RELU + out3 = fmax(out3, (COMPUTE_FLOAT2)0); +#endif + +#ifdef RELU6 + out3 = clamp(out3, (COMPUTE_FLOAT2)0, (COMPUTE_FLOAT2)6); +#endif + + vstore2(CONVERT_FLOAT2(out3), 0, output+out_offset); + } #endif } @@ -432,8 +598,8 @@ __kernel void gemm_conv_c1_buf(GLOBAL_SIZE_DIM2 const int out_c_idx = out_c_w_idx / width; const int out_w_idx = out_c_w_idx % width; -#ifdef BACTH_BLOCK2 - const int out_b_idx = (out_b_h_idx / height) << 1; +#ifdef BACTH_BLOCK4 + const int out_b_idx = (out_b_h_idx / height) << 2; #else const int out_b_idx = out_b_h_idx / height; #endif @@ -443,11 +609,15 @@ __kernel void gemm_conv_c1_buf(GLOBAL_SIZE_DIM2 COMPUTE_FLOAT sum = 0; COMPUTE_FLOAT out = 0; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT sum1 = 0; - COMPUTE_FLOAT out1 = 0; +#ifdef BACTH_BLOCK4 + COMPUTE_FLOAT sum1 = 0, sum2 = 0, sum3 = 0; + COMPUTE_FLOAT out1 = 0, out2 = 0, out3 = 0; int input_offset1 = (((out_b_idx + 1) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; - bool isValidBatch = out_b_idx + 1 < batch; + int input_offset2 = (((out_b_idx + 2) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + int input_offset3 = (((out_b_idx + 3) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + bool isValidBatch1 = out_b_idx + 1 < batch; + bool isValidBatch2 = out_b_idx + 2 < batch; + bool isValidBatch3 = out_b_idx + 3 < batch; #endif int input_offset = ((out_b_idx * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; @@ -471,75 +641,127 @@ __kernel void gemm_conv_c1_buf(GLOBAL_SIZE_DIM2 #else for (int k = 0; k < srcChannelC4/4; ++k) { #endif +#ifndef WIDTH_HEIGHT_1 + int k4 = k << 2; +#endif + COMPUTE_FLOAT16 weights; +#if (defined USE_LOW_BIT_WEIGHT_INT8) + weights = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); +#elif (defined USE_LOW_BIT_WEIGHT_INT4) + { + uchar8 charWeightsInt4 = vload8(0, weight + weight_offset + k * weight_oc_offset); + char16 charWeights = 0; + UCHAR8_TO_CHAR16(charWeights, charWeightsInt4); + weights = CONVERT_COMPUTE_FLOAT16(charWeights); + } +#endif + { + COMPUTE_FLOAT16 in; #ifdef WIDTH_HEIGHT_1 - COMPUTE_FLOAT16 in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset)); + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset)); #else - COMPUTE_FLOAT16 in; - int k4 = k << 2; - in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); - in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); - in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); -#endif - sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); +#endif + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; #ifdef WIDTH_HEIGHT_1 - in1 = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset1)); + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset1)); #else - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); - in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); #endif - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out1); } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset2)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 3) * wh)); #endif -#if (defined USE_LOW_BIT_WEIGHT_INT8) - COMPUTE_FLOAT16 weights = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); -#elif (defined USE_LOW_BIT_WEIGHT_INT4) - uchar8 charWeightsInt4 = vload8(0, weight + weight_offset + k * weight_oc_offset); - char16 charWeights = 0; - UCHAR8_TO_CHAR16(charWeights, charWeightsInt4); - COMPUTE_FLOAT16 weights = CONVERT_COMPUTE_FLOAT16(charWeights); + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out2); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(k, input + input_offset3)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 3) * wh)); #endif - DOT16X16(in, weights, out); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights, out1); + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out3); + } #endif } #ifdef INPUT_CHANNEL_LEAVE { int k = srcChannelC16 - 1; - COMPUTE_FLOAT16 in = 0; int k4 = k * 4; - in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); - in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); - in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); - sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ + COMPUTE_FLOAT16 weights; +#if (defined USE_LOW_BIT_WEIGHT_INT8) + weights = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); +#elif (defined USE_LOW_BIT_WEIGHT_INT4) + { + uchar8 charWeightsInt4 = vload8(0, weight + weight_offset + k * weight_oc_offset); + char16 charWeights = 0; + UCHAR8_TO_CHAR16(charWeights, charWeightsInt4); + weights = CONVERT_COMPUTE_FLOAT16(charWeights); + } +#endif + { + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); in1.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); in1.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); in1.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 1) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 2) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset2 + (k4 + 3) * wh) : (FLOAT4)0); + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out2); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 1) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 2) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset3 + (k4 + 3) * wh) : (FLOAT4)0); + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights, out3); } -#endif -#if (defined USE_LOW_BIT_WEIGHT_INT8) - COMPUTE_FLOAT16 weights = CONVERT_COMPUTE_FLOAT16(vload16(0, weight + weight_offset + k * weight_oc_offset)); -#elif (defined USE_LOW_BIT_WEIGHT_INT4) - uchar8 charWeightsInt4 = vload8(0, weight + weight_offset + k * weight_oc_offset); - char16 charWeights = 0; - UCHAR8_TO_CHAR16(charWeights, charWeightsInt4); - COMPUTE_FLOAT16 weights = CONVERT_COMPUTE_FLOAT16(charWeights); -#endif - DOT16X16(in, weights, out); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights, out1); #endif } #endif @@ -553,8 +775,8 @@ __kernel void gemm_conv_c1_buf(GLOBAL_SIZE_DIM2 out = clamp(out, 0, 6); #endif output[out_offset] = out; -#ifdef BACTH_BLOCK2 - if(isValidBatch){ +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ out_offset += dstChannelC4 * height * width * 4; out1 = bias0 + mad(out1, Scale, sum1 * Offset); #ifdef RELU @@ -567,9 +789,34 @@ __kernel void gemm_conv_c1_buf(GLOBAL_SIZE_DIM2 output[out_offset] = out1; } + if(isValidBatch2){ + out_offset += dstChannelC4 * height * width * 4; + out2 = bias0 + mad(out2, Scale, sum2 * Offset); +#ifdef RELU + out2 = fmax(out2, 0); +#endif + +#ifdef RELU6 + out2 = clamp(out2, 0, 6); +#endif + + output[out_offset] = out2; + } + if(isValidBatch3){ + out_offset += dstChannelC4 * height * width * 4; + out3 = bias0 + mad(out3, Scale, sum3 * Offset); +#ifdef RELU + out3 = fmax(out3, 0); +#endif + +#ifdef RELU6 + out3 = clamp(out3, 0, 6); +#endif + + output[out_offset] = out3; + } #endif } - __kernel void gemm_conv_c2_image(GLOBAL_SIZE_DIM2 __global const FLOAT* input, __read_only image2d_t weight, @@ -588,8 +835,8 @@ __kernel void gemm_conv_c2_image(GLOBAL_SIZE_DIM2 const int out_c_idx = (out_c_w_idx / width) << 1; const int out_w_idx = out_c_w_idx % width; -#ifdef BACTH_BLOCK2 - const int out_b_idx = (out_b_h_idx / height) << 1; +#ifdef BACTH_BLOCK4 + const int out_b_idx = (out_b_h_idx / height) << 2; #else const int out_b_idx = out_b_h_idx / height; #endif @@ -599,11 +846,15 @@ __kernel void gemm_conv_c2_image(GLOBAL_SIZE_DIM2 COMPUTE_FLOAT2 out = 0; COMPUTE_FLOAT sum = 0; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT sum1 = 0; - COMPUTE_FLOAT2 out1 = 0; +#ifdef BACTH_BLOCK4 + COMPUTE_FLOAT sum1 = 0, sum2 = 0, sum3 = 0; + COMPUTE_FLOAT2 out1 = 0, out2 = 0, out3 = 0; int input_offset1 = (((out_b_idx + 1) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; - bool isValidBatch = out_b_idx + 1 < batch; + int input_offset2 = (((out_b_idx + 2) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + int input_offset3 = (((out_b_idx + 3) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + bool isValidBatch1 = out_b_idx + 1 < batch; + bool isValidBatch2 = out_b_idx + 2 < batch; + bool isValidBatch3 = out_b_idx + 3 < batch; #endif int input_offset = ((out_b_idx * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; @@ -622,76 +873,118 @@ __kernel void gemm_conv_c2_image(GLOBAL_SIZE_DIM2 #else for (int k = 0; k < srcChannelC4/4; k++) { #endif -#ifdef WIDTH_HEIGHT_1 - COMPUTE_FLOAT16 in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 16)); -#else - COMPUTE_FLOAT16 in0 = 0; +#ifndef WIDTH_HEIGHT_1 int k4 = k * 4; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); - in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); - #endif - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ + COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); + COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx + 1, k)))); + { + COMPUTE_FLOAT16 in; #ifdef WIDTH_HEIGHT_1 - in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 16)); + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 16)); #else - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); - in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); -#endif - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); +#endif + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out.s0); + DOT16X16(in, weights1, out.s1); } -#endif - - { - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx + 1, k)))); - DOT16X16(in0, weights0, out.s0); - DOT16X16(in0, weights1, out.s1); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1.s0); - DOT16X16(in1, weights1, out1.s1); -#endif +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 16)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); +#endif + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1.s0); + DOT16X16(in, weights1, out1.s1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset2 + k * 16)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 3) * wh)); +#endif + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2.s0); + DOT16X16(in, weights1, out2.s1); } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset3 + k * 16)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 3) * wh)); +#endif + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3.s0); + DOT16X16(in, weights1, out3.s1); + } +#endif } #ifdef INPUT_CHANNEL_LEAVE { int k = srcChannelC16 - 1; - COMPUTE_FLOAT16 in0 = 0; int k4 = k * 4; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); - in0.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); - - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); - in1.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; - } -#endif - + COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); + COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx + 1, k)))); { - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx + 1, k)))); - DOT16X16(in0, weights0, out.s0); - DOT16X16(in0, weights1, out.s1); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1.s0); - DOT16X16(in1, weights1, out1.s1); -#endif + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out.s0); + DOT16X16(in, weights1, out.s1); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1.s0); + DOT16X16(in, weights1, out1.s1); } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset2 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset2 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset2 + (k4 + 3) * wh) : (FLOAT4)0); + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2.s0); + DOT16X16(in, weights1, out2.s1); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset3 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset3 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset3 + (k4 + 3) * wh) : (FLOAT4)0); + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3.s0); + DOT16X16(in, weights1, out3.s1); + } +#endif } #endif #elif (defined USE_LOW_BIT_WEIGHT_INT4) @@ -701,143 +994,217 @@ __kernel void gemm_conv_c2_image(GLOBAL_SIZE_DIM2 #else for (int k = 0; k < srcChannelC4/8; k++) { #endif -#ifdef WIDTH_HEIGHT_1 - COMPUTE_FLOAT16 in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32)); - COMPUTE_FLOAT16 in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32 + 16)); -#else - COMPUTE_FLOAT16 in0 = 0; - COMPUTE_FLOAT16 in1 = 0; +#ifndef WIDTH_HEIGHT_1 int k8 = k * 8; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 1) * wh)); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 2) * wh)); - in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 3) * wh)); - - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 4) * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 5) * wh)); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 6) * wh)); - in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 7) * wh)); - -#endif - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; - sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in2 = 0; - COMPUTE_FLOAT16 in3 = 0; - if(isValidBatch){ -#ifdef WIDTH_HEIGHT_1 - in2 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32)); - in3 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32 + 16)); -#else - in2.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); - in2.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 1) * wh)); - in2.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 2) * wh)); - in2.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 3) * wh)); - - in3.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 4) * wh)); - in3.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 5) * wh)); - in3.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 6) * wh)); - in3.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 7) * wh)); -#endif - sum1 += in2.s0 + in2.s1 + in2.s2 + in2.s3 + in2.s4 + in2.s5 + in2.s6 + in2.s7 + in2.s8 + in2.s9 + in2.sa + in2.sb + in2.sc + in2.sd + in2.se + in2.sf; - sum1 += in3.s0 + in3.s1 + in3.s2 + in3.s3 + in3.s4 + in3.s5 + in3.s6 + in3.s7 + in3.s8 + in3.s9 + in3.sa + in3.sb + in3.sc + in3.sd + in3.se + in3.sf; - } #endif - + COMPUTE_FLOAT16 weights0, weights1, weights2, weights3; { uchar16 charWeightsInt4 = as_uchar16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k))); char16 charWeights0 = 0; char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); - DOT16X16(in0, weights0, out.s0); - DOT16X16(in1, weights1, out.s0); -#ifdef BACTH_BLOCK2 - DOT16X16(in2, weights0, out1.s0); - DOT16X16(in3, weights1, out1.s0); -#endif + weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); } - { uchar16 charWeightsInt4 = as_uchar16(read_imagef(weight, SAMPLER, (int2)(out_c_idx + 1, k))); char16 charWeights0 = 0; char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); - DOT16X16(in0, weights0, out.s1); - DOT16X16(in1, weights1, out.s1); -#ifdef BACTH_BLOCK2 - DOT16X16(in2, weights0, out1.s1); - DOT16X16(in3, weights1, out1.s1); + weights2 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights3 = CONVERT_COMPUTE_FLOAT16(charWeights1); + } + { + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 7) * wh)); + #endif + sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out.s0); + DOT16X16(in1, weights1, out.s0); + DOT16X16(in0, weights2, out.s1); + DOT16X16(in1, weights3, out.s1); } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 7) * wh)); +#endif + sum1 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out1.s0); + DOT16X16(in1, weights1, out1.s0); + DOT16X16(in0, weights2, out1.s1); + DOT16X16(in1, weights3, out1.s1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset2 + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset2 + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 7) * wh)); +#endif + sum2 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum2 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out2.s0); + DOT16X16(in1, weights1, out2.s0); + DOT16X16(in0, weights2, out2.s1); + DOT16X16(in1, weights3, out2.s1); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset3 + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset3 + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 7) * wh)); +#endif + sum3 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum3 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out3.s0); + DOT16X16(in1, weights1, out3.s0); + DOT16X16(in0, weights2, out3.s1); + DOT16X16(in1, weights3, out3.s1); + } +#endif } #ifdef INPUT_CHANNEL_LEAVE { int k = srcChannelC32 - 1; - COMPUTE_FLOAT16 in0 = 0; - COMPUTE_FLOAT16 in1 = 0; int k8 = k * 8; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 1) * wh) : (FLOAT4)0); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 2) * wh) : (FLOAT4)0); - in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 3) * wh) : (FLOAT4)0); - - in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 4) * wh) : (FLOAT4)0); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 5) * wh) : (FLOAT4)0); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 6) * wh) : (FLOAT4)0); - in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 7) * wh) : (FLOAT4)0); - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; - sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in2 = 0; - COMPUTE_FLOAT16 in3 = 0; - if(isValidBatch){ - in2.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); - in2.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset1 + (k8 + 1) * wh) : (FLOAT4)0); - in2.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset1 + (k8 + 2) * wh) : (FLOAT4)0); - in2.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset1 + (k8 + 3) * wh) : (FLOAT4)0); - - in3.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 4) * wh) : (FLOAT4)0); - in3.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 5) * wh) : (FLOAT4)0); - in3.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 6) * wh) : (FLOAT4)0); - in3.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 7) * wh) : (FLOAT4)0); - sum1 += in2.s0 + in2.s1 + in2.s2 + in2.s3 + in2.s4 + in2.s5 + in2.s6 + in2.s7 + in2.s8 + in2.s9 + in2.sa + in2.sb + in2.sc + in2.sd + in2.se + in2.sf; - sum1 += in3.s0 + in3.s1 + in3.s2 + in3.s3 + in3.s4 + in3.s5 + in3.s6 + in3.s7 + in3.s8 + in3.s9 + in3.sa + in3.sb + in3.sc + in3.sd + in3.se + in3.sf; - } -#endif - + COMPUTE_FLOAT16 weights0, weights1, weights2, weights3; { uchar16 charWeightsInt4 = as_uchar16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k))); char16 charWeights0 = 0; char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); - DOT16X16(in0, weights0, out.s0); - DOT16X16(in1, weights1, out.s0); -#ifdef BACTH_BLOCK2 - DOT16X16(in2, weights0, out1.s0); - DOT16X16(in3, weights1, out1.s0); -#endif + weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); } - { uchar16 charWeightsInt4 = as_uchar16(read_imagef(weight, SAMPLER, (int2)(out_c_idx + 1, k))); char16 charWeights0 = 0; char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); - DOT16X16(in0, weights0, out.s1); - DOT16X16(in1, weights1, out.s1); -#ifdef BACTH_BLOCK2 - DOT16X16(in2, weights0, out1.s1); - DOT16X16(in3, weights1, out1.s1); -#endif + weights2 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights3 = CONVERT_COMPUTE_FLOAT16(charWeights1); } + { + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 7) * wh) : (FLOAT4)0); + sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out.s0); + DOT16X16(in1, weights1, out.s0); + DOT16X16(in0, weights2, out.s1); + DOT16X16(in1, weights3, out.s1); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset1 + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset1 + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset1 + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 7) * wh) : (FLOAT4)0); + sum1 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out1.s0); + DOT16X16(in1, weights1, out1.s0); + DOT16X16(in0, weights2, out1.s1); + DOT16X16(in1, weights3, out1.s1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset2 + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset2 + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset2 + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 7) * wh) : (FLOAT4)0); + sum2 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum2 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out2.s0); + DOT16X16(in1, weights1, out2.s0); + DOT16X16(in0, weights2, out2.s1); + DOT16X16(in1, weights3, out2.s1); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset3 + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset3 + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset3 + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 7) * wh) : (FLOAT4)0); + sum3 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum3 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out3.s0); + DOT16X16(in1, weights1, out3.s0); + DOT16X16(in0, weights2, out3.s1); + DOT16X16(in1, weights3, out3.s1); + } +#endif } #endif #endif //USE_LOW_BIT_WEIGHT_INT4 @@ -850,8 +1217,8 @@ __kernel void gemm_conv_c2_image(GLOBAL_SIZE_DIM2 out = clamp(out, (COMPUTE_FLOAT2)0, (COMPUTE_FLOAT2)6); #endif vstore2(CONVERT_FLOAT2(out), 0, output + out_offset); -#ifdef BACTH_BLOCK2 - if(isValidBatch){ +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ out_offset += dstChannelC4 * height * width * 4; out1 = bias0 + mad(out1, Scale, sum1 * Offset); #ifdef RELU @@ -864,6 +1231,32 @@ __kernel void gemm_conv_c2_image(GLOBAL_SIZE_DIM2 vstore2(CONVERT_FLOAT2(out1), 0, output+out_offset); } + if(isValidBatch2){ + out_offset += dstChannelC4 * height * width * 4; + out2 = bias0 + mad(out2, Scale, sum2 * Offset); +#ifdef RELU + out2 = fmax(out2, (COMPUTE_FLOAT2)0); +#endif + +#ifdef RELU6 + out2 = clamp(out2, (COMPUTE_FLOAT2)0, (COMPUTE_FLOAT2)6); +#endif + + vstore2(CONVERT_FLOAT2(out2), 0, output+out_offset); + } + if(isValidBatch3){ + out_offset += dstChannelC4 * height * width * 4; + out3 = bias0 + mad(out3, Scale, sum3 * Offset); +#ifdef RELU + out3 = fmax(out3, (COMPUTE_FLOAT2)0); +#endif + +#ifdef RELU6 + out3 = clamp(out3, (COMPUTE_FLOAT2)0, (COMPUTE_FLOAT2)6); +#endif + + vstore2(CONVERT_FLOAT2(out3), 0, output+out_offset); + } #endif } __kernel void gemm_conv_c1_image(GLOBAL_SIZE_DIM2 @@ -884,8 +1277,8 @@ __kernel void gemm_conv_c1_image(GLOBAL_SIZE_DIM2 const int out_c_idx = out_c_w_idx / width; const int out_w_idx = out_c_w_idx % width; -#ifdef BACTH_BLOCK2 - const int out_b_idx = (out_b_h_idx / height) << 1; +#ifdef BACTH_BLOCK4 + const int out_b_idx = (out_b_h_idx / height) << 2; #else const int out_b_idx = out_b_h_idx / height; #endif @@ -900,11 +1293,15 @@ __kernel void gemm_conv_c1_image(GLOBAL_SIZE_DIM2 #ifndef WIDTH_HEIGHT_1 int wh = width * height * 4; #endif -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT sum1 = 0; - COMPUTE_FLOAT out1 = 0; +#ifdef BACTH_BLOCK4 + COMPUTE_FLOAT sum1 = 0, sum2 = 0, sum3 = 0; + COMPUTE_FLOAT out1 = 0, out2 = 0, out3 = 0; int input_offset1 = (((out_b_idx + 1) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; - bool isValidBatch = out_b_idx + 1 < batch; + int input_offset2 = (((out_b_idx + 2) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + int input_offset3 = (((out_b_idx + 3) * srcChannelC4 * height + out_h_idx) * width + out_w_idx) * 4; + bool isValidBatch1 = out_b_idx + 1 < batch; + bool isValidBatch2 = out_b_idx + 2 < batch; + bool isValidBatch3 = out_b_idx + 3 < batch; #endif const COMPUTE_FLOAT Scale = dequantScale[out_c_idx]; const COMPUTE_FLOAT Offset = dequantOffset[out_c_idx]; @@ -916,70 +1313,108 @@ __kernel void gemm_conv_c1_image(GLOBAL_SIZE_DIM2 #else for (int k = 0; k < srcChannelC4/4; k++) { #endif +#ifndef WIDTH_HEIGHT_1 + int k4 = k * 4; +#endif + COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); + { + COMPUTE_FLOAT16 in; #ifdef WIDTH_HEIGHT_1 - COMPUTE_FLOAT16 in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 16)); + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 16)); #else - COMPUTE_FLOAT16 in0 = 0; - int k4 = k * 4; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); - in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); - + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k4 + 3) * wh)); #endif - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; #ifdef WIDTH_HEIGHT_1 - in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 16)); + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 16)); #else - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); - in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k4 + 3) * wh)); #endif - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1); } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset2 + k * 16)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k4 + 3) * wh)); #endif - - { - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); - DOT16X16(in0, weights0, out); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1); + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; +#ifdef WIDTH_HEIGHT_1 + in = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset3 + k * 16)); +#else + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 1) * wh)); + in.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 2) * wh)); + in.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k4 + 3) * wh)); #endif + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3); } +#endif } #ifdef INPUT_CHANNEL_LEAVE { int k = srcChannelC16 - 1; - COMPUTE_FLOAT16 in0 = 0; int k4 = k * 4; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); - in0.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); - - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in1 = 0; - if(isValidBatch){ - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); - in1.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); - sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; - } -#endif - + COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); { - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(as_char16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k)))); - DOT16X16(in0, weights0, out); -#ifdef BACTH_BLOCK2 - DOT16X16(in1, weights0, out1); -#endif + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k4 + 3) * wh) : (FLOAT4)0); + sum += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out); + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset1 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset1 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset1 + (k4 + 3) * wh) : (FLOAT4)0); + sum1 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset2 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset2 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset2 + (k4 + 3) * wh) : (FLOAT4)0); + sum2 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out2); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in; + in.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k4 * wh)); + in.s4567 = CONVERT_COMPUTE_FLOAT4(k4 + 1 < vload4(0, input + input_offset3 + (k4 + 1) * wh) : (FLOAT4)0); + in.s89ab = CONVERT_COMPUTE_FLOAT4(k4 + 2 < vload4(0, input + input_offset3 + (k4 + 2) * wh) : (FLOAT4)0); + in.scdef = CONVERT_COMPUTE_FLOAT4(k4 + 3 < vload4(0, input + input_offset3 + (k4 + 3) * wh) : (FLOAT4)0); + sum3 += in.s0 + in.s1 + in.s2 + in.s3 + in.s4 + in.s5 + in.s6 + in.s7 + in.s8 + in.s9 + in.sa + in.sb + in.sc + in.sd + in.se + in.sf; + DOT16X16(in, weights0, out3); } +#endif } #endif #elif (defined USE_LOW_BIT_WEIGHT_INT4) @@ -989,113 +1424,187 @@ __kernel void gemm_conv_c1_image(GLOBAL_SIZE_DIM2 #else for (int k = 0; k < srcChannelC4/8; k++) { #endif -#ifdef WIDTH_HEIGHT_1 - COMPUTE_FLOAT16 in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32)); - COMPUTE_FLOAT16 in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32 + 16)); -#else - COMPUTE_FLOAT16 in0 = 0; - COMPUTE_FLOAT16 in1 = 0; +#ifndef WIDTH_HEIGHT_1 int k8 = k * 8; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 1) * wh)); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 2) * wh)); - in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 3) * wh)); - - in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 4) * wh)); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 5) * wh)); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 6) * wh)); - in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 7) * wh)); - -#endif - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; - sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in2 = 0; - COMPUTE_FLOAT16 in3 = 0; - if(isValidBatch){ -#ifdef WIDTH_HEIGHT_1 - in2 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32)); - in3 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32 + 16)); -#else - in2.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); - in2.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 1) * wh)); - in2.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 2) * wh)); - in2.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 3) * wh)); - - in3.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 4) * wh)); - in3.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 5) * wh)); - in3.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 6) * wh)); - in3.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 7) * wh)); -#endif - sum1 += in2.s0 + in2.s1 + in2.s2 + in2.s3 + in2.s4 + in2.s5 + in2.s6 + in2.s7 + in2.s8 + in2.s9 + in2.sa + in2.sb + in2.sc + in2.sd + in2.se + in2.sf; - sum1 += in3.s0 + in3.s1 + in3.s2 + in3.s3 + in3.s4 + in3.s5 + in3.s6 + in3.s7 + in3.s8 + in3.s9 + in3.sa + in3.sb + in3.sc + in3.sd + in3.se + in3.sf; - } #endif + COMPUTE_FLOAT16 weights0, weights1; { uchar16 charWeightsInt4 = as_uchar16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k))); char16 charWeights0 = 0; char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + } + { + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + (k8 + 7) * wh)); + +#endif + sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; DOT16X16(in0, weights0, out); DOT16X16(in1, weights1, out); -#ifdef BACTH_BLOCK2 - DOT16X16(in2, weights0, out1); - DOT16X16(in3, weights1, out1); + } + +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset1 + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + (k8 + 7) * wh)); #endif + sum1 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out1); + DOT16X16(in1, weights1, out1); + } + if(isValidBatch2){ + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset2 + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset2 + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + (k8 + 7) * wh)); +#endif + sum2 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum2 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out2); + DOT16X16(in1, weights1, out2); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in0, in1; +#ifdef WIDTH_HEIGHT_1 + in0 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset3 + k * 32)); + in1 = CONVERT_COMPUTE_FLOAT16(vload16(0, input + input_offset3 + k * 32 + 16)); +#else + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k8 + 1) * wh)); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k8 + 2) * wh)); + in0.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k8 + 3) * wh)); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k8 + 4) * wh)); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k8 + 5) * wh)); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k8 + 6) * wh)); + in1.scdef = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + (k8 + 7) * wh)); +#endif + sum3 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum3 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in0, weights0, out3); + DOT16X16(in1, weights1, out3); } +#endif } #ifdef INPUT_CHANNEL_LEAVE { int k = srcChannelC32 - 1; - COMPUTE_FLOAT16 in0 = 0; - COMPUTE_FLOAT16 in1 = 0; int k8 = k * 8; - in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); - in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 1) * wh) : (FLOAT4)0); - in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 2) * wh) : (FLOAT4)0); - in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 3) * wh) : (FLOAT4)0); - - in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 4) * wh) : (FLOAT4)0); - in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 5) * wh) : (FLOAT4)0); - in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 6) * wh) : (FLOAT4)0); - in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 7) * wh) : (FLOAT4)0); - sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; - sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; -#ifdef BACTH_BLOCK2 - COMPUTE_FLOAT16 in2 = 0; - COMPUTE_FLOAT16 in3 = 0; - if(isValidBatch){ - in2.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); - in2.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset1 + (k8 + 1) * wh) : (FLOAT4)0); - in2.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset1 + (k8 + 2) * wh) : (FLOAT4)0); - in2.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset1 + (k8 + 3) * wh) : (FLOAT4)0); - - in3.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 4) * wh) : (FLOAT4)0); - in3.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 5) * wh) : (FLOAT4)0); - in3.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 6) * wh) : (FLOAT4)0); - in3.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 7) * wh) : (FLOAT4)0); - sum1 += in2.s0 + in2.s1 + in2.s2 + in2.s3 + in2.s4 + in2.s5 + in2.s6 + in2.s7 + in2.s8 + in2.s9 + in2.sa + in2.sb + in2.sc + in2.sd + in2.se + in2.sf; - sum1 += in3.s0 + in3.s1 + in3.s2 + in3.s3 + in3.s4 + in3.s5 + in3.s6 + in3.s7 + in3.s8 + in3.s9 + in3.sa + in3.sb + in3.sc + in3.sd + in3.se + in3.sf; - } -#endif - + COMPUTE_FLOAT16 weights0, weights1; { uchar16 charWeightsInt4 = as_uchar16(read_imagef(weight, SAMPLER, (int2)(out_c_idx, k))); char16 charWeights0 = 0; char16 charWeights1 = 0; UCHAR16_TO_2CHAR16(charWeights0, charWeights1, charWeightsInt4); - COMPUTE_FLOAT16 weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); - COMPUTE_FLOAT16 weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + weights0 = CONVERT_COMPUTE_FLOAT16(charWeights0); + weights1 = CONVERT_COMPUTE_FLOAT16(charWeights1); + } + { + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset + (k8 + 7) * wh) : (FLOAT4)0); + sum += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; DOT16X16(in0, weights0, out); DOT16X16(in1, weights1, out); -#ifdef BACTH_BLOCK2 + } +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset1 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset1 + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset1 + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset1 + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset1 + (k8 + 7) * wh) : (FLOAT4)0); + sum1 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum1 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; DOT16X16(in2, weights0, out1); DOT16X16(in3, weights1, out1); -#endif } + if(isValidBatch2){ + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset2 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset2 + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset2 + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset2 + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset2 + (k8 + 7) * wh) : (FLOAT4)0); + sum2 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum2 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in2, weights0, out2); + DOT16X16(in3, weights1, out2); + } + if(isValidBatch3){ + COMPUTE_FLOAT16 in0, in1; + in0.s0123 = CONVERT_COMPUTE_FLOAT4(vload4(0, input + input_offset3 + k8 * wh)); + in0.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 1 < vload4(0, input + input_offset3 + (k8 + 1) * wh) : (FLOAT4)0); + in0.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 2 < vload4(0, input + input_offset3 + (k8 + 2) * wh) : (FLOAT4)0); + in0.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 3 < vload4(0, input + input_offset3 + (k8 + 3) * wh) : (FLOAT4)0); + + in1.s0123 = CONVERT_COMPUTE_FLOAT4(k8 + 4 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 4) * wh) : (FLOAT4)0); + in1.s4567 = CONVERT_COMPUTE_FLOAT4(k8 + 5 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 5) * wh) : (FLOAT4)0); + in1.s89ab = CONVERT_COMPUTE_FLOAT4(k8 + 6 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 6) * wh) : (FLOAT4)0); + in1.scdef = CONVERT_COMPUTE_FLOAT4(k8 + 7 < srcChannelC4 ? vload4(0, input + input_offset3 + (k8 + 7) * wh) : (FLOAT4)0); + sum3 += in0.s0 + in0.s1 + in0.s2 + in0.s3 + in0.s4 + in0.s5 + in0.s6 + in0.s7 + in0.s8 + in0.s9 + in0.sa + in0.sb + in0.sc + in0.sd + in0.se + in0.sf; + sum3 += in1.s0 + in1.s1 + in1.s2 + in1.s3 + in1.s4 + in1.s5 + in1.s6 + in1.s7 + in1.s8 + in1.s9 + in1.sa + in1.sb + in1.sc + in1.sd + in1.se + in1.sf; + DOT16X16(in2, weights0, out3); + DOT16X16(in3, weights1, out3); + } +#endif } #endif #endif //USE_LOW_BIT_WEIGHT_INT4 @@ -1108,8 +1617,8 @@ __kernel void gemm_conv_c1_image(GLOBAL_SIZE_DIM2 out = clamp(out, 0, 6); #endif output[out_offset] = out; -#ifdef BACTH_BLOCK2 - if(isValidBatch){ +#ifdef BACTH_BLOCK4 + if(isValidBatch1){ out_offset += dstChannelC4 * height * width * 4; out1 = bias0 + mad(out1, Scale, sum1 * Offset); #ifdef RELU @@ -1122,6 +1631,32 @@ __kernel void gemm_conv_c1_image(GLOBAL_SIZE_DIM2 output[out_offset] = out1; } + if(isValidBatch2){ + out_offset += dstChannelC4 * height * width * 4; + out2 = bias0 + mad(out2, Scale, sum2 * Offset); +#ifdef RELU + out2 = fmax(out2, 0); +#endif + +#ifdef RELU6 + out1 = clamp(out2, 0, 6); +#endif + + output[out_offset] = out2; + } + if(isValidBatch3){ + out_offset += dstChannelC4 * height * width * 4; + out3 = bias0 + mad(out3, Scale, sum3 * Offset); +#ifdef RELU + out3 = fmax(out3, 0); +#endif + +#ifdef RELU6 + out3 = clamp(out3, 0, 6); +#endif + + output[out_offset] = out3; + } #endif } diff --git a/source/backend/opencl/execution/cl/loop_buf.cl b/source/backend/opencl/execution/cl/loop_buf.cl index 047eefd7d..c73eaa11a 100644 --- a/source/backend/opencl/execution/cl/loop_buf.cl +++ b/source/backend/opencl/execution/cl/loop_buf.cl @@ -2,34 +2,307 @@ #pragma OPENCL EXTENSION cl_khr_fp16 : enable #endif #define PI 3.141592653589f +#ifndef WGSW + #define WGSW 64 // work-group handle size W dimension +#endif +#ifndef WGSC + #define WGSC 64 // work-group handle size C dimension +#endif +#ifndef WGSH + #define WGSH 64 // work-group handle size H dimension +#endif +#ifndef TSW + #define TSW 8 // thread handle size W dimension +#endif +#ifndef TSC + #define TSC 8 // thread handle size C dimension +#endif +#ifndef TSH + #define TSH 8 // thread handle size H dimension +#endif + +// [N C4 H 1 4] -> [N H C 1] +__kernel void tile_trans_3d_buf(__global INPUT_TYPE* input, + __global OUTPUT_TYPE* output, + __private const int widthPad, + __private const int heightPad, + __private const int channelPad, + __private const int batch, + __private const int width, + __private const int height, + __private const int channel +) { + int b = get_global_id(2); + + const int lidc = get_local_id(0); + const int lidh = get_local_id(1); + // group id + const int c = get_group_id(0) * WGSC; + const int h = get_group_id(1) * WGSH; + const int channel_4 = (channel + 3) >> 2; + + int jc = lidc; + int ih = lidh; + + __local INPUT_TYPE4 localData[WGSH][WGSC/4];//h64c64 + + #pragma unroll + for(int i = 0; i < TSH; i++) { + #pragma unroll + for(int j = 0; j < TSC / 4; j++) { + int offset_h = i * WGSH / TSH + ih; + int offset_c = j * WGSC / TSC + jc ; + // [TSH, WGSH / TSH] [TSC / 4, WGSC / TSC, 4] + localData[offset_h][offset_c] = (h + offset_h >= height || c + 4 * offset_c >= channel) ? (INPUT_TYPE4)0 : vload4(0, input + ((b * channel_4 + (c/4+offset_c)) * height + (h+offset_h)) * 4); + } + } + + barrier(CLK_LOCAL_MEM_FENCE); + + // C offset: [WGSC / TSC, TSC / 4] + // H offset: [WGSH / TSH, TSH] + int oc_base = jc * TSC / 4; + int oh_base = ih * TSH; + + //#pragma unroll + for(int i = 0; i < TSH; i++) { + int oh = oh_base + i; + + //#pragma unroll + for(int j = 0; j < TSC / 4; j++) { + int oc = oc_base + j; + + OUTPUT_TYPE4 value = CONVERT_OUTPUT4(localData[oh][oc]); + + vstore4(value, 0, output + ((b * heightPad + h + oh) * channelPad + c + 4 * oc)); + } + } +} +// [N C4 H W 4] -> [N C W H] +__kernel void tile_trans_4d_buf(__global INPUT_TYPE* input, + __global OUTPUT_TYPE* output, + __private const int widthPad, + __private const int heightPad, + __private const int channelPad, + __private const int batch, + __private const int width, + __private const int height, + __private const int channel +) { + int bc = get_global_id(2); + int b = bc % batch; + int c4 = bc / batch; + int c = c4 << 2; + + const int lidw = get_local_id(0); + const int lidh = get_local_id(1); + // group id + const int w = get_group_id(0) * WGSW; + const int h = get_group_id(1) * WGSH; + const int channel_4 = (channel + 3) >> 2; + + int jw = lidw; + int ih = lidh; + + __local INPUT_TYPE4 localData[WGSH][WGSW];//w32h32c4 + + #pragma unroll + for(int i = 0; i < TSH; i++) { + #pragma unroll + for(int j = 0; j < TSW; j++) { + int offset_h = h + ih + i * WGSH/TSH; + int offset_w = w + jw + j * WGSW/TSW; + localData[ih + i * WGSH / TSH][jw + j * WGSW/TSW] = (offset_h >= height || offset_w >= width) ? (INPUT_TYPE4)0 : vload4(0, input + (((b * channel_4 + c4) * height + offset_h) * width + offset_w) * 4); + } + } + + barrier(CLK_LOCAL_MEM_FENCE); + + // c4w32h32 + int oh = ih * TSH >> 4; + int mh = ih & (16 / TSH - 1); + // TSW offset: [TSH / 4, TSW / 4, 16 / TSH] + int ow_base = jw * TSW; + int oh_offset = oh << 4; + + //#pragma unroll + for(int i = 0; i < TSH / 4; i++) { + //#pragma unroll + for(int j = 0; j < TSW / 4; j++) { + + // c4 + OUTPUT_TYPE16 value; + int ow = ow_base + (((i * TSW / 4) + j) * (16 / TSH) + mh); + + value.s0 = localData[0+oh_offset][ow].s0; + value.s1 = localData[1+oh_offset][ow].s0; + value.s2 = localData[2+oh_offset][ow].s0; + value.s3 = localData[3+oh_offset][ow].s0; + value.s4 = localData[4+oh_offset][ow].s0; + value.s5 = localData[5+oh_offset][ow].s0; + value.s6 = localData[6+oh_offset][ow].s0; + value.s7 = localData[7+oh_offset][ow].s0; + value.s8 = localData[8+oh_offset][ow].s0; + value.s9 = localData[9+oh_offset][ow].s0; + value.sa = localData[10+oh_offset][ow].s0; + value.sb = localData[11+oh_offset][ow].s0; + value.sc = localData[12+oh_offset][ow].s0; + value.sd = localData[13+oh_offset][ow].s0; + value.se = localData[14+oh_offset][ow].s0; + value.sf = localData[15+oh_offset][ow].s0; + vstore16(value, 0, output + (((b * channelPad + c + 0) * widthPad + w + ow) * heightPad + h + oh_offset)); + + if(c + 1 < channel) { + value.s0 = localData[0+oh_offset][ow].s1; + value.s1 = localData[1+oh_offset][ow].s1; + value.s2 = localData[2+oh_offset][ow].s1; + value.s3 = localData[3+oh_offset][ow].s1; + value.s4 = localData[4+oh_offset][ow].s1; + value.s5 = localData[5+oh_offset][ow].s1; + value.s6 = localData[6+oh_offset][ow].s1; + value.s7 = localData[7+oh_offset][ow].s1; + value.s8 = localData[8+oh_offset][ow].s1; + value.s9 = localData[9+oh_offset][ow].s1; + value.sa = localData[10+oh_offset][ow].s1; + value.sb = localData[11+oh_offset][ow].s1; + value.sc = localData[12+oh_offset][ow].s1; + value.sd = localData[13+oh_offset][ow].s1; + value.se = localData[14+oh_offset][ow].s1; + value.sf = localData[15+oh_offset][ow].s1; + vstore16(value, 0, output + (((b * channelPad + c + 1) * widthPad + w + ow) * heightPad + h + oh_offset)); + } + + if(c + 2 < channel) { + value.s0 = localData[0+oh_offset][ow].s2; + value.s1 = localData[1+oh_offset][ow].s2; + value.s2 = localData[2+oh_offset][ow].s2; + value.s3 = localData[3+oh_offset][ow].s2; + value.s4 = localData[4+oh_offset][ow].s2; + value.s5 = localData[5+oh_offset][ow].s2; + value.s6 = localData[6+oh_offset][ow].s2; + value.s7 = localData[7+oh_offset][ow].s2; + value.s8 = localData[8+oh_offset][ow].s2; + value.s9 = localData[9+oh_offset][ow].s2; + value.sa = localData[10+oh_offset][ow].s2; + value.sb = localData[11+oh_offset][ow].s2; + value.sc = localData[12+oh_offset][ow].s2; + value.sd = localData[13+oh_offset][ow].s2; + value.se = localData[14+oh_offset][ow].s2; + value.sf = localData[15+oh_offset][ow].s2; + vstore16(value, 0, output + (((b * channelPad + c + 2) * widthPad + w + ow) * heightPad + h + oh_offset)); + } + + if(c + 3 < channel) { + value.s0 = localData[0+oh_offset][ow].s3; + value.s1 = localData[1+oh_offset][ow].s3; + value.s2 = localData[2+oh_offset][ow].s3; + value.s3 = localData[3+oh_offset][ow].s3; + value.s4 = localData[4+oh_offset][ow].s3; + value.s5 = localData[5+oh_offset][ow].s3; + value.s6 = localData[6+oh_offset][ow].s3; + value.s7 = localData[7+oh_offset][ow].s3; + value.s8 = localData[8+oh_offset][ow].s3; + value.s9 = localData[9+oh_offset][ow].s3; + value.sa = localData[10+oh_offset][ow].s3; + value.sb = localData[11+oh_offset][ow].s3; + value.sc = localData[12+oh_offset][ow].s3; + value.sd = localData[13+oh_offset][ow].s3; + value.se = localData[14+oh_offset][ow].s3; + value.sf = localData[15+oh_offset][ow].s3; + vstore16(value, 0, output + (((b * channelPad + c + 3) * widthPad + w + ow) * heightPad + h + oh_offset)); + } + } + } +} + __kernel void tile_buf(__private int global_dim0, __private int global_dim1, __private int global_dim2, __global INPUT_TYPE* input, __global OUTPUT_TYPE* output, + __private const int widthPad, + __private const int heightPad, + __private const int channelPad, + __private const int batch, __private const int width, __private const int height, __private const int channel){ int3 pos = (int3)(get_global_id(0), get_global_id(1), get_global_id(2)); if (pos.x < global_dim0 && pos.y < global_dim1 && pos.z < global_dim2) { - const int w = pos.x % width; - const int h = pos.x / width; - const int c = pos.y << 2; + const int b = pos.z % batch; + const int w = pos.x; + const int h = pos.y; + const int c_4 = pos.z / batch; + + const int c = c_4 << 2; const int x_src_pitch = 4; const int y_src_pitch = x_src_pitch * width; const int c_src_pitch = y_src_pitch * height; const int b_src_pitch = c_src_pitch * ((channel + 3) / 4); + + bool outBound = (w >= width || h >= height || c >= channel); #ifdef MNN_NHWC + #if defined(DIMENSION_3) && defined(TRANSPOSE) + // [N, W, H, 1] const int c_dst_pitch = 1; - const int x_dst_pitch = c_dst_pitch * channel; - const int y_dst_pitch = x_dst_pitch * width; - const int b_dst_pitch = y_dst_pitch * height; + const int y_dst_pitch = c_dst_pitch * channelPad; + const int x_dst_pitch = y_dst_pitch * heightPad; + const int b_dst_pitch = x_dst_pitch * widthPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + #elif defined(DIMENSION_4) && defined(TRANSPOSE) + // [N, H, C, W] + const int x_dst_pitch = 1; + const int c_dst_pitch = x_dst_pitch * widthPad; + const int y_dst_pitch = c_dst_pitch * channelPad; + const int b_dst_pitch = y_dst_pitch * heightPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + #elif defined(DIMENSION_3) + // [N, H, W, 1] + const int c_dst_pitch = 1; + const int x_dst_pitch = c_dst_pitch * channelPad; + const int y_dst_pitch = x_dst_pitch * widthPad; + const int b_dst_pitch = y_dst_pitch * heightPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + #else + // [N, H, W, C] + const int c_dst_pitch = 1; + const int x_dst_pitch = c_dst_pitch * channelPad; + const int y_dst_pitch = x_dst_pitch * widthPad; + const int b_dst_pitch = y_dst_pitch * heightPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + #endif #else + #if defined(DIMENSION_3) && defined(TRANSPOSE) + // [N, H, C, 1] const int x_dst_pitch = 1; - const int y_dst_pitch = x_dst_pitch * width; - const int c_dst_pitch = y_dst_pitch * height; - const int b_dst_pitch = c_dst_pitch * channel; + const int c_dst_pitch = x_dst_pitch * widthPad; + const int y_dst_pitch = c_dst_pitch * channelPad; + const int b_dst_pitch = y_dst_pitch * heightPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + + #elif defined(DIMENSION_4) && defined(TRANSPOSE) + // [N, C, W, H] + const int y_dst_pitch = 1; + const int x_dst_pitch = y_dst_pitch * heightPad; + const int c_dst_pitch = x_dst_pitch * widthPad; + const int b_dst_pitch = c_dst_pitch * channelPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + #elif defined(DIMENSION_3) + // [N, C, H, 1] + const int x_dst_pitch = 1; + const int y_dst_pitch = x_dst_pitch * widthPad; + const int c_dst_pitch = y_dst_pitch * heightPad; + const int b_dst_pitch = c_dst_pitch * channelPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + #else + // [N, C, H, W] + const int x_dst_pitch = 1; + const int y_dst_pitch = x_dst_pitch * widthPad; + const int c_dst_pitch = y_dst_pitch * heightPad; + const int b_dst_pitch = c_dst_pitch * channelPad; + OUTPUT_TYPE4 value = outBound ? (OUTPUT_TYPE4)0 : CONVERT_OUTPUT4(vload4(0, input + b * b_src_pitch + c_4 * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + #endif #endif - __global OUTPUT_TYPE* dst_ptr = output + pos.z * b_dst_pitch + c * c_dst_pitch + h * y_dst_pitch + w * x_dst_pitch; - OUTPUT_TYPE4 value = CONVERT_OUTPUT4(vload4(0, input + pos.z * b_src_pitch + pos.y * c_src_pitch + h * y_src_pitch + w * x_src_pitch)); + __global OUTPUT_TYPE* dst_ptr = output + b * b_dst_pitch + c * c_dst_pitch + h * y_dst_pitch + w * x_dst_pitch; + dst_ptr[0] = value.x; if(c + 1 >= channel)return; dst_ptr[c_dst_pitch] = value.y; @@ -42,36 +315,77 @@ __kernel void tile_buf(__private int global_dim0, __private int global_dim1, __p __kernel void pack_buf(__private int global_dim0, __private int global_dim1, __private int global_dim2, __global INPUT_TYPE* input, __global OUTPUT_TYPE* output, + __private const int widthPad, + __private const int heightPad, + __private const int channelPad, + __private const int batch, __private const int width, __private const int height, __private const int channel){ int3 pos = (int3)(get_global_id(0), get_global_id(1), get_global_id(2)); if (pos.x < global_dim0 && pos.y < global_dim1 && pos.z < global_dim2) { - const int w = pos.x % width; - const int h = pos.x / width; - const int c = pos.y << 2; + + const int b = pos.z % batch; + const int w = pos.x; + const int h = pos.y; + const int c_4 = pos.z / batch; + + const int c = c_4 << 2; + if(w >= width || h >= height || c >= channel) { + return; + } const int x_dst_pitch = 4; const int y_dst_pitch = x_dst_pitch * width; const int c_dst_pitch = y_dst_pitch * height; const int b_dst_pitch = c_dst_pitch * ((channel + 3) / 4); #ifdef MNN_NHWC + #if defined(TRANSPOSE) && defined(DIMENSION_3) + // [N, W, H, 1] const int c_src_pitch = 1; - const int x_src_pitch = c_src_pitch * channel; - const int y_src_pitch = x_src_pitch * width; - const int b_src_pitch = y_src_pitch * height; + const int y_src_pitch = c_src_pitch; + const int x_src_pitch = y_src_pitch * heightPad; + const int b_src_pitch = x_src_pitch * widthPad; + #elif defined(TRANSPOSE) && defined(DIMENSION_4) + // [N, H, C, W] + const int x_src_pitch = 1; + const int c_src_pitch = x_src_pitch * widthPad; + const int y_src_pitch = c_src_pitch * channelPad; + const int b_src_pitch = y_src_pitch * heightPad; + #else + // [N, H, W, C] + const int c_src_pitch = 1; + const int x_src_pitch = c_src_pitch * channelPad; + const int y_src_pitch = x_src_pitch * widthPad; + const int b_src_pitch = y_src_pitch * heightPad; + #endif #else + #if defined(TRANSPOSE) && defined(DIMENSION_3) + // dst:[N, C, H, 1] -> src:[N, H, C, 1] const int x_src_pitch = 1; - const int y_src_pitch = x_src_pitch * width; - const int c_src_pitch = y_src_pitch * height; - const int b_src_pitch = c_src_pitch * channel; + const int c_src_pitch = x_src_pitch * widthPad; + const int y_src_pitch = c_src_pitch * channelPad; + const int b_src_pitch = y_src_pitch * heightPad; + #elif defined(TRANSPOSE) && defined(DIMENSION_4) + // dst:[N, C, H, W] -> src:[N, C, W, H] + const int y_src_pitch = 1; + const int x_src_pitch = y_src_pitch * heightPad; + const int c_src_pitch = x_src_pitch * widthPad; + const int b_src_pitch = c_src_pitch * channelPad; + #else + // [N, C, H, W] + const int x_src_pitch = 1; + const int y_src_pitch = x_src_pitch * widthPad; + const int c_src_pitch = y_src_pitch * heightPad; + const int b_src_pitch = c_src_pitch * channelPad; + #endif #endif - __global INPUT_TYPE* src_ptr = input + pos.z * b_src_pitch + c * c_src_pitch + h * y_src_pitch + w * x_src_pitch; + __global INPUT_TYPE* src_ptr = input + b * b_src_pitch + c * c_src_pitch + h * y_src_pitch + w * x_src_pitch; OUTPUT_TYPE4 value = (OUTPUT_TYPE4)0; OUTPUT_TYPE *value_ptr = (OUTPUT_TYPE*)&value; for(int i = 0; i < 4 && (i + c < channel); ++i){ value_ptr[i] = (OUTPUT_TYPE)src_ptr[i * c_src_pitch]; } - vstore4(value, 0, output + pos.z * b_dst_pitch + pos.y * c_dst_pitch + h * y_dst_pitch + w * x_dst_pitch); + vstore4(value, 0, output + b * b_dst_pitch + c_4 * c_dst_pitch + h * y_dst_pitch + w * x_dst_pitch); } } diff --git a/source/backend/opencl/execution/cl/matmul_local_buf.cl b/source/backend/opencl/execution/cl/matmul_local_buf.cl new file mode 100644 index 000000000..1e2119c99 --- /dev/null +++ b/source/backend/opencl/execution/cl/matmul_local_buf.cl @@ -0,0 +1,408 @@ +#ifdef MNN_SUPPORT_FP16 +#pragma OPENCL EXTENSION cl_khr_fp16 : enable +#endif + +/* + \ + #define OPWM 64 // The outputsize-per-workgroup in dimension M + #define OPWN 128 // The outputsize-per-workgroup in dimension N + #define CPWK 8 // The cachesize-per-workgroup in dimension K + #define OPTM 4 // The outputsize-per-thread in dimension M + #define OPTN 8 // The outputsize-per-thread in dimension N + */ +#define TPWM (OPWM/OPTM) // The threadsize-per-workgroup in dimension M +#define TPWN (OPWN/OPTN) // The threadsize-per-workgroup in dimension N +#define LPTA ((CPWK*OPWM)/(TPWM*TPWN)) // Loads-num-per-thread for A +#define LPTB ((CPWK*OPWN)/(TPWM*TPWN)) // Loads-num-per-thread for B + +// vetorize + pragma unroll +__kernel void matmul_local_buf(const int M, const int N, const int K, + __global const FLOAT* A, +#if (defined USE_LOW_BIT_WEIGHT_INT8) + __global const char* B, + __global const float* dequantScale, + __global const float* dequantOffset, +#elif (defined USE_LOW_BIT_WEIGHT_INT4) + __global const uchar* B, + __global const float* dequantScale, + __global const float* dequantOffset, +#else + __global const FLOAT* B, +#endif +#ifdef BIAS + __global const FLOAT* bias, +#endif + __global FLOAT* C) { + + // Local thread id + const int lidm = get_local_id(0); // Local row ID + const int lidn = get_local_id(1); // Local col ID + // group id + const int offsetM = get_group_id(0) * OPWM; // Work-group offset M + const int offsetN = get_group_id(1) * OPWN; // Work-group offset N + + // Local memory for work-group cache of A and B + __local FLOAT Alocal[CPWK][OPWM]; + __local FLOAT Blocal[OPWN][CPWK+2]; + + // Allocate register space + COMPUTE_FLOAT sum[OPTM][OPTN]; + + // Initialise the accumulation registers + for (int wm=0; wm local (matrix A) + #if SA == 1 + GlobalToLocalA(agm, alm, kSizeM, tid, kwg); + #endif + // Loads data: off-chip --> local (matrix B) + #if SB == 1 + GlobalToLocalB(bgm, blm, kSizeN, tid, kwg); + #endif + #if SA == 1 || SB == 1 + barrier(CLK_LOCAL_MEM_FENCE); + #endif + + // Loops over all workitem tiles, unrolled by a factor KWI + for (int pwi = 0; pwi < KWG * KREG; pwi += KWI * KREG) { + #pragma unroll + for (int _pit = 0; _pit < KWI*KREG; _pit += KREG) { + #if SA == 0 || SB == 0 + int idk = kwg + pwi + _pit; + #endif + #if SA == 1 || SB == 1 + int kg = pwi + _pit; + #endif + + // Loads matrix A (kernel 0) or matrix B (kernel 1) + #pragma unroll + for (int _mi = 0; _mi < MWI/VWM; _mi += 1) { + // Loads data: local --> private (matrix A) + #if GEMMK == 0 && SA == 1 + apm[_mi] = LocalToPrivateA(alm, _mi, kg); + // Loads data: off-chip --> private (matrix A) + #elif GEMMK == 0 && SA == 0 + apm[_mi] = GlobalToPrivateA(agm, _mi, kSizeM, idk, kwg); + // Loads data: 2D global --> 2D private (matrix B) + #elif GEMMK == 1 + #pragma unroll + for (int _ki = 0; _ki < KREG; _ki += 1) { + bpm[_ki * (MWI/VWM) + _mi] = GlobalToPrivateB2D(b_ptr, tid_x, _mi, kSizeN, idk, _ki); + } + #endif + } + + // Loads matrix B (kernel 0) or matrix A (kernel 1) + #if GEMMK == 0 + #pragma unroll + for (int _ni = 0; _ni < NWI/VWN; _ni += 1) { + // Loads data: local --> private (matrix B) + #if SB == 1 + bpm[_ni] = LocalToPrivateB(blm, _ni, kg); + // Loads data: off-chip --> private (matrix B) + #else + bpm[_ni] = GlobalToPrivateB(bgm, _ni, kSizeN, idk); + #endif + } + #elif GEMMK == 1 + // Loads data: 2D global --> 2D private (matrix A). Partly, shuffled later among subgroups + #if USE_SUBGROUP_SHUFFLING == 1 + const int _ni = clblast_get_sub_group_local_id(); + #pragma unroll + for (int _ki = 0; _ki < KREG/VWN; _ki += 1) { + apm[_ki] = GlobalToPrivateA2D(a_ptr, tid_y, _ni, kSizeK, idk, _ki); + } + // Loads data: 2D global --> 2D private (matrix A) + #else + #pragma unroll + for (int _ni = 0; _ni < NWI; _ni += 1) { + #pragma unroll + for (int _ki = 0; _ki < KREG/VWN; _ki += 1) { + apm[_ni * (KREG/VWN) + _ki] = GlobalToPrivateA2D(a_ptr, tid_y, _ni, kSizeK, idk, _ki); + } + } + #endif + #endif + + // Performs the accumulation (Cpm += Apm * Bpm) + #if GEMMK == 0 + #pragma unroll + for (int _ni = 0; _ni < NWI/VWN; _ni += 1) { + #pragma unroll + for (int _mi = 0; _mi < MWI/VWM; _mi += 1) { + const realM aval = apm[_mi]; + #if VWN == 1 + cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi], aval, bpm[_ni]); + #elif VWN == 2 + cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi], aval, bpm[_ni].x); + cpm[(_ni*VWN + 1)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 1)*(MWI/VWM) + _mi], aval, bpm[_ni].y); + #elif VWN == 4 + cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi], aval, bpm[_ni].x); + cpm[(_ni*VWN + 1)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 1)*(MWI/VWM) + _mi], aval, bpm[_ni].y); + cpm[(_ni*VWN + 2)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 2)*(MWI/VWM) + _mi], aval, bpm[_ni].z); + cpm[(_ni*VWN + 3)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 3)*(MWI/VWM) + _mi], aval, bpm[_ni].w); + #elif VWN == 8 + cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 0)*(MWI/VWM) + _mi], aval, bpm[_ni].s0); + cpm[(_ni*VWN + 1)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 1)*(MWI/VWM) + _mi], aval, bpm[_ni].s1); + cpm[(_ni*VWN + 2)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 2)*(MWI/VWM) + _mi], aval, bpm[_ni].s2); + cpm[(_ni*VWN + 3)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 3)*(MWI/VWM) + _mi], aval, bpm[_ni].s3); + cpm[(_ni*VWN + 4)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 4)*(MWI/VWM) + _mi], aval, bpm[_ni].s4); + cpm[(_ni*VWN + 5)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 5)*(MWI/VWM) + _mi], aval, bpm[_ni].s5); + cpm[(_ni*VWN + 6)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 6)*(MWI/VWM) + _mi], aval, bpm[_ni].s6); + cpm[(_ni*VWN + 7)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 7)*(MWI/VWM) + _mi], aval, bpm[_ni].s7); + #elif VWN == 16 + cpm[(_ni*VWN + 0 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 0 )*(MWI/VWM) + _mi], aval, bpm[_ni].s0); + cpm[(_ni*VWN + 1 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 1 )*(MWI/VWM) + _mi], aval, bpm[_ni].s1); + cpm[(_ni*VWN + 2 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 2 )*(MWI/VWM) + _mi], aval, bpm[_ni].s2); + cpm[(_ni*VWN + 3 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 3 )*(MWI/VWM) + _mi], aval, bpm[_ni].s3); + cpm[(_ni*VWN + 4 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 4 )*(MWI/VWM) + _mi], aval, bpm[_ni].s4); + cpm[(_ni*VWN + 5 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 5 )*(MWI/VWM) + _mi], aval, bpm[_ni].s5); + cpm[(_ni*VWN + 6 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 6 )*(MWI/VWM) + _mi], aval, bpm[_ni].s6); + cpm[(_ni*VWN + 7 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 7 )*(MWI/VWM) + _mi], aval, bpm[_ni].s7); + cpm[(_ni*VWN + 8 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 8 )*(MWI/VWM) + _mi], aval, bpm[_ni].s8); + cpm[(_ni*VWN + 9 )*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 9 )*(MWI/VWM) + _mi], aval, bpm[_ni].s9); + cpm[(_ni*VWN + 10)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 10)*(MWI/VWM) + _mi], aval, bpm[_ni].sA); + cpm[(_ni*VWN + 11)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 11)*(MWI/VWM) + _mi], aval, bpm[_ni].sB); + cpm[(_ni*VWN + 12)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 12)*(MWI/VWM) + _mi], aval, bpm[_ni].sC); + cpm[(_ni*VWN + 13)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 13)*(MWI/VWM) + _mi], aval, bpm[_ni].sD); + cpm[(_ni*VWN + 14)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 14)*(MWI/VWM) + _mi], aval, bpm[_ni].sE); + cpm[(_ni*VWN + 15)*(MWI/VWM) + _mi] = MultiplyAddVector(cpm[(_ni*VWN + 15)*(MWI/VWM) + _mi], aval, bpm[_ni].sF); + #endif + } + } + #elif GEMMK == 1 + #pragma unroll + for (int _ni = 0; _ni < NWI; _ni += 1) { + #pragma unroll + for (int _mi = 0; _mi < MWI/VWM; _mi += 1) { + #pragma unroll + for (int _ki = 0; _ki < KREG/VWN; _ki += 1) { + #if USE_SUBGROUP_SHUFFLING == 1 + const realN aval = clblast_sub_group_shuffle(apm[_ki], _ni); + #else + const realN aval = apm[_ni * (KREG/VWN) + _ki]; + #endif + #if VWN == 1 + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 0) * (MWI/VWM) + _mi], aval); + #elif VWN == 2 + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 0) * (MWI/VWM) + _mi], aval.x); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 1) * (MWI/VWM) + _mi], aval.y); + #elif VWN == 4 + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 0) * (MWI/VWM) + _mi], aval.x); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 1) * (MWI/VWM) + _mi], aval.y); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 2) * (MWI/VWM) + _mi], aval.z); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 3) * (MWI/VWM) + _mi], aval.w); + #elif VWN == 8 + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 0) * (MWI/VWM) + _mi], aval.s0); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 1) * (MWI/VWM) + _mi], aval.s1); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 2) * (MWI/VWM) + _mi], aval.s2); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 3) * (MWI/VWM) + _mi], aval.s3); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 4) * (MWI/VWM) + _mi], aval.s4); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 5) * (MWI/VWM) + _mi], aval.s5); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 6) * (MWI/VWM) + _mi], aval.s6); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 7) * (MWI/VWM) + _mi], aval.s7); + #elif VWN == 16 + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 0 ) * (MWI/VWM) + _mi], aval.s0); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 1 ) * (MWI/VWM) + _mi], aval.s1); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 2 ) * (MWI/VWM) + _mi], aval.s2); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 3 ) * (MWI/VWM) + _mi], aval.s3); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 4 ) * (MWI/VWM) + _mi], aval.s4); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 5 ) * (MWI/VWM) + _mi], aval.s5); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 6 ) * (MWI/VWM) + _mi], aval.s6); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 7 ) * (MWI/VWM) + _mi], aval.s7); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 8 ) * (MWI/VWM) + _mi], aval.s8); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 9 ) * (MWI/VWM) + _mi], aval.s9); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 10) * (MWI/VWM) + _mi], aval.sA); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 11) * (MWI/VWM) + _mi], aval.sB); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 12) * (MWI/VWM) + _mi], aval.sC); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 13) * (MWI/VWM) + _mi], aval.sD); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 14) * (MWI/VWM) + _mi], aval.sE); + cpm[_ni * (MWI/VWM) + _mi] = MultiplyAddVector(cpm[_ni * (MWI/VWM) + _mi], bpm[(VWN * _ki + 15) * (MWI/VWM) + _mi], aval.sF); + #endif + } + } + } + #endif + + } + } + #if SA == 1 || SB == 1 + barrier(CLK_LOCAL_MEM_FENCE); + #endif + } + #if GLOBAL_MEM_FENCE == 1 + barrier(CLK_GLOBAL_MEM_FENCE); + #endif + + #ifdef OUTPUTMN + // Revise to [M, N] + realN cpn; // MWI * NWI + + real* cpn_mxn = (real *)(&cpn); + real* cpm_nxm = (real *)cpm; + + #pragma unroll + for (int _mi = 0; _mi < MWI; _mi += 1) { + + #pragma unroll + for (int _ni = 0; _ni < NWI/VWN; _ni += 1) { + #pragma unroll + for (int _nip = 0; _nip < VWN; _nip += 1) { + cpn_mxn[_nip] = cpm_nxm[(_ni*VWN+_nip) * MWI + _mi]; + } + + StoreResultsN((__global realN* )cgm, cpn, + #ifdef BIAS + egm, + #endif + _mi, _ni, kSizeN, alpha, beta); + } + } + + #else + + // Stores an MWG * NWG tile of results and performs the multiplication with alpha and beta + #if GEMMK == 0 + const int cld = kSizeM; + #elif GEMMK == 1 + const int cld = kSizeN; + #endif + + #pragma unroll + for (int _ni = 0; _ni < NWI; _ni += 1) { + #pragma unroll + for (int _mi = 0; _mi < MWI/VWM; _mi += 1) { + StoreResultsM(cgm, cpm[_ni * (MWI/VWM) + _mi], _mi, _ni, cld, alpha, beta); + } + } + #endif +} + +// Main entry point of the kernel. This is the regular full version. +#if RELAX_WORKGROUP_SIZE == 1 + __kernel +#else + __kernel __attribute__((reqd_work_group_size(MDIMC, NDIMC, 1))) +#endif +void Xgemm(const int kSizeM, const int kSizeN, const int kSizeK, + const real_arg arg_alpha, + const real_arg arg_beta, + const __global realM* restrict agm, // [K, M] + const __global realN* restrict bgm, // [K, N] + #ifdef BIAS + const __global realN* restrict egm, // [N] + #endif + __global realM* cgm, + const int a_offset, const int b_offset, const int c_offset) { + const real alpha = GetRealArg(arg_alpha); + const real beta = GetRealArg(arg_beta); + + // Adds the offsets (in case of use of a single temporary buffer for A, B, and C) + agm = (const __global realM*)((const __global real*)agm + a_offset); + bgm = (const __global realN*)((const __global real*)bgm + b_offset); + cgm = (__global realM*)((const __global real*)cgm + c_offset); + + // Allocates workgroup-private memory (local memory) + #if SA == 1 + __local realM alm[KWG * MWG/VWM]; + #endif + #if SB == 1 + __local realN blm[KWG * NWG/VWN]; + #endif + + // Computes the matrix-multiplication and stores the result in global memory + #if SA == 1 && SB == 1 + XgemmBody(kSizeM, kSizeN, kSizeK, agm, bgm, + #ifdef BIAS + egm, + #endif + cgm, alpha, beta, alm, blm); + #elif SA == 1 + XgemmBody(kSizeM, kSizeN, kSizeK, agm, bgm, + #ifdef BIAS + egm, + #endif + cgm, alpha, beta, alm); + #elif SB == 1 + XgemmBody(kSizeM, kSizeN, kSizeK, agm, bgm, + #ifdef BIAS + egm, + #endif + cgm, alpha, beta, blm); + #else + XgemmBody(kSizeM, kSizeN, kSizeK, agm, bgm, + #ifdef BIAS + egm, + #endif + cgm, alpha, beta); + #endif +} diff --git a/source/backend/opencl/execution/cl/opencl_program.cc b/source/backend/opencl/execution/cl/opencl_program.cc index ae5bd9565..36938ef60 100644 --- a/source/backend/opencl/execution/cl/opencl_program.cc +++ b/source/backend/opencl/execution/cl/opencl_program.cc @@ -49,7 +49,7 @@ extern const std::map> OpenCLProgramMap #ifndef MNN_OPENCL_BUFFER_CLOSED { "gemv_conv1x1_buf", - { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x2c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x61,0x2c,0x20,0x62,0x2c,0x20,0x63,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x30,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x31,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x32,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x33,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x34,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x35,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x36,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x37,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x38,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x39,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x61,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x62,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x63,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x64,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x65,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x66,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x62,0x2e,0x73,0x30,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x38,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x31,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x38,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x32,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x39,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x33,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x39,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x34,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x61,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x35,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x61,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x36,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x62,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x37,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x62,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x62,0x2e,0x73,0x38,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x63,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x39,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x63,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x61,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x64,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x62,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x64,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x63,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x65,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x64,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x65,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x65,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x66,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x66,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x66,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x43,0x48,0x41,0x52,0x38,0x5f,0x54,0x4f,0x5f,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x61,0x2c,0x20,0x63,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x30,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x31,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x32,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x33,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x34,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x35,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x36,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x37,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x38,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x39,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x61,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x62,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x63,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x64,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x65,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x66,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x61,0x2c,0x20,0x62,0x2c,0x20,0x63,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x62,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x62,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x62,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x62,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x3b,0xa,0xa,0x5f,0x5f,0x63,0x6f,0x6e,0x73,0x74,0x61,0x6e,0x74,0x20,0x73,0x61,0x6d,0x70,0x6c,0x65,0x72,0x5f,0x74,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x20,0x3d,0x20,0x43,0x4c,0x4b,0x5f,0x4e,0x4f,0x52,0x4d,0x41,0x4c,0x49,0x5a,0x45,0x44,0x5f,0x43,0x4f,0x4f,0x52,0x44,0x53,0x5f,0x46,0x41,0x4c,0x53,0x45,0x20,0x7c,0x20,0x43,0x4c,0x4b,0x5f,0x41,0x44,0x44,0x52,0x45,0x53,0x53,0x5f,0x43,0x4c,0x41,0x4d,0x50,0x20,0x7c,0x20,0x43,0x4c,0x4b,0x5f,0x46,0x49,0x4c,0x54,0x45,0x52,0x5f,0x4e,0x45,0x41,0x52,0x45,0x53,0x54,0x3b,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x34,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x34,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x33,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x34,0x20,0x2a,0x20,0x31,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x36,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x38,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x38,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x32,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x29,0x20,0x2f,0x20,0x34,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x29,0x25,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x33,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x20,0x2a,0x20,0x31,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x36,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x31,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2f,0x34,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x25,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x33,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x31,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x36,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x38,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x38,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x38,0x5f,0x54,0x4f,0x5f,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x38,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x38,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x38,0x5f,0x54,0x4f,0x5f,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0x20,0x20,0x20,0x20,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x32,0x5f,0x69,0x6d,0x61,0x67,0x65,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x72,0x65,0x61,0x64,0x5f,0x6f,0x6e,0x6c,0x79,0x20,0x69,0x6d,0x61,0x67,0x65,0x32,0x64,0x5f,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2f,0x34,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x37,0x29,0x20,0x3e,0x3e,0x20,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x38,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0x20,0x2f,0x2f,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x31,0x5f,0x69,0x6d,0x61,0x67,0x65,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x72,0x65,0x61,0x64,0x5f,0x6f,0x6e,0x6c,0x79,0x20,0x69,0x6d,0x61,0x67,0x65,0x32,0x64,0x5f,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2f,0x34,0x29,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x25,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x37,0x29,0x20,0x3e,0x3e,0x20,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x38,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x32,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x33,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0x20,0x2f,0x2f,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x32,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa, } + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x2c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x61,0x2c,0x20,0x62,0x2c,0x20,0x63,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x30,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x31,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x32,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x33,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x34,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x35,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x36,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x37,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x38,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x39,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x61,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x62,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x63,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x64,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x65,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x66,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x62,0x2e,0x73,0x30,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x38,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x31,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x38,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x32,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x39,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x33,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x39,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x34,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x61,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x35,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x61,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x36,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x62,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x37,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x62,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x62,0x2e,0x73,0x38,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x63,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x39,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x63,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x61,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x64,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x62,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x64,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x63,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x65,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x64,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x65,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x65,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x66,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x62,0x2e,0x73,0x66,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x66,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x43,0x48,0x41,0x52,0x38,0x5f,0x54,0x4f,0x5f,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x61,0x2c,0x20,0x63,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x30,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x31,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x30,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x32,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x33,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x31,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x34,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x35,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x32,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x36,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x37,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x33,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x61,0x2e,0x73,0x38,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x39,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x34,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x61,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x62,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x35,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x63,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x64,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x36,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x65,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0x20,0x61,0x2e,0x73,0x66,0x20,0x3d,0x20,0x28,0x63,0x2e,0x73,0x37,0x20,0x26,0x20,0x31,0x35,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x61,0x2c,0x20,0x62,0x2c,0x20,0x63,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x62,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x62,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x62,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x63,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x61,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x62,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x3b,0xa,0xa,0x5f,0x5f,0x63,0x6f,0x6e,0x73,0x74,0x61,0x6e,0x74,0x20,0x73,0x61,0x6d,0x70,0x6c,0x65,0x72,0x5f,0x74,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x20,0x3d,0x20,0x43,0x4c,0x4b,0x5f,0x4e,0x4f,0x52,0x4d,0x41,0x4c,0x49,0x5a,0x45,0x44,0x5f,0x43,0x4f,0x4f,0x52,0x44,0x53,0x5f,0x46,0x41,0x4c,0x53,0x45,0x20,0x7c,0x20,0x43,0x4c,0x4b,0x5f,0x41,0x44,0x44,0x52,0x45,0x53,0x53,0x5f,0x43,0x4c,0x41,0x4d,0x50,0x20,0x7c,0x20,0x43,0x4c,0x4b,0x5f,0x46,0x49,0x4c,0x54,0x45,0x52,0x5f,0x4e,0x45,0x41,0x52,0x45,0x53,0x54,0x3b,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x34,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x34,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x33,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x34,0x20,0x2a,0x20,0x31,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x36,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x3b,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x38,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x3b,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x38,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x32,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x29,0x20,0x2f,0x20,0x34,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x29,0x25,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x33,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x32,0x20,0x2a,0x20,0x31,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x36,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x3b,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x3b,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x31,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2f,0x34,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x25,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x33,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x31,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x36,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x3b,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x38,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x38,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x38,0x5f,0x54,0x4f,0x5f,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x3b,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x38,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x38,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x38,0x5f,0x54,0x4f,0x5f,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x32,0x5f,0x69,0x6d,0x61,0x67,0x65,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x72,0x65,0x61,0x64,0x5f,0x6f,0x6e,0x6c,0x79,0x20,0x69,0x6d,0x61,0x67,0x65,0x32,0x64,0x5f,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2f,0x34,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x37,0x29,0x20,0x3e,0x3e,0x20,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x38,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0x20,0x2f,0x2f,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x32,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x32,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x63,0x6f,0x6e,0x76,0x5f,0x63,0x31,0x5f,0x69,0x6d,0x61,0x67,0x65,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x72,0x65,0x61,0x64,0x5f,0x6f,0x6e,0x6c,0x79,0x20,0x69,0x6d,0x61,0x67,0x65,0x32,0x64,0x5f,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2f,0x34,0x29,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x25,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x68,0x20,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x53,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x34,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x31,0x36,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x34,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x61,0x73,0x5f,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x34,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x37,0x29,0x20,0x3e,0x3e,0x20,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x2d,0x31,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2f,0x38,0x3b,0x20,0x6b,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x49,0x44,0x54,0x48,0x5f,0x48,0x45,0x49,0x47,0x48,0x54,0x5f,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x20,0x2a,0x20,0x33,0x32,0x20,0x2b,0x20,0x31,0x36,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x33,0x32,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x38,0x20,0x3d,0x20,0x6b,0x20,0x2a,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x20,0x3d,0x20,0x61,0x73,0x5f,0x75,0x63,0x68,0x61,0x72,0x31,0x36,0x28,0x72,0x65,0x61,0x64,0x5f,0x69,0x6d,0x61,0x67,0x65,0x66,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6b,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x31,0x36,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x55,0x43,0x48,0x41,0x52,0x31,0x36,0x5f,0x54,0x4f,0x5f,0x32,0x43,0x48,0x41,0x52,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x49,0x6e,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x31,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x31,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x32,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x6b,0x38,0x20,0x2a,0x20,0x77,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x3f,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x33,0x20,0x2b,0x20,0x28,0x6b,0x38,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x77,0x68,0x29,0x20,0x3a,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x30,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x31,0x2e,0x73,0x30,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x31,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x32,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x33,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x34,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x35,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x36,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x37,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x38,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x39,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x61,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x62,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x63,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x64,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x65,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x73,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x32,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x44,0x4f,0x54,0x31,0x36,0x58,0x31,0x36,0x28,0x69,0x6e,0x33,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0x20,0x2f,0x2f,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x41,0x43,0x54,0x48,0x5f,0x42,0x4c,0x4f,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x31,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x32,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x56,0x61,0x6c,0x69,0x64,0x42,0x61,0x74,0x63,0x68,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x6d,0x61,0x64,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x53,0x63,0x61,0x6c,0x65,0x2c,0x20,0x73,0x75,0x6d,0x33,0x20,0x2a,0x20,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x30,0x2c,0x20,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa, } }, #endif { @@ -65,6 +65,12 @@ extern const std::map> OpenCLProgramMap #endif #endif #ifndef MNN_OPENCL_BUFFER_CLOSED +{ + "matmul_local_buf", + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2a,0xa,0x20,0x5c,0xa,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4f,0x50,0x57,0x4d,0x20,0x36,0x34,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x73,0x69,0x7a,0x65,0x2d,0x70,0x65,0x72,0x2d,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4d,0xa,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4f,0x50,0x57,0x4e,0x20,0x31,0x32,0x38,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x73,0x69,0x7a,0x65,0x2d,0x70,0x65,0x72,0x2d,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4e,0xa,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x43,0x50,0x57,0x4b,0x20,0x38,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x63,0x61,0x63,0x68,0x65,0x73,0x69,0x7a,0x65,0x2d,0x70,0x65,0x72,0x2d,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4b,0xa,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4f,0x50,0x54,0x4d,0x20,0x34,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x73,0x69,0x7a,0x65,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4d,0xa,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4f,0x50,0x54,0x4e,0x20,0x38,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x73,0x69,0x7a,0x65,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4e,0xa,0x20,0x2a,0x2f,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x54,0x50,0x57,0x4d,0x20,0x28,0x4f,0x50,0x57,0x4d,0x2f,0x4f,0x50,0x54,0x4d,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x73,0x69,0x7a,0x65,0x2d,0x70,0x65,0x72,0x2d,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4d,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x54,0x50,0x57,0x4e,0x20,0x28,0x4f,0x50,0x57,0x4e,0x2f,0x4f,0x50,0x54,0x4e,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x73,0x69,0x7a,0x65,0x2d,0x70,0x65,0x72,0x2d,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4e,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4c,0x50,0x54,0x41,0x20,0x28,0x28,0x43,0x50,0x57,0x4b,0x2a,0x4f,0x50,0x57,0x4d,0x29,0x2f,0x28,0x54,0x50,0x57,0x4d,0x2a,0x54,0x50,0x57,0x4e,0x29,0x29,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x2d,0x6e,0x75,0x6d,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x66,0x6f,0x72,0x20,0x41,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4c,0x50,0x54,0x42,0x20,0x28,0x28,0x43,0x50,0x57,0x4b,0x2a,0x4f,0x50,0x57,0x4e,0x29,0x2f,0x28,0x54,0x50,0x57,0x4d,0x2a,0x54,0x50,0x57,0x4e,0x29,0x29,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x2d,0x6e,0x75,0x6d,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x66,0x6f,0x72,0x20,0x42,0xa,0xa,0x2f,0x2f,0x20,0x76,0x65,0x74,0x6f,0x72,0x69,0x7a,0x65,0x20,0x2b,0x20,0x20,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x6d,0x61,0x74,0x6d,0x75,0x6c,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x62,0x75,0x66,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x41,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x2a,0x20,0x42,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x2a,0x20,0x42,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x42,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x62,0x69,0x61,0x73,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x43,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x69,0x64,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x6d,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x72,0x6f,0x77,0x20,0x49,0x44,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x6e,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x63,0x6f,0x6c,0x20,0x49,0x44,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x64,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2a,0x20,0x4f,0x50,0x57,0x4d,0x3b,0x20,0x2f,0x2f,0x20,0x57,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x4d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2a,0x20,0x4f,0x50,0x57,0x4e,0x3b,0x20,0x2f,0x2f,0x20,0x57,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x4e,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x66,0x6f,0x72,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x63,0x61,0x63,0x68,0x65,0x20,0x6f,0x66,0x20,0x41,0x20,0x61,0x6e,0x64,0x20,0x42,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x43,0x50,0x57,0x4b,0x5d,0x5b,0x4f,0x50,0x57,0x4d,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x4f,0x50,0x57,0x4e,0x5d,0x5b,0x43,0x50,0x57,0x4b,0x2b,0x32,0x5d,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6c,0x6c,0x6f,0x63,0x61,0x74,0x65,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x20,0x73,0x70,0x61,0x63,0x65,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x5b,0x4f,0x50,0x54,0x4d,0x5d,0x5b,0x4f,0x50,0x54,0x4e,0x5d,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x49,0x6e,0x69,0x74,0x69,0x61,0x6c,0x69,0x73,0x65,0x20,0x74,0x68,0x65,0x20,0x61,0x63,0x63,0x75,0x6d,0x75,0x6c,0x61,0x74,0x69,0x6f,0x6e,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6d,0x3d,0x30,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x3d,0x20,0x30,0x2e,0x30,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x6f,0x70,0x20,0x6f,0x76,0x65,0x72,0x20,0x61,0x6c,0x6c,0x20,0x74,0x69,0x6c,0x65,0x73,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6e,0x75,0x6d,0x4c,0x6f,0x6f,0x70,0x73,0x20,0x3d,0x20,0x4b,0x2f,0x43,0x50,0x57,0x4b,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x74,0x3d,0x30,0x3b,0x20,0x74,0x3c,0x6e,0x75,0x6d,0x4c,0x6f,0x6f,0x70,0x73,0x3b,0x20,0x74,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x20,0x6f,0x6e,0x65,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x6f,0x66,0x20,0x41,0x20,0x61,0x6e,0x64,0x20,0x42,0x20,0x69,0x6e,0x74,0x6f,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6c,0x61,0x3d,0x30,0x3b,0x20,0x6c,0x61,0x3c,0x4c,0x50,0x54,0x41,0x3b,0x20,0x6c,0x61,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x20,0x3d,0x20,0x6c,0x61,0x2a,0x54,0x50,0x57,0x4e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x69,0x64,0x20,0x25,0x20,0x4f,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x69,0x64,0x20,0x2f,0x20,0x4f,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x43,0x50,0x57,0x4b,0x2a,0x74,0x20,0x2b,0x20,0x63,0x6f,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x5f,0x41,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4d,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x20,0x3d,0x20,0x41,0x5b,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x2a,0x4d,0x20,0x2b,0x20,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4d,0x2c,0x20,0x4b,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x20,0x3d,0x20,0x41,0x5b,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x2a,0x4b,0x20,0x2b,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6c,0x61,0x3d,0x30,0x3b,0x20,0x6c,0x61,0x3c,0x4c,0x50,0x54,0x42,0x3b,0x20,0x6c,0x61,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x20,0x3d,0x20,0x6c,0x61,0x2a,0x54,0x50,0x57,0x4e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x69,0x64,0x20,0x25,0x20,0x4f,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x69,0x64,0x20,0x2f,0x20,0x4f,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x43,0x50,0x57,0x4b,0x2a,0x74,0x20,0x2b,0x20,0x63,0x6f,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x5f,0x42,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x4b,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x72,0x6f,0x77,0x5d,0x5b,0x63,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x42,0x5b,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x2a,0x4b,0x20,0x2b,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4e,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x72,0x6f,0x77,0x5d,0x5b,0x63,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x42,0x5b,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x2a,0x4e,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x53,0x79,0x6e,0x63,0x68,0x72,0x6f,0x6e,0x69,0x73,0x65,0x20,0x74,0x6f,0x20,0x6d,0x61,0x6b,0x65,0x20,0x73,0x75,0x72,0x65,0x20,0x74,0x68,0x65,0x20,0x74,0x69,0x6c,0x65,0x20,0x69,0x73,0x20,0x6c,0x6f,0x61,0x64,0x65,0x64,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x6f,0x70,0x20,0x6f,0x76,0x65,0x72,0x20,0x74,0x68,0x65,0x20,0x76,0x61,0x6c,0x75,0x65,0x73,0x20,0x6f,0x66,0x20,0x61,0x20,0x73,0x69,0x6e,0x67,0x6c,0x65,0x20,0x74,0x69,0x6c,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x50,0x65,0x72,0x66,0x6f,0x72,0x6d,0x20,0x74,0x68,0x65,0x20,0x63,0x6f,0x6d,0x70,0x75,0x74,0x61,0x74,0x69,0x6f,0x6e,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x4f,0x50,0x54,0x4e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x30,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x31,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x32,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x33,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x30,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x31,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x31,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x32,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x33,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x33,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6c,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x77,0x6d,0x3d,0x31,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x6f,0x77,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x30,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x31,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x32,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x33,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x30,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x31,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x35,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x32,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x36,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x33,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x37,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6c,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6d,0x3d,0x30,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x34,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x35,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x36,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x5b,0x37,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x6f,0x77,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x53,0x79,0x6e,0x63,0x68,0x72,0x6f,0x6e,0x69,0x73,0x65,0x20,0x62,0x65,0x66,0x6f,0x72,0x65,0x20,0x6c,0x6f,0x61,0x64,0x69,0x6e,0x67,0x20,0x74,0x68,0x65,0x20,0x6e,0x65,0x78,0x74,0x20,0x74,0x69,0x6c,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x53,0x74,0x6f,0x72,0x65,0x20,0x74,0x68,0x65,0x20,0x66,0x69,0x6e,0x61,0x6c,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x73,0x20,0x69,0x6e,0x20,0x43,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6d,0x3d,0x30,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x52,0x6f,0x77,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x6d,0x20,0x2b,0x20,0x77,0x6d,0x2a,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x43,0x6f,0x6c,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x6c,0x69,0x64,0x6e,0x20,0x2b,0x20,0x77,0x6e,0x2a,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x62,0x69,0x61,0x73,0x5b,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x43,0x6f,0x6c,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x5b,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x52,0x6f,0x77,0x2a,0x4e,0x20,0x2b,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x43,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0xa,0x2f,0x2f,0x20,0x64,0x6f,0x75,0x62,0x6c,0x65,0x20,0x62,0x75,0x66,0x66,0x65,0x72,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x6d,0x61,0x74,0x6d,0x75,0x6c,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x64,0x6f,0x75,0x62,0x6c,0x65,0x5f,0x62,0x75,0x66,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x41,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x2a,0x20,0x42,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x2a,0x20,0x42,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x42,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x62,0x69,0x61,0x73,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x43,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x69,0x64,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6c,0x69,0x64,0x6d,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x72,0x6f,0x77,0x20,0x49,0x44,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6c,0x69,0x64,0x6e,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x63,0x6f,0x6c,0x20,0x49,0x44,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x64,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2a,0x20,0x4f,0x50,0x57,0x4d,0x3b,0x20,0x2f,0x2f,0x20,0x57,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x4d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2a,0x20,0x4f,0x50,0x57,0x4e,0x3b,0x20,0x2f,0x2f,0x20,0x57,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x4e,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x66,0x6f,0x72,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x63,0x61,0x63,0x68,0x65,0x20,0x6f,0x66,0x20,0x41,0x20,0x61,0x6e,0x64,0x20,0x42,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x43,0x50,0x57,0x4b,0x5d,0x5b,0x4f,0x50,0x57,0x4d,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x4f,0x50,0x57,0x4e,0x5d,0x5b,0x43,0x50,0x57,0x4b,0x2b,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x43,0x50,0x57,0x4b,0x5d,0x5b,0x4f,0x50,0x57,0x4d,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x4f,0x50,0x57,0x4e,0x5d,0x5b,0x43,0x50,0x57,0x4b,0x2b,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6c,0x6c,0x6f,0x63,0x61,0x74,0x65,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x20,0x73,0x70,0x61,0x63,0x65,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x5b,0x4f,0x50,0x54,0x4d,0x5d,0x5b,0x4f,0x50,0x54,0x4e,0x5d,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x49,0x6e,0x69,0x74,0x69,0x61,0x6c,0x69,0x73,0x65,0x20,0x74,0x68,0x65,0x20,0x61,0x63,0x63,0x75,0x6d,0x75,0x6c,0x61,0x74,0x69,0x6f,0x6e,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6d,0x3d,0x30,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x3d,0x20,0x30,0x2e,0x30,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x6f,0x70,0x20,0x6f,0x76,0x65,0x72,0x20,0x61,0x6c,0x6c,0x20,0x74,0x69,0x6c,0x65,0x73,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6e,0x75,0x6d,0x4c,0x6f,0x6f,0x70,0x73,0x20,0x3d,0x20,0x4b,0x2f,0x43,0x50,0x57,0x4b,0x3b,0xa,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6c,0x69,0x64,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x74,0x3d,0x30,0x3b,0x20,0x74,0x3c,0x6e,0x75,0x6d,0x4c,0x6f,0x6f,0x70,0x73,0x3b,0x20,0x74,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x20,0x6f,0x6e,0x65,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x6f,0x66,0x20,0x41,0x20,0x61,0x6e,0x64,0x20,0x42,0x20,0x69,0x6e,0x74,0x6f,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6c,0x61,0x3d,0x30,0x3b,0x20,0x6c,0x61,0x3c,0x4c,0x50,0x54,0x41,0x3b,0x20,0x6c,0x61,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x64,0x20,0x3d,0x20,0x6c,0x61,0x2a,0x54,0x50,0x57,0x4e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x69,0x64,0x20,0x25,0x20,0x4f,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x69,0x64,0x20,0x2f,0x20,0x4f,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x43,0x50,0x57,0x4b,0x2a,0x74,0x20,0x2b,0x20,0x63,0x6f,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x5f,0x41,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4d,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x20,0x3d,0x20,0x41,0x5b,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x2a,0x4d,0x20,0x2b,0x20,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4d,0x2c,0x20,0x4b,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x20,0x3d,0x20,0x41,0x5b,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x2a,0x4b,0x20,0x2b,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6c,0x61,0x3d,0x30,0x3b,0x20,0x6c,0x61,0x3c,0x4c,0x50,0x54,0x42,0x3b,0x20,0x6c,0x61,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x64,0x20,0x3d,0x20,0x6c,0x61,0x2a,0x54,0x50,0x57,0x4e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x69,0x64,0x20,0x25,0x20,0x4f,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x69,0x64,0x20,0x2f,0x20,0x4f,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x43,0x50,0x57,0x4b,0x2a,0x74,0x20,0x2b,0x20,0x63,0x6f,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x5f,0x42,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x4b,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x72,0x6f,0x77,0x5d,0x5b,0x63,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x42,0x5b,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x2a,0x4b,0x20,0x2b,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4e,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x72,0x6f,0x77,0x5d,0x5b,0x63,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x42,0x5b,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x2a,0x4e,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x53,0x79,0x6e,0x63,0x68,0x72,0x6f,0x6e,0x69,0x73,0x65,0x20,0x74,0x6f,0x20,0x6d,0x61,0x6b,0x65,0x20,0x73,0x75,0x72,0x65,0x20,0x74,0x68,0x65,0x20,0x74,0x69,0x6c,0x65,0x20,0x69,0x73,0x20,0x6c,0x6f,0x61,0x64,0x65,0x64,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x6f,0x70,0x20,0x6f,0x76,0x65,0x72,0x20,0x74,0x68,0x65,0x20,0x76,0x61,0x6c,0x75,0x65,0x73,0x20,0x6f,0x66,0x20,0x61,0x20,0x73,0x69,0x6e,0x67,0x6c,0x65,0x20,0x74,0x69,0x6c,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x50,0x65,0x72,0x66,0x6f,0x72,0x6d,0x20,0x74,0x68,0x65,0x20,0x63,0x6f,0x6d,0x70,0x75,0x74,0x61,0x74,0x69,0x6f,0x6e,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x4f,0x50,0x54,0x4e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x30,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x31,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x32,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x33,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x30,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x31,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x31,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x32,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x33,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x33,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6c,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6d,0x3d,0x31,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x6f,0x77,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x30,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x31,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x32,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x33,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x30,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x31,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x35,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x32,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x36,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x33,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x37,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6c,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6d,0x3d,0x30,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x34,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x35,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x36,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x52,0x5b,0x37,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x6f,0x77,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x74,0x2b,0x2b,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x6f,0x70,0x20,0x6f,0x76,0x65,0x72,0x20,0x74,0x68,0x65,0x20,0x76,0x61,0x6c,0x75,0x65,0x73,0x20,0x6f,0x66,0x20,0x61,0x20,0x73,0x69,0x6e,0x67,0x6c,0x65,0x20,0x74,0x69,0x6c,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x20,0x6f,0x6e,0x65,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x6f,0x66,0x20,0x41,0x20,0x61,0x6e,0x64,0x20,0x42,0x20,0x69,0x6e,0x74,0x6f,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6c,0x61,0x3d,0x30,0x3b,0x20,0x6c,0x61,0x3c,0x4c,0x50,0x54,0x41,0x3b,0x20,0x6c,0x61,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x64,0x20,0x3d,0x20,0x6c,0x61,0x2a,0x54,0x50,0x57,0x4e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x69,0x64,0x20,0x25,0x20,0x4f,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x69,0x64,0x20,0x2f,0x20,0x4f,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x43,0x50,0x57,0x4b,0x2a,0x74,0x20,0x2b,0x20,0x63,0x6f,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x5f,0x41,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4d,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x20,0x3d,0x20,0x41,0x5b,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x2a,0x4d,0x20,0x2b,0x20,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4d,0x2c,0x20,0x4b,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x20,0x3d,0x20,0x41,0x5b,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x2a,0x4b,0x20,0x2b,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x6c,0x61,0x3d,0x30,0x3b,0x20,0x6c,0x61,0x3c,0x4c,0x50,0x54,0x42,0x3b,0x20,0x6c,0x61,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x64,0x20,0x3d,0x20,0x6c,0x61,0x2a,0x54,0x50,0x57,0x4e,0x2a,0x54,0x50,0x57,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x69,0x64,0x20,0x25,0x20,0x4f,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x69,0x64,0x20,0x2f,0x20,0x4f,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x43,0x50,0x57,0x4b,0x2a,0x74,0x20,0x2b,0x20,0x63,0x6f,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x5f,0x42,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x4b,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x72,0x6f,0x77,0x5d,0x5b,0x63,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x42,0x5b,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x72,0x6f,0x77,0x29,0x2a,0x4b,0x20,0x2b,0x20,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4e,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x72,0x6f,0x77,0x5d,0x5b,0x63,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x42,0x5b,0x74,0x69,0x6c,0x65,0x64,0x49,0x6e,0x64,0x65,0x78,0x2a,0x4e,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x53,0x79,0x6e,0x63,0x68,0x72,0x6f,0x6e,0x69,0x73,0x65,0x20,0x74,0x6f,0x20,0x6d,0x61,0x6b,0x65,0x20,0x73,0x75,0x72,0x65,0x20,0x74,0x68,0x65,0x20,0x74,0x69,0x6c,0x65,0x20,0x69,0x73,0x20,0x6c,0x6f,0x61,0x64,0x65,0x64,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x50,0x65,0x72,0x66,0x6f,0x72,0x6d,0x20,0x74,0x68,0x65,0x20,0x63,0x6f,0x6d,0x70,0x75,0x74,0x61,0x74,0x69,0x6f,0x6e,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x30,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x31,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x32,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x33,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x30,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x31,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x31,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x32,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x33,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x33,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6c,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6d,0x3d,0x31,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x6f,0x77,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x30,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x31,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x32,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x33,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x63,0x6f,0x6c,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x30,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x31,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x35,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x32,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x36,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x2e,0x73,0x33,0x20,0x3d,0x20,0x42,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x63,0x6f,0x6c,0x5d,0x5b,0x37,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6c,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x72,0x6f,0x77,0x20,0x3d,0x20,0x6c,0x69,0x64,0x6d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6d,0x3d,0x30,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x34,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x35,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x36,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x5f,0x6b,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x41,0x6c,0x6f,0x63,0x61,0x6c,0x43,0x5b,0x37,0x5d,0x5b,0x72,0x6f,0x77,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x5f,0x6b,0x30,0x2c,0x20,0x42,0x5f,0x6b,0x30,0x5b,0x77,0x6e,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x6f,0x77,0x20,0x2b,0x3d,0x20,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x53,0x74,0x6f,0x72,0x65,0x20,0x74,0x68,0x65,0x20,0x66,0x69,0x6e,0x61,0x6c,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x73,0x20,0x69,0x6e,0x20,0x43,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6d,0x3d,0x30,0x3b,0x20,0x77,0x6d,0x3c,0x4f,0x50,0x54,0x4d,0x3b,0x20,0x77,0x6d,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x52,0x6f,0x77,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4d,0x20,0x2b,0x20,0x6c,0x69,0x64,0x6d,0x20,0x2b,0x20,0x77,0x6d,0x2a,0x54,0x50,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x77,0x6e,0x3d,0x30,0x3b,0x20,0x77,0x6e,0x3c,0x4f,0x50,0x54,0x4e,0x3b,0x20,0x77,0x6e,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x43,0x6f,0x6c,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x4e,0x20,0x2b,0x20,0x6c,0x69,0x64,0x6e,0x20,0x2b,0x20,0x77,0x6e,0x2a,0x54,0x50,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x20,0x2b,0x3d,0x20,0x62,0x69,0x61,0x73,0x5b,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x43,0x6f,0x6c,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x5b,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x52,0x6f,0x77,0x2a,0x4e,0x20,0x2b,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x43,0x6f,0x6c,0x5d,0x20,0x3d,0x20,0x73,0x75,0x6d,0x5b,0x77,0x6d,0x5d,0x5b,0x77,0x6e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa, } + }, +#endif +#ifndef MNN_OPENCL_BUFFER_CLOSED { "conv_2d_int_buf", { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x20,0x31,0x35,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x69,0x6e,0x74,0x5f,0x63,0x34,0x68,0x31,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x78,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x78,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x20,0x3d,0x20,0x28,0x69,0x78,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2f,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x30,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x69,0x6e,0x74,0x5f,0x63,0x34,0x68,0x31,0x77,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0x2f,0x2f,0x67,0x65,0x6e,0x65,0x72,0x61,0x74,0x65,0x20,0x77,0x69,0x64,0x74,0x68,0x27,0x73,0x20,0x6e,0x75,0x6d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x30,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x30,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x31,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x69,0x6e,0x74,0x5f,0x63,0x34,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x30,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x30,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x31,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x32,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x33,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x69,0x6e,0x74,0x5f,0x63,0x34,0x68,0x34,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x30,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x30,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x31,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x32,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x33,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x69,0x6e,0x74,0x5f,0x63,0x38,0x68,0x34,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x30,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x30,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x31,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x32,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x33,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x69,0x6e,0x74,0x5f,0x63,0x38,0x68,0x32,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x3a,0x20,0x5b,0x69,0x63,0x2f,0x34,0x2c,0x20,0x6f,0x63,0x2c,0x20,0x34,0x5d,0x2c,0x20,0x6c,0x6f,0x6f,0x70,0x3a,0x20,0x69,0x63,0x2f,0x34,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x30,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x30,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x31,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x69,0x6e,0x74,0x5f,0x63,0x38,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x75,0x63,0x68,0x61,0x72,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x2a,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x73,0x75,0x6d,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x75,0x63,0x68,0x61,0x72,0x32,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x34,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x30,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x30,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x30,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x31,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x31,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x31,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x32,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x32,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x32,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x33,0x20,0x2b,0x3d,0x20,0x28,0x69,0x6e,0x33,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x7a,0x20,0x2b,0x20,0x69,0x6e,0x33,0x2e,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x20,0x28,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x20,0x55,0x53,0x45,0x5f,0x4c,0x4f,0x57,0x5f,0x42,0x49,0x54,0x5f,0x57,0x45,0x49,0x47,0x48,0x54,0x5f,0x49,0x4e,0x54,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2f,0x32,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x2f,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x34,0x29,0x28,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x2c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x30,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x31,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x32,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x78,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x79,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x30,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x7a,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x3e,0x3e,0x20,0x34,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x2e,0x77,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x49,0x6e,0x74,0x34,0x33,0x2e,0x73,0x31,0x20,0x26,0x20,0x4d,0x4f,0x44,0x5f,0x4e,0x55,0x4d,0x29,0x20,0x2d,0x20,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x68,0x61,0x72,0x57,0x65,0x69,0x67,0x68,0x74,0x33,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x30,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x30,0x33,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x30,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x30,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x31,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x32,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x20,0x76,0x62,0x69,0x61,0x73,0x31,0x20,0x2b,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x53,0x63,0x61,0x6c,0x65,0x43,0x34,0x37,0x20,0x2b,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x75,0x6d,0x33,0x29,0x20,0x2a,0x20,0x64,0x65,0x71,0x75,0x61,0x6e,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x37,0x29,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa, } @@ -87,7 +93,7 @@ extern const std::map> OpenCLProgramMap #ifndef MNN_OPENCL_BUFFER_CLOSED { "binary_buf", - { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x50,0x49,0x20,0x33,0x2e,0x31,0x34,0x31,0x35,0x39,0x32,0x36,0x35,0x33,0x35,0x38,0x39,0x66,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x62,0x69,0x6e,0x61,0x72,0x79,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x68,0x61,0x70,0x65,0x2c,0x2f,0x2f,0x5b,0x4e,0x2c,0x48,0x2c,0x57,0x2c,0x43,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x73,0x46,0x75,0x6c,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x63,0x74,0x69,0x76,0x61,0x74,0x69,0x6f,0x6e,0x54,0x79,0x70,0x65,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0x2f,0x2f,0x4e,0x43,0x34,0x2c,0x20,0x48,0x57,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2a,0x20,0x28,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x2a,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x29,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x69,0x73,0x46,0x75,0x6c,0x6c,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x69,0x73,0x46,0x75,0x6c,0x6c,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x46,0x75,0x6c,0x6c,0x2e,0x78,0x20,0x3d,0x3d,0x20,0x30,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x34,0x29,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x30,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x73,0x46,0x75,0x6c,0x6c,0x2e,0x79,0x20,0x3d,0x3d,0x20,0x30,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x34,0x29,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x31,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x61,0x63,0x74,0x69,0x76,0x61,0x74,0x69,0x6f,0x6e,0x54,0x79,0x70,0x65,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x70,0x72,0x65,0x6c,0x75,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x68,0x61,0x70,0x65,0x2f,0x2f,0x5b,0x4e,0x2c,0x48,0x2c,0x57,0x2c,0x43,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0x2f,0x2f,0x4e,0x43,0x34,0x2c,0x20,0x48,0x57,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2a,0x20,0x28,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x2a,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x29,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x73,0x68,0x61,0x70,0x65,0x2e,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa, } + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x50,0x49,0x20,0x33,0x2e,0x31,0x34,0x31,0x35,0x39,0x32,0x36,0x35,0x33,0x35,0x38,0x39,0x66,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x62,0x69,0x6e,0x61,0x72,0x79,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x68,0x61,0x70,0x65,0x2c,0x2f,0x2f,0x5b,0x4e,0x2c,0x48,0x2c,0x57,0x2c,0x43,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x73,0x46,0x75,0x6c,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x63,0x74,0x69,0x76,0x61,0x74,0x69,0x6f,0x6e,0x54,0x79,0x70,0x65,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0x2f,0x2f,0x4e,0x43,0x34,0x2c,0x20,0x48,0x57,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x57,0x48,0x5f,0x50,0x41,0x43,0x4b,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2a,0x20,0x28,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x2a,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x2f,0x34,0x29,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x41,0x5f,0x53,0x49,0x4e,0x47,0x4c,0x45,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x64,0x61,0x74,0x61,0x30,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x20,0x69,0x6e,0x30,0x5f,0x31,0x36,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x29,0x64,0x61,0x74,0x61,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x20,0x69,0x6e,0x30,0x5f,0x31,0x36,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x5f,0x53,0x49,0x4e,0x47,0x4c,0x45,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x64,0x61,0x74,0x61,0x31,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x20,0x69,0x6e,0x31,0x5f,0x31,0x36,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x29,0x64,0x61,0x74,0x61,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x20,0x69,0x6e,0x31,0x5f,0x31,0x36,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x20,0x6f,0x75,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x69,0x6e,0x30,0x5f,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x69,0x6e,0x31,0x5f,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x31,0x32,0x33,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x69,0x6e,0x30,0x5f,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x69,0x6e,0x31,0x5f,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x34,0x35,0x36,0x37,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x69,0x6e,0x30,0x5f,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x69,0x6e,0x31,0x5f,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x38,0x39,0x61,0x62,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x69,0x6e,0x30,0x5f,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x69,0x6e,0x31,0x5f,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x63,0x64,0x65,0x66,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x61,0x63,0x74,0x69,0x76,0x61,0x74,0x69,0x6f,0x6e,0x54,0x79,0x70,0x65,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x31,0x36,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2a,0x20,0x28,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x2a,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x29,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x41,0x5f,0x53,0x49,0x4e,0x47,0x4c,0x45,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x64,0x61,0x74,0x61,0x30,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x34,0x29,0x28,0x64,0x61,0x74,0x61,0x30,0x2c,0x20,0x64,0x61,0x74,0x61,0x30,0x2c,0x20,0x64,0x61,0x74,0x61,0x30,0x2c,0x20,0x64,0x61,0x74,0x61,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x5f,0x53,0x49,0x4e,0x47,0x4c,0x45,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x64,0x61,0x74,0x61,0x31,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x34,0x29,0x28,0x64,0x61,0x74,0x61,0x31,0x2c,0x20,0x64,0x61,0x74,0x61,0x31,0x2c,0x20,0x64,0x61,0x74,0x61,0x31,0x2c,0x20,0x64,0x61,0x74,0x61,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x61,0x63,0x74,0x69,0x76,0x61,0x74,0x69,0x6f,0x6e,0x54,0x79,0x70,0x65,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x2c,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x70,0x72,0x65,0x6c,0x75,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x68,0x61,0x70,0x65,0x2f,0x2f,0x5b,0x4e,0x2c,0x48,0x2c,0x57,0x2c,0x43,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0x2f,0x2f,0x4e,0x43,0x34,0x2c,0x20,0x48,0x57,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2a,0x20,0x28,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x2a,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x29,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x66,0x6c,0x6f,0x61,0x74,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x73,0x68,0x61,0x70,0x65,0x2e,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa, } }, #endif #ifndef MNN_OPENCL_BUFFER_CLOSED @@ -173,7 +179,7 @@ extern const std::map> OpenCLProgramMap #ifndef MNN_OPENCL_BUFFER_CLOSED { "gemm_buf", - { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x2c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x2f,0x2f,0x55,0x50,0x5f,0x44,0x49,0x56,0x28,0x77,0x55,0x6e,0x69,0x74,0x2a,0x68,0x55,0x6e,0x69,0x74,0x2c,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x2f,0x2f,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x70,0x6f,0x73,0x2e,0x78,0x2c,0x20,0x70,0x6f,0x73,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x78,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x79,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6f,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x20,0x20,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x59,0x20,0x20,0x20,0x20,0x20,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6b,0x2c,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x48,0x57,0x43,0x20,0x20,0x5b,0x31,0x2c,0x20,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x5b,0x30,0x2c,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x77,0x69,0x64,0x74,0x68,0x2b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2b,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x31,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6b,0x20,0x2a,0x20,0x28,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x2b,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x29,0x20,0x2a,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x29,0x20,0x2b,0x20,0x69,0x6e,0x64,0x65,0x78,0x29,0x2a,0x34,0x20,0x2b,0x20,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6b,0x5f,0x76,0x31,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x2a,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x29,0x20,0x2b,0x20,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x5b,0x61,0x6c,0x70,0x68,0x61,0x2a,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x20,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6b,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x70,0x6f,0x73,0x5f,0x78,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x28,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6b,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x29,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x38,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x63,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x39,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x64,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x61,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x65,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x66,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x79,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x5b,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x2c,0x20,0x34,0x2c,0x20,0x55,0x50,0x5f,0x44,0x49,0x56,0x28,0x77,0x55,0x6e,0x69,0x74,0x2a,0x68,0x55,0x6e,0x69,0x74,0x2c,0x34,0x29,0x5d,0x20,0x78,0x20,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x78,0x5d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x70,0x6f,0x73,0x5f,0x79,0x20,0x2a,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x34,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x38,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x31,0x32,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x7d,0xa,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x62,0x75,0x66,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x2f,0x2f,0x55,0x50,0x5f,0x44,0x49,0x56,0x28,0x77,0x55,0x6e,0x69,0x74,0x2a,0x68,0x55,0x6e,0x69,0x74,0x2c,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x2f,0x2f,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x70,0x6f,0x73,0x2e,0x78,0x2c,0x20,0x70,0x6f,0x73,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x3d,0x20,0x28,0x77,0x69,0x64,0x74,0x68,0x2b,0x31,0x29,0x20,0x3e,0x3e,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x78,0x20,0x3d,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x79,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6f,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6f,0x31,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x20,0x20,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x48,0x57,0x43,0x20,0x20,0x5b,0x31,0x2c,0x20,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x5b,0x30,0x2c,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x77,0x69,0x64,0x74,0x68,0x2b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2b,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x31,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6b,0x20,0x2a,0x20,0x28,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x2b,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x29,0x20,0x2a,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x29,0x20,0x2b,0x20,0x69,0x6e,0x64,0x65,0x78,0x29,0x2a,0x34,0x20,0x2b,0x20,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6b,0x5f,0x76,0x31,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x5b,0x61,0x6c,0x70,0x68,0x61,0x2a,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x20,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6b,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x70,0x6f,0x73,0x5f,0x78,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x20,0x69,0x6e,0x70,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x38,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x63,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x39,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x64,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x61,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x65,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x66,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x38,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x63,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x39,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x64,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x61,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x65,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x66,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x79,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x5b,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x2c,0x20,0x34,0x2c,0x20,0x55,0x50,0x5f,0x44,0x49,0x56,0x28,0x77,0x55,0x6e,0x69,0x74,0x2a,0x68,0x55,0x6e,0x69,0x74,0x2c,0x34,0x29,0x5d,0x20,0x78,0x20,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x78,0x5d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x70,0x6f,0x73,0x5f,0x79,0x20,0x2a,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x34,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x38,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x31,0x32,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x70,0x6f,0x73,0x5f,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x34,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x38,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x31,0x32,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x7d,0xa, } + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x2c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x29,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x6e,0x64,0x65,0x78,0x30,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x64,0x65,0x78,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x2f,0x2f,0x55,0x50,0x5f,0x44,0x49,0x56,0x28,0x77,0x55,0x6e,0x69,0x74,0x2a,0x68,0x55,0x6e,0x69,0x74,0x2c,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x2f,0x2f,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x70,0x6f,0x73,0x2e,0x78,0x2c,0x20,0x70,0x6f,0x73,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x78,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x79,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6f,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x20,0x20,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x48,0x57,0x43,0x20,0x20,0x5b,0x31,0x2c,0x20,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x5b,0x30,0x2c,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x77,0x69,0x64,0x74,0x68,0x2b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2b,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x31,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6b,0x20,0x2a,0x20,0x28,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x2b,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x29,0x20,0x2a,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x29,0x20,0x2b,0x20,0x69,0x6e,0x64,0x65,0x78,0x29,0x2a,0x34,0x20,0x2b,0x20,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6b,0x5f,0x76,0x31,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x2a,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x29,0x20,0x2b,0x20,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x5b,0x61,0x6c,0x70,0x68,0x61,0x2a,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x20,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6b,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x70,0x6f,0x73,0x5f,0x78,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x28,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x6b,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x29,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x38,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x63,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x39,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x64,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x61,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x65,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x66,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x6f,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x78,0x5d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x70,0x6f,0x73,0x5f,0x79,0x20,0x2a,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x34,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x38,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x31,0x32,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x7d,0xa,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x67,0x65,0x6d,0x6d,0x5f,0x62,0x75,0x66,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x2f,0x2f,0x55,0x50,0x5f,0x44,0x49,0x56,0x28,0x77,0x55,0x6e,0x69,0x74,0x2a,0x68,0x55,0x6e,0x69,0x74,0x2c,0x38,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x2f,0x2f,0x64,0x73,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x70,0x6f,0x73,0x2e,0x78,0x2c,0x20,0x70,0x6f,0x73,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x3d,0x20,0x28,0x77,0x69,0x64,0x74,0x68,0x2b,0x31,0x29,0x20,0x3e,0x3e,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x78,0x20,0x3d,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x79,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6f,0x30,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6f,0x31,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x20,0x20,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x20,0x3c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x3b,0x20,0x2b,0x2b,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x48,0x57,0x43,0x20,0x20,0x5b,0x31,0x2c,0x20,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x5b,0x30,0x2c,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2a,0x77,0x69,0x64,0x74,0x68,0x2b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2b,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x31,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6b,0x20,0x2a,0x20,0x28,0x61,0x6c,0x70,0x68,0x61,0x32,0x2a,0x68,0x65,0x69,0x67,0x68,0x74,0x29,0x20,0x2b,0x20,0x6b,0x65,0x6e,0x65,0x72,0x6c,0x59,0x29,0x20,0x2a,0x20,0x28,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2a,0x34,0x29,0x20,0x2b,0x20,0x69,0x6e,0x64,0x65,0x78,0x29,0x2a,0x34,0x20,0x2b,0x20,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x6b,0x5f,0x76,0x31,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x6b,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x5b,0x61,0x6c,0x70,0x68,0x61,0x2a,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x73,0x72,0x63,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x43,0x34,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x20,0x34,0x5d,0x20,0x78,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6b,0x2c,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x70,0x6f,0x73,0x5f,0x78,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0x20,0x69,0x6e,0x70,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x38,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x63,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x39,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x64,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x61,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x65,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x66,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x6f,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x38,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x63,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x39,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x64,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x61,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x65,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x2e,0x73,0x66,0x29,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6b,0x5f,0x76,0x31,0x36,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x6f,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x5b,0x70,0x6f,0x73,0x5f,0x79,0x2c,0x20,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x2c,0x20,0x20,0x30,0x2c,0x20,0x70,0x6f,0x73,0x5f,0x78,0x5d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x70,0x6f,0x73,0x5f,0x79,0x20,0x2a,0x20,0x61,0x6c,0x70,0x68,0x61,0x32,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x7a,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x5f,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x34,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x38,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x30,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x31,0x32,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x70,0x6f,0x73,0x5f,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x34,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x38,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x31,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x31,0x32,0x2a,0x77,0x69,0x64,0x74,0x68,0x29,0x3b,0xa,0x7d,0xa,0xa,0x2f,0x2f,0x20,0x5b,0x4d,0x2c,0x20,0x4b,0x2f,0x34,0x2c,0x20,0x34,0x5d,0x20,0x2d,0x3e,0x20,0x5b,0x61,0x6c,0x69,0x67,0x6e,0x4b,0x2c,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x5d,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x74,0x72,0x61,0x6e,0x73,0x70,0x6f,0x73,0x65,0x5f,0x70,0x61,0x64,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x78,0x5f,0x6d,0x34,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x69,0x64,0x78,0x20,0x4d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x78,0x5f,0x6b,0x34,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x69,0x64,0x78,0x20,0x4b,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x69,0x64,0x78,0x5f,0x6d,0x34,0x2c,0x20,0x69,0x64,0x78,0x5f,0x6b,0x34,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x3d,0x20,0x69,0x64,0x78,0x5f,0x6d,0x34,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x78,0x5f,0x6b,0x20,0x3d,0x20,0x69,0x64,0x78,0x5f,0x6b,0x34,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4b,0x5f,0x34,0x20,0x3d,0x20,0x28,0x4b,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x20,0x3d,0x20,0x28,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x4b,0x5f,0x34,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6b,0x34,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x64,0x78,0x5f,0x6b,0x20,0x2a,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6d,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6d,0x30,0x6b,0x34,0x20,0x3d,0x20,0x28,0x69,0x64,0x78,0x5f,0x6b,0x34,0x20,0x3e,0x3d,0x20,0x4b,0x5f,0x34,0x20,0x7c,0x7c,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2b,0x20,0x30,0x20,0x3e,0x3d,0x20,0x4d,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6d,0x31,0x6b,0x34,0x20,0x3d,0x20,0x28,0x69,0x64,0x78,0x5f,0x6b,0x34,0x20,0x3e,0x3d,0x20,0x4b,0x5f,0x34,0x20,0x7c,0x7c,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x4d,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x28,0x4b,0x5f,0x34,0x20,0x3c,0x3c,0x20,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6d,0x32,0x6b,0x34,0x20,0x3d,0x20,0x28,0x69,0x64,0x78,0x5f,0x6b,0x34,0x20,0x3e,0x3d,0x20,0x4b,0x5f,0x34,0x20,0x7c,0x7c,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x4d,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x28,0x4b,0x5f,0x34,0x20,0x3c,0x3c,0x20,0x32,0x29,0x20,0x2a,0x20,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6d,0x33,0x6b,0x34,0x20,0x3d,0x20,0x28,0x69,0x64,0x78,0x5f,0x6b,0x34,0x20,0x3e,0x3d,0x20,0x4b,0x5f,0x34,0x20,0x7c,0x7c,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x4d,0x29,0x20,0x3f,0x20,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x28,0x4b,0x5f,0x34,0x20,0x3c,0x3c,0x20,0x32,0x29,0x20,0x2a,0x20,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x28,0x6d,0x30,0x6b,0x34,0x2e,0x78,0x2c,0x20,0x6d,0x31,0x6b,0x34,0x2e,0x78,0x2c,0x20,0x6d,0x32,0x6b,0x34,0x2e,0x78,0x2c,0x20,0x6d,0x33,0x6b,0x34,0x2e,0x78,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x28,0x6d,0x30,0x6b,0x34,0x2e,0x79,0x2c,0x20,0x6d,0x31,0x6b,0x34,0x2e,0x79,0x2c,0x20,0x6d,0x32,0x6b,0x34,0x2e,0x79,0x2c,0x20,0x6d,0x33,0x6b,0x34,0x2e,0x79,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x28,0x6d,0x30,0x6b,0x34,0x2e,0x7a,0x2c,0x20,0x6d,0x31,0x6b,0x34,0x2e,0x7a,0x2c,0x20,0x6d,0x32,0x6b,0x34,0x2e,0x7a,0x2c,0x20,0x6d,0x33,0x6b,0x34,0x2e,0x7a,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x20,0x2b,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x28,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x28,0x6d,0x30,0x6b,0x34,0x2e,0x77,0x2c,0x20,0x6d,0x31,0x6b,0x34,0x2e,0x77,0x2c,0x20,0x6d,0x32,0x6b,0x34,0x2e,0x77,0x2c,0x20,0x6d,0x33,0x6b,0x34,0x2e,0x77,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x20,0x2b,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x20,0x2b,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x29,0x3b,0xa,0x7d,0xa,0xa,0x2f,0x2f,0x20,0x5b,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x2c,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4e,0x5d,0x20,0x2d,0x3e,0x20,0x5b,0x4d,0x2c,0x20,0x4e,0x2f,0x34,0x2c,0x20,0x34,0x5d,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x61,0x64,0x64,0x5f,0x62,0x69,0x61,0x73,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x44,0x49,0x4d,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x69,0x64,0x78,0x20,0x4d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x69,0x64,0x78,0x20,0x4e,0xa,0x20,0x20,0x20,0x20,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x42,0x4f,0x55,0x4e,0x44,0x52,0x59,0x5f,0x43,0x48,0x45,0x43,0x4b,0x28,0x69,0x64,0x78,0x5f,0x6d,0x2c,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4e,0x5f,0x31,0x36,0x20,0x3d,0x20,0x28,0x4e,0x20,0x2b,0x20,0x31,0x35,0x29,0x20,0x3e,0x3e,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4e,0x5f,0x6c,0x65,0x66,0x74,0x20,0x3d,0x20,0x4e,0x20,0x26,0x20,0x31,0x35,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x63,0x61,0x6e,0x56,0x65,0x63,0x31,0x36,0x20,0x3d,0x20,0x28,0x4e,0x5f,0x6c,0x65,0x66,0x74,0x20,0x3d,0x3d,0x20,0x30,0x20,0x7c,0x7c,0x20,0x28,0x4e,0x5f,0x6c,0x65,0x66,0x74,0x20,0x21,0x3d,0x20,0x30,0x20,0x26,0x26,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x20,0x4e,0x5f,0x31,0x36,0x20,0x2d,0x20,0x31,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x61,0x6e,0x56,0x65,0x63,0x31,0x36,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x72,0x65,0x73,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4e,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x72,0x65,0x73,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x72,0x65,0x73,0x20,0x3d,0x20,0x72,0x65,0x73,0x30,0x20,0x2b,0x20,0x72,0x65,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x72,0x65,0x73,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x4e,0x5f,0x31,0x36,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x29,0x20,0x3c,0x3c,0x20,0x34,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x4e,0x5f,0x34,0x20,0x3d,0x20,0x28,0x4e,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x72,0x65,0x73,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4e,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x72,0x65,0x73,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x72,0x65,0x73,0x20,0x3d,0x20,0x72,0x65,0x73,0x30,0x20,0x2b,0x20,0x72,0x65,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x72,0x65,0x73,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x4e,0x5f,0x31,0x36,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x29,0x20,0x3c,0x3c,0x20,0x34,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x4e,0x5f,0x34,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4e,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x20,0x3d,0x20,0x72,0x65,0x73,0x30,0x20,0x2b,0x20,0x72,0x65,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x72,0x65,0x73,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x4e,0x5f,0x31,0x36,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x29,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x4e,0x5f,0x34,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4e,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x20,0x3d,0x20,0x72,0x65,0x73,0x30,0x20,0x2b,0x20,0x72,0x65,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x72,0x65,0x73,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x4e,0x5f,0x31,0x36,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x29,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x4e,0x5f,0x34,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x30,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x61,0x6c,0x69,0x67,0x6e,0x4e,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x31,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x31,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x28,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x31,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x20,0x3d,0x20,0x72,0x65,0x73,0x30,0x20,0x2b,0x20,0x72,0x65,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x72,0x65,0x73,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x69,0x64,0x78,0x5f,0x6d,0x20,0x2a,0x20,0x4e,0x5f,0x31,0x36,0x20,0x2b,0x20,0x69,0x64,0x78,0x5f,0x6e,0x5f,0x31,0x36,0x29,0x20,0x3c,0x3c,0x20,0x34,0x29,0x20,0x2b,0x20,0x31,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa, } }, #endif { @@ -201,7 +207,7 @@ extern const std::map> OpenCLProgramMap #ifndef MNN_OPENCL_BUFFER_CLOSED { "attention_buf", - { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x6d,0x61,0x74,0x6d,0x75,0x6c,0x5f,0x71,0x6b,0x5f,0x64,0x69,0x76,0x5f,0x6d,0x61,0x73,0x6b,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x2f,0x2f,0x20,0x71,0x75,0x65,0x72,0x79,0x20,0x5b,0x31,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x2f,0x2f,0x20,0x6b,0x65,0x79,0x20,0x5b,0x31,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x2f,0x2f,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x34,0x5d,0x20,0x20,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x70,0x61,0x73,0x74,0x5f,0x6b,0x65,0x79,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6d,0x61,0x73,0x6b,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x31,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x73,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2f,0x20,0x34,0x20,0x66,0x6f,0x72,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x20,0x20,0x31,0x20,0x66,0x6f,0x72,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2f,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x78,0x2c,0x20,0x79,0x2c,0x20,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x61,0x73,0x74,0x5f,0x6b,0x65,0x79,0x20,0x2b,0x20,0x7a,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x34,0x20,0x3d,0x20,0x7a,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x5f,0x50,0x52,0x45,0x46,0x49,0x4c,0x4c,0x5f,0x41,0x54,0x54,0x45,0x4e,0x54,0x49,0x4f,0x4e,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x7a,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x34,0x20,0x3d,0x20,0x78,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x48,0x45,0x41,0x44,0x44,0x49,0x4d,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x34,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x35,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x36,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x37,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x38,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x39,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x61,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x62,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x63,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x64,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x65,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x66,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x42,0x29,0x2c,0x20,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x29,0x2c,0x20,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x34,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x35,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x36,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x37,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x38,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x39,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x61,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x62,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x63,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x64,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x65,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x66,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x42,0x29,0x2c,0x20,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x33,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x48,0x45,0x41,0x44,0x44,0x49,0x4d,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x30,0x2c,0x20,0x42,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x34,0x2c,0x20,0x42,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x38,0x2c,0x20,0x42,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x63,0x2c,0x20,0x42,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x30,0x2c,0x20,0x42,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x30,0x2c,0x20,0x42,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x34,0x2c,0x20,0x42,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x38,0x2c,0x20,0x42,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x63,0x2c,0x20,0x42,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x20,0x3d,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x7a,0x20,0x2a,0x20,0x34,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x74,0x6d,0x70,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x20,0x3d,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x2a,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x2a,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x74,0x6d,0x70,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x29,0x26,0x6f,0x75,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x70,0x74,0x72,0x5b,0x72,0x65,0x6d,0x61,0x69,0x6e,0x5d,0x20,0x3d,0x20,0x74,0x6d,0x70,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x34,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x6d,0x61,0x74,0x6d,0x75,0x6c,0x5f,0x71,0x6b,0x76,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x2f,0x2f,0x20,0x71,0x6b,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x34,0x5d,0x20,0x20,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x2a,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x31,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x70,0x61,0x73,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2f,0x20,0x34,0x20,0x20,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x78,0x2c,0x20,0x79,0x2c,0x20,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x5f,0x50,0x52,0x45,0x46,0x49,0x4c,0x4c,0x5f,0x41,0x54,0x54,0x45,0x4e,0x54,0x49,0x4f,0x4e,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2b,0x20,0x78,0x29,0x20,0x2a,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x61,0x73,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x69,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x32,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x33,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x29,0x2c,0x20,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x29,0x2c,0x20,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x29,0x26,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x2c,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x3b,0x20,0x2b,0x2b,0x69,0x2c,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x34,0x20,0x3d,0x20,0x7a,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x6f,0x6f,0x70,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x32,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x61,0x73,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x6c,0x6f,0x6f,0x70,0x20,0x2d,0x20,0x31,0x3b,0x20,0x69,0x2b,0x2b,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x28,0x6c,0x6f,0x6f,0x70,0x20,0x2d,0x20,0x31,0x29,0x20,0x3c,0x20,0x30,0x20,0x3f,0x20,0x30,0x20,0x3a,0x20,0x28,0x6c,0x6f,0x6f,0x70,0x20,0x2d,0x20,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x5f,0x56,0x65,0x63,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x73,0x74,0x61,0x72,0x74,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x29,0x26,0x42,0x5f,0x56,0x65,0x63,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x73,0x74,0x61,0x72,0x74,0x20,0x2a,0x20,0x34,0x3b,0x20,0x69,0x20,0x3c,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x20,0x3d,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x69,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x2b,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x2b,0x38,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x2b,0x31,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x20,0x3d,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x30,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x31,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x32,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x38,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x33,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x31,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x29,0x20,0x3e,0x3e,0x20,0x32,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x29,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x48,0x45,0x41,0x44,0x44,0x49,0x4d,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x20,0x3d,0x20,0x42,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x34,0x5d,0x20,0x3d,0x20,0x42,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x38,0x5d,0x20,0x3d,0x20,0x42,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x31,0x32,0x5d,0x20,0x3d,0x20,0x42,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x20,0x3d,0x20,0x42,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x34,0x5d,0x20,0x3d,0x20,0x42,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x38,0x5d,0x20,0x3d,0x20,0x42,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x31,0x32,0x5d,0x20,0x3d,0x20,0x42,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa, } + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x6d,0x61,0x74,0x6d,0x75,0x6c,0x5f,0x71,0x6b,0x5f,0x64,0x69,0x76,0x5f,0x6d,0x61,0x73,0x6b,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x2f,0x2f,0x20,0x71,0x75,0x65,0x72,0x79,0x20,0x5b,0x31,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x2f,0x2f,0x20,0x6b,0x65,0x79,0x20,0x5b,0x31,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x2f,0x2f,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x34,0x5d,0x20,0x20,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x70,0x61,0x73,0x74,0x5f,0x6b,0x65,0x79,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6d,0x61,0x73,0x6b,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x31,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x73,0x63,0x61,0x6c,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2f,0x20,0x34,0x20,0x66,0x6f,0x72,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x20,0x20,0x31,0x20,0x66,0x6f,0x72,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2f,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x78,0x2c,0x20,0x79,0x2c,0x20,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x61,0x73,0x74,0x5f,0x6b,0x65,0x79,0x20,0x2b,0x20,0x7a,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x34,0x20,0x3d,0x20,0x7a,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x5f,0x50,0x52,0x45,0x46,0x49,0x4c,0x4c,0x5f,0x41,0x54,0x54,0x45,0x4e,0x54,0x49,0x4f,0x4e,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x7a,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x34,0x20,0x3d,0x20,0x78,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x71,0x75,0x65,0x72,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x48,0x45,0x41,0x44,0x44,0x49,0x4d,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x34,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x35,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x36,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x37,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x38,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x39,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x61,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x62,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x63,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x64,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x65,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x66,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x42,0x29,0x2c,0x20,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x29,0x2c,0x20,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x34,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x35,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x36,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x37,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x38,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x39,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x61,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x62,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x63,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x64,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x65,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x66,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x42,0x29,0x2c,0x20,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x32,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x30,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x30,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x31,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x32,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x33,0x20,0x3d,0x20,0x6d,0x61,0x73,0x6b,0x5b,0x28,0x28,0x78,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x3d,0x20,0x30,0x20,0x3f,0x20,0x2d,0x46,0x4c,0x54,0x5f,0x4d,0x41,0x58,0x20,0x3a,0x20,0x6f,0x75,0x74,0x33,0x2e,0x73,0x33,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x48,0x45,0x41,0x44,0x44,0x49,0x4d,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x30,0x2c,0x20,0x42,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x34,0x2c,0x20,0x42,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x38,0x2c,0x20,0x42,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x63,0x2c,0x20,0x42,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x28,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x30,0x2c,0x20,0x42,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x69,0x2c,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x30,0x2c,0x20,0x42,0x2e,0x73,0x30,0x31,0x32,0x33,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x34,0x2c,0x20,0x42,0x2e,0x73,0x34,0x35,0x36,0x37,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x38,0x2c,0x20,0x42,0x2e,0x73,0x38,0x39,0x61,0x62,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x41,0x2e,0x73,0x63,0x2c,0x20,0x42,0x2e,0x73,0x63,0x64,0x65,0x66,0x2c,0x20,0x6f,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x20,0x3d,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x7a,0x20,0x2a,0x20,0x34,0x20,0x2d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x74,0x6d,0x70,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x20,0x3d,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x2a,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x2a,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x6b,0x65,0x79,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x74,0x6d,0x70,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x29,0x26,0x6f,0x75,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x70,0x74,0x72,0x5b,0x72,0x65,0x6d,0x61,0x69,0x6e,0x5d,0x20,0x3d,0x20,0x74,0x6d,0x70,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x2a,0x3d,0x20,0x56,0x73,0x63,0x61,0x6c,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x6b,0x65,0x79,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x34,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x6d,0x61,0x74,0x6d,0x75,0x6c,0x5f,0x71,0x6b,0x76,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x2f,0x2f,0x20,0x71,0x6b,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x34,0x5d,0x20,0x20,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0x5b,0x31,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x2a,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x31,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x70,0x61,0x73,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x31,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2f,0x34,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x70,0x72,0x65,0x66,0x69,0x6c,0x6c,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2f,0x20,0x34,0x20,0x20,0x20,0x64,0x65,0x63,0x6f,0x64,0x65,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0x20,0x2f,0x2f,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x3c,0x3c,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x7a,0x34,0x20,0x3d,0x20,0x7a,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x78,0x2c,0x20,0x79,0x2c,0x20,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x5f,0x50,0x52,0x45,0x46,0x49,0x4c,0x4c,0x5f,0x41,0x54,0x54,0x45,0x4e,0x54,0x49,0x4f,0x4e,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x71,0x6b,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2b,0x20,0x78,0x29,0x20,0x2a,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x61,0x73,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x69,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x32,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x33,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x34,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x35,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x36,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x37,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x38,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x39,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x61,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x62,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x63,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x64,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x65,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x2e,0x73,0x66,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x42,0x29,0x2c,0x20,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x48,0x45,0x41,0x44,0x44,0x49,0x4d,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x29,0x26,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x2c,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x3b,0x20,0x2b,0x2b,0x69,0x2c,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x20,0x2b,0x20,0x34,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x20,0x2b,0x20,0x38,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x20,0x2b,0x20,0x31,0x32,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x2c,0x20,0x31,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x2c,0x20,0x32,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x42,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x2c,0x20,0x33,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x42,0x29,0x2c,0x20,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x2a,0x29,0x26,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x2c,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x3b,0x20,0x2b,0x2b,0x69,0x2c,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x20,0x2b,0x20,0x34,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x20,0x2b,0x20,0x38,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x41,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x42,0x5f,0x70,0x74,0x72,0x5b,0x6a,0x20,0x2b,0x20,0x31,0x32,0x5d,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x6e,0x75,0x6d,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x20,0x3d,0x20,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x6f,0x6f,0x70,0x20,0x3d,0x20,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2b,0x20,0x32,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x34,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x70,0x61,0x73,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x65,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x6c,0x6f,0x6f,0x70,0x20,0x2d,0x20,0x31,0x3b,0x20,0x69,0x2b,0x2b,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x41,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x30,0x31,0x32,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x34,0x35,0x36,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x38,0x39,0x61,0x62,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x41,0x2c,0x20,0x42,0x2e,0x73,0x63,0x64,0x65,0x66,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x28,0x6c,0x6f,0x6f,0x70,0x20,0x2d,0x20,0x31,0x29,0x20,0x3c,0x20,0x30,0x20,0x3f,0x20,0x30,0x20,0x3a,0x20,0x28,0x6c,0x6f,0x6f,0x70,0x20,0x2d,0x20,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x20,0x42,0x5f,0x56,0x65,0x63,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x73,0x74,0x61,0x72,0x74,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x42,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x29,0x26,0x42,0x5f,0x56,0x65,0x63,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x73,0x74,0x61,0x72,0x74,0x20,0x2a,0x20,0x34,0x3b,0x20,0x69,0x20,0x3c,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x20,0x3d,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x69,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x2b,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x2b,0x38,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x5f,0x70,0x74,0x72,0x5b,0x69,0x6e,0x64,0x65,0x78,0x2b,0x31,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x41,0x20,0x3d,0x20,0x41,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x30,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x31,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x32,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x38,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x20,0x42,0x33,0x20,0x3d,0x20,0x42,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x31,0x32,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x41,0x20,0x2a,0x20,0x42,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x29,0x20,0x3e,0x3e,0x20,0x32,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x28,0x28,0x76,0x61,0x6c,0x75,0x65,0x5f,0x73,0x65,0x71,0x5f,0x6c,0x65,0x6e,0x20,0x2d,0x20,0x31,0x29,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x48,0x45,0x41,0x44,0x44,0x49,0x4d,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x20,0x3d,0x20,0x42,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x34,0x5d,0x20,0x3d,0x20,0x42,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x38,0x5d,0x20,0x3d,0x20,0x42,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x7a,0x34,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x31,0x32,0x5d,0x20,0x3d,0x20,0x42,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x20,0x3d,0x20,0x42,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x34,0x5d,0x20,0x3d,0x20,0x42,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x38,0x5d,0x20,0x3d,0x20,0x42,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x50,0x61,0x73,0x74,0x76,0x61,0x6c,0x75,0x65,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5b,0x69,0x6e,0x64,0x65,0x78,0x20,0x2b,0x20,0x31,0x32,0x5d,0x20,0x3d,0x20,0x42,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x28,0x79,0x20,0x2a,0x20,0x68,0x65,0x61,0x64,0x5f,0x64,0x69,0x6d,0x20,0x2b,0x20,0x7a,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x34,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x73,0x33,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa, } }, #endif #ifndef MNN_OPENCL_BUFFER_CLOSED @@ -243,7 +249,7 @@ extern const std::map> OpenCLProgramMap #ifndef MNN_OPENCL_BUFFER_CLOSED { "conv_2d_buf", - { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x34,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x20,0x2f,0x2f,0x20,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x20,0x2f,0x2f,0x20,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x61,0x64,0x64,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2a,0x6f,0x75,0x74,0x5f,0x77,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x33,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x70,0x5f,0x61,0x64,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x38,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x38,0x20,0x77,0x2f,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x29,0x2b,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x61,0x73,0x65,0x20,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x33,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x35,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x36,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x37,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x20,0x3d,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x34,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x2a,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x38,0x68,0x31,0x77,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0x20,0x2f,0x2f,0x20,0x6f,0x63,0x20,0x2f,0x20,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x38,0x20,0x77,0x2f,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x29,0x2b,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x61,0x73,0x65,0x20,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x35,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x36,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x37,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x20,0x3d,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x34,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x2a,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x34,0x68,0x31,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x61,0x73,0x65,0x20,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x34,0x68,0x31,0x77,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x61,0x73,0x65,0x20,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x77,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x31,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x78,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x78,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x20,0x3d,0x20,0x28,0x69,0x78,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2f,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x31,0x77,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0x2f,0x2f,0x67,0x65,0x6e,0x65,0x72,0x61,0x74,0x65,0x20,0x77,0x69,0x64,0x74,0x68,0x27,0x73,0x20,0x6e,0x75,0x6d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x34,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x38,0x68,0x34,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x38,0x68,0x32,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x32,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x3a,0x20,0x5b,0x69,0x63,0x2f,0x34,0x2c,0x20,0x6f,0x63,0x2c,0x20,0x34,0x5d,0x2c,0x20,0x6c,0x6f,0x6f,0x70,0x3a,0x20,0x69,0x63,0x2f,0x34,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x38,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa, } + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x34,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x20,0x2f,0x2f,0x20,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x20,0x2f,0x2f,0x20,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x61,0x64,0x64,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2a,0x6f,0x75,0x74,0x5f,0x77,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x33,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x69,0x6e,0x70,0x5f,0x61,0x64,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x38,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x38,0x20,0x77,0x2f,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x29,0x2b,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x33,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x35,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x36,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x37,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x20,0x3d,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x34,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x2a,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x34,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x38,0x68,0x31,0x77,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0x20,0x2f,0x2f,0x20,0x6f,0x63,0x20,0x2f,0x20,0x34,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x38,0x20,0x77,0x2f,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x3c,0x3c,0x31,0x29,0x2b,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x34,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x35,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x36,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x37,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x34,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x35,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x36,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x37,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x20,0x3d,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x34,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x2a,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x32,0x2b,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x5f,0x74,0x65,0x6d,0x70,0x6f,0x75,0x74,0x70,0x75,0x74,0x31,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x34,0x68,0x31,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x31,0x78,0x31,0x5f,0x63,0x34,0x68,0x31,0x77,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6d,0x75,0x6c,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0x20,0x2b,0x2b,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x2c,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x69,0x6e,0x74,0x70,0x75,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x31,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x32,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x20,0x33,0x2c,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x5f,0x70,0x74,0x72,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x30,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x31,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x32,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x64,0x6f,0x74,0x28,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x33,0x2c,0x20,0x69,0x6e,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x20,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x31,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x78,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x78,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x78,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x20,0x3d,0x20,0x28,0x69,0x78,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2f,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x77,0x5f,0x69,0x6e,0x63,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x31,0x77,0x32,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0x2f,0x2f,0x67,0x65,0x6e,0x65,0x72,0x61,0x74,0x65,0x20,0x77,0x69,0x64,0x74,0x68,0x27,0x73,0x20,0x6e,0x75,0x6d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x31,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x34,0x68,0x34,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x38,0x68,0x34,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x32,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x33,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x35,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x37,0x29,0x2c,0x20,0x33,0x20,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x38,0x68,0x32,0x77,0x31,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x32,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x3a,0x20,0x5b,0x69,0x63,0x2f,0x34,0x2c,0x20,0x6f,0x63,0x2c,0x20,0x34,0x5d,0x2c,0x20,0x6c,0x6f,0x6f,0x70,0x3a,0x20,0x69,0x63,0x2f,0x34,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x20,0x69,0x79,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x69,0x79,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x77,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x66,0x77,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x30,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x5f,0x73,0x69,0x7a,0x65,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x68,0x31,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x66,0x77,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x31,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x33,0x29,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x76,0x6f,0x69,0x64,0x20,0x63,0x6f,0x6e,0x76,0x5f,0x32,0x64,0x5f,0x63,0x38,0x68,0x31,0x77,0x34,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x77,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x62,0x69,0x61,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x46,0x4c,0x4f,0x41,0x54,0x20,0x2a,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x70,0x61,0x64,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x2f,0x2f,0x63,0x2f,0x34,0x20,0x77,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x2f,0x2f,0x62,0x20,0x68,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x32,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x77,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0x2f,0x2f,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x6f,0x20,0x69,0x6e,0x5f,0x62,0x5f,0x69,0x64,0x78,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x68,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6f,0x75,0x74,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x2c,0x20,0x62,0x69,0x61,0x73,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6f,0x75,0x74,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x79,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x2d,0x70,0x61,0x64,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x73,0x65,0x6c,0x65,0x63,0x74,0x28,0x30,0x2c,0x20,0x28,0x2d,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2d,0x20,0x31,0x29,0x20,0x2f,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x20,0x3c,0x20,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x20,0x3d,0x20,0x6d,0x61,0x64,0x32,0x34,0x28,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x20,0x3d,0x20,0x6d,0x69,0x6e,0x28,0x6d,0x61,0x64,0x32,0x34,0x28,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x29,0x2c,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2a,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2a,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x75,0x73,0x68,0x6f,0x72,0x74,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x3b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x77,0x65,0x69,0x67,0x68,0x74,0x73,0x20,0x20,0x4e,0x43,0x34,0x48,0x57,0x34,0x20,0x20,0x5b,0x31,0x2c,0x20,0x20,0x34,0x2a,0x69,0x63,0x43,0x34,0x2c,0x20,0x20,0x6f,0x63,0x43,0x34,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x2c,0x20,0x20,0x31,0x5d,0x20,0x78,0x69,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x69,0x6e,0x64,0x65,0x78,0x3a,0x20,0x20,0x20,0x5b,0x30,0x2c,0x20,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2c,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2a,0x6b,0x68,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x2a,0x6b,0x77,0x20,0x2b,0x20,0x6b,0x77,0x5f,0x73,0x74,0x61,0x72,0x74,0x2c,0x20,0x30,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x34,0x2a,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x2b,0x30,0x29,0x2a,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6b,0x68,0x5f,0x73,0x74,0x61,0x72,0x74,0x29,0x2a,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x79,0x20,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x73,0x74,0x61,0x72,0x74,0x3b,0x20,0x69,0x79,0x20,0x3c,0x20,0x69,0x6e,0x5f,0x68,0x5f,0x69,0x64,0x78,0x5f,0x65,0x6e,0x64,0x3b,0x20,0x69,0x79,0x20,0x2b,0x3d,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x78,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x69,0x79,0x29,0x20,0x2a,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x66,0x77,0x20,0x3d,0x20,0x30,0x3b,0x20,0x66,0x77,0x20,0x3c,0x20,0x66,0x69,0x6c,0x74,0x65,0x72,0x5f,0x68,0x77,0x2e,0x79,0x3b,0x20,0x66,0x77,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x66,0x77,0x20,0x2a,0x20,0x64,0x69,0x6c,0x61,0x74,0x65,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x5f,0x62,0x61,0x73,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x30,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x30,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x31,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x31,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x32,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x32,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x69,0x6e,0x33,0x20,0x3d,0x20,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3c,0x20,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x20,0x3e,0x3d,0x20,0x69,0x6e,0x5f,0x68,0x77,0x2e,0x79,0x29,0x20,0x3f,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x6e,0x5f,0x77,0x33,0x5f,0x69,0x64,0x78,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x2b,0x69,0x6e,0x70,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x62,0x61,0x73,0x65,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2b,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2a,0x33,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x30,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x31,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x32,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x78,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x79,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x7a,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x69,0x6e,0x33,0x2e,0x77,0x2c,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x33,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x77,0x65,0x69,0x67,0x68,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2b,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x66,0x6d,0x61,0x78,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x55,0x36,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x30,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x31,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x31,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x32,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x32,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x33,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x33,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x34,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x35,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x35,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x36,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x36,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x37,0x20,0x3d,0x20,0x63,0x6c,0x61,0x6d,0x70,0x28,0x6f,0x75,0x74,0x37,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x30,0x2c,0x20,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x29,0x36,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x4c,0x4f,0x43,0x4b,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2d,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x32,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x30,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3e,0x3d,0x20,0x34,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x33,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x36,0x29,0x2c,0x20,0x32,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x38,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x38,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x20,0x69,0x66,0x28,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x3d,0x20,0x31,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x34,0x28,0x6f,0x75,0x74,0x34,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x30,0x2c,0x20,0x6f,0x75,0x74,0x31,0x2c,0x20,0x6f,0x75,0x74,0x32,0x2c,0x20,0x6f,0x75,0x74,0x33,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x4c,0x45,0x41,0x56,0x45,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x75,0x74,0x5f,0x62,0x5f,0x69,0x64,0x78,0x2a,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x73,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x63,0x5f,0x69,0x64,0x78,0x20,0x2b,0x20,0x31,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x6f,0x75,0x74,0x5f,0x68,0x77,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x75,0x74,0x5f,0x77,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x28,0x28,0x43,0x4f,0x4d,0x50,0x55,0x54,0x45,0x5f,0x46,0x4c,0x4f,0x41,0x54,0x31,0x36,0x29,0x28,0x6f,0x75,0x74,0x34,0x2c,0x20,0x6f,0x75,0x74,0x35,0x2c,0x20,0x6f,0x75,0x74,0x36,0x2c,0x20,0x6f,0x75,0x74,0x37,0x29,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2b,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa, } }, #endif { @@ -269,7 +275,7 @@ extern const std::map> OpenCLProgramMap #ifndef MNN_OPENCL_BUFFER_CLOSED { "gather_buf", - { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x67,0x61,0x74,0x68,0x65,0x72,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x65,0x70,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x74,0x65,0x72,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x53,0x69,0x7a,0x65,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x78,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x78,0x5f,0x73,0x69,0x7a,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x79,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x78,0x5f,0x73,0x69,0x7a,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x70,0x6f,0x73,0x2e,0x7a,0x2c,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x74,0x65,0x72,0x73,0x2e,0x78,0x20,0x3e,0x3d,0x20,0x30,0x29,0x20,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x46,0x46,0x53,0x45,0x54,0x5f,0x44,0x53,0x54,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x53,0x54,0x52,0x49,0x44,0x45,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2e,0x78,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5b,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2a,0x20,0x34,0x5d,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2e,0x78,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5b,0x70,0x6f,0x73,0x2e,0x7a,0x5d,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x74,0x65,0x72,0x73,0x2e,0x79,0x20,0x3e,0x3d,0x20,0x30,0x29,0x20,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x46,0x46,0x53,0x45,0x54,0x5f,0x53,0x52,0x43,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x5f,0x53,0x54,0x52,0x49,0x44,0x45,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2e,0x79,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5b,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2a,0x20,0x34,0x5d,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2e,0x79,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5b,0x70,0x6f,0x73,0x2e,0x7a,0x5d,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x2a,0x20,0x73,0x74,0x65,0x70,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x79,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x77,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x78,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x79,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x78,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x77,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x78,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x79,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x2c,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x41,0x54,0x48,0x45,0x52,0x5f,0x49,0x4e,0x50,0x55,0x54,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x41,0x54,0x48,0x45,0x52,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x78,0x20,0x3e,0x3d,0x20,0x30,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x79,0x20,0x3e,0x3d,0x20,0x30,0x20,0x26,0x26,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x79,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x53,0x69,0x7a,0x65,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x69,0x6e,0x70,0x75,0x74,0x5b,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa, } + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x67,0x61,0x74,0x68,0x65,0x72,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x46,0x46,0x53,0x45,0x54,0x5f,0x44,0x53,0x54,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2c,0x2f,0x2f,0x20,0x77,0x2c,0x20,0x68,0x2c,0x20,0x63,0x2c,0x20,0x6e,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x46,0x46,0x53,0x45,0x54,0x5f,0x53,0x52,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x70,0x74,0x72,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2c,0x2f,0x2f,0x20,0x77,0x2c,0x20,0x68,0x2c,0x20,0x63,0x2c,0x20,0x6e,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x73,0x74,0x65,0x70,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x74,0x65,0x72,0x73,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2c,0x2f,0x2f,0x20,0x77,0x2c,0x20,0x68,0x2c,0x20,0x63,0x2c,0x20,0x6e,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2c,0x2f,0x2f,0x20,0x77,0x2c,0x20,0x68,0x2c,0x20,0x63,0x2c,0x20,0x6e,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x53,0x69,0x7a,0x65,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x78,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x78,0x5f,0x73,0x69,0x7a,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x79,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x78,0x5f,0x73,0x69,0x7a,0x65,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x70,0x6f,0x73,0x2e,0x7a,0x2c,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x46,0x46,0x53,0x45,0x54,0x5f,0x44,0x53,0x54,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x41,0x54,0x48,0x45,0x52,0x5f,0x49,0x4e,0x50,0x55,0x54,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x77,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x68,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x62,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x77,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x68,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x62,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x61,0x6c,0x5f,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x66,0x66,0x5f,0x62,0x20,0x2a,0x20,0x6f,0x66,0x66,0x5f,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x2f,0x20,0x34,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x68,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2e,0x78,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x72,0x65,0x61,0x6c,0x5f,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x46,0x46,0x53,0x45,0x54,0x5f,0x53,0x52,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x41,0x54,0x48,0x45,0x52,0x5f,0x49,0x4e,0x50,0x55,0x54,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x77,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x68,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x62,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x77,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x68,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x25,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x5f,0x62,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x76,0x61,0x6c,0x75,0x65,0x20,0x2f,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x61,0x6c,0x5f,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x6f,0x66,0x66,0x5f,0x62,0x20,0x2a,0x20,0x6f,0x66,0x66,0x5f,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x2f,0x20,0x34,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x79,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x68,0x29,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x73,0x68,0x61,0x70,0x65,0x2e,0x78,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x6f,0x66,0x66,0x5f,0x63,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x64,0x65,0x78,0x2e,0x79,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x73,0x72,0x63,0x5f,0x70,0x74,0x72,0x5b,0x72,0x65,0x61,0x6c,0x5f,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x32,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x2a,0x20,0x73,0x74,0x65,0x70,0x73,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x79,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x77,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x78,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x79,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x73,0x72,0x63,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x78,0x20,0x2b,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x77,0x20,0x2b,0x20,0x78,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x78,0x20,0x2b,0x20,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x79,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x2a,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x5f,0x64,0x73,0x74,0x2e,0x7a,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x2c,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x41,0x54,0x48,0x45,0x52,0x5f,0x49,0x4e,0x50,0x55,0x54,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x41,0x54,0x48,0x45,0x52,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x3d,0x20,0x28,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x20,0x3d,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x34,0x5f,0x73,0x69,0x7a,0x65,0x20,0x2b,0x20,0x28,0x63,0x20,0x2f,0x20,0x34,0x29,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x34,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x28,0x63,0x20,0x25,0x20,0x34,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x78,0x20,0x3e,0x3d,0x20,0x30,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x79,0x20,0x3e,0x3d,0x20,0x30,0x20,0x26,0x26,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x2e,0x79,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x53,0x69,0x7a,0x65,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x69,0x6e,0x70,0x75,0x74,0x5b,0x73,0x72,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0x65,0x6c,0x73,0x65,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x64,0x73,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x43,0x34,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa, } }, #endif #ifndef MNN_OPENCL_BUFFER_CLOSED @@ -292,6 +298,12 @@ extern const std::map> OpenCLProgramMap { 0x2f,0x2f,0x20,0x54,0x4f,0x44,0x4f,0x3a,0x20,0x75,0x73,0x65,0x20,0x49,0x4e,0x49,0x54,0x5f,0x53,0x43,0x41,0x4c,0x41,0x52,0x5f,0x56,0x41,0x4c,0x55,0x45,0x2c,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x2c,0x20,0x46,0x49,0x4e,0x41,0x4c,0x5f,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x5f,0x4f,0x4e,0x5f,0x43,0x48,0x41,0x4e,0x4e,0x45,0x4c,0x20,0x6d,0x61,0x63,0x72,0x6f,0x20,0x61,0x62,0x73,0x74,0x72,0x61,0x63,0x74,0x20,0x61,0x6e,0x64,0x20,0x73,0x69,0x6d,0x70,0x6c,0x69,0x66,0x79,0x20,0x63,0x6f,0x64,0x65,0xa,0x2f,0x2f,0x20,0x54,0x4f,0x44,0x4f,0x3a,0x20,0x73,0x75,0x70,0x70,0x6f,0x72,0x74,0x20,0x72,0x65,0x64,0x75,0x63,0x65,0x20,0x64,0x69,0x6d,0x73,0x20,0x69,0x6e,0x63,0x6c,0x75,0x64,0x65,0x20,0x62,0x61,0x74,0x63,0x68,0xa,0x2f,0x2f,0x20,0x54,0x4f,0x44,0x4f,0x3a,0x20,0x73,0x75,0x70,0x70,0x6f,0x72,0x74,0x20,0x6b,0x65,0x65,0x70,0x5f,0x64,0x69,0x6d,0x3d,0x46,0x61,0x6c,0x73,0x65,0xa,0x2f,0x2f,0x20,0x54,0x4f,0x44,0x4f,0x3a,0x20,0x66,0x69,0x78,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x72,0x65,0x64,0x75,0x63,0x65,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x20,0x72,0x65,0x2d,0x70,0x61,0x63,0x6b,0x20,0x70,0x72,0x6f,0x62,0x6c,0x65,0x6d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x32,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5c,0xa,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5c,0xa,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x72,0x65,0x64,0x75,0x63,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x30,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x20,0x3e,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x73,0x75,0x6d,0x5b,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x6c,0x69,0x64,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x3b,0x20,0x69,0x2b,0x3d,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x2f,0x32,0x3b,0x20,0x69,0x20,0x3e,0x20,0x30,0x3b,0x20,0x69,0x20,0x2f,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x6c,0x69,0x64,0x20,0x3c,0x20,0x69,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x2c,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x20,0x2b,0x20,0x69,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x72,0x65,0x64,0x75,0x63,0x74,0x5f,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x23,0x69,0x66,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x20,0x3e,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x73,0x75,0x6d,0x5b,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x6c,0x69,0x64,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x3b,0x20,0x69,0x2b,0x3d,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x2f,0x32,0x3b,0x20,0x69,0x20,0x3e,0x20,0x30,0x3b,0x20,0x69,0x20,0x2f,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x6c,0x69,0x64,0x20,0x3c,0x20,0x69,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x2c,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x20,0x2b,0x20,0x69,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x72,0x65,0x64,0x75,0x63,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x23,0x69,0x66,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x20,0x3e,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2d,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x73,0x75,0x6d,0x5b,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x2a,0x69,0x6e,0x50,0x74,0x72,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x29,0x26,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x6c,0x69,0x64,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x3b,0x20,0x69,0x20,0x2b,0x3d,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x2f,0x32,0x3b,0x20,0x69,0x20,0x3e,0x20,0x30,0x3b,0x20,0x69,0x20,0x2f,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x6c,0x69,0x64,0x20,0x3c,0x20,0x69,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x2c,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x20,0x2b,0x20,0x69,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x3b,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x50,0x74,0x72,0x5b,0x6a,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x6f,0x75,0x74,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2d,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x2a,0x69,0x6e,0x50,0x74,0x72,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x29,0x26,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x34,0x3b,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x50,0x74,0x72,0x5b,0x6a,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x3b,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x50,0x74,0x72,0x5b,0x6a,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x6f,0x75,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x72,0x65,0x64,0x75,0x63,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x23,0x69,0x66,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x20,0x3e,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2d,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x73,0x75,0x6d,0x5b,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x2a,0x69,0x6e,0x50,0x74,0x72,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x29,0x26,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x6c,0x69,0x64,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x3b,0x20,0x69,0x20,0x2b,0x3d,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x6f,0x75,0x74,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x2f,0x32,0x3b,0x20,0x69,0x20,0x3e,0x20,0x30,0x3b,0x20,0x69,0x20,0x2f,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x6c,0x69,0x64,0x20,0x3c,0x20,0x69,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x2c,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x20,0x2b,0x20,0x69,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x3b,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2e,0x78,0x2c,0x20,0x69,0x6e,0x50,0x74,0x72,0x5b,0x6a,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x3d,0x20,0x6f,0x75,0x74,0x2e,0x78,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x6f,0x75,0x74,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2d,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x2a,0x69,0x6e,0x50,0x74,0x72,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x29,0x26,0x69,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x34,0x3b,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x50,0x74,0x72,0x5b,0x6a,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x28,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2d,0x20,0x31,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x72,0x65,0x6d,0x61,0x69,0x6e,0x3b,0x20,0x2b,0x2b,0x6a,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x50,0x74,0x72,0x5b,0x6a,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x5b,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x6f,0x75,0x74,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x72,0x65,0x64,0x75,0x63,0x74,0x5f,0x62,0x61,0x74,0x63,0x68,0x5f,0x62,0x75,0x66,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x23,0x69,0x66,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x20,0x3e,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x30,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x30,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x73,0x75,0x6d,0x5b,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x6c,0x69,0x64,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x3b,0x20,0x69,0x2b,0x3d,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x62,0x61,0x74,0x63,0x68,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x6f,0x75,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x2f,0x32,0x3b,0x20,0x69,0x20,0x3e,0x20,0x30,0x3b,0x20,0x69,0x20,0x2f,0x3d,0x20,0x32,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x6c,0x69,0x64,0x20,0x3c,0x20,0x69,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x5d,0x2c,0x20,0x73,0x75,0x6d,0x5b,0x6c,0x69,0x64,0x20,0x2b,0x20,0x69,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x73,0x75,0x6d,0x5b,0x30,0x5d,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x30,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x28,0x28,0x30,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x20,0x2a,0x20,0x6f,0x75,0x74,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x29,0x2a,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x4f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x43,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x48,0x65,0x69,0x67,0x68,0x74,0x20,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x57,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x56,0x41,0x4c,0x55,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x69,0x6e,0x20,0x3d,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x69,0x20,0x2a,0x20,0x62,0x61,0x74,0x63,0x68,0x4f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4f,0x50,0x45,0x52,0x41,0x54,0x45,0x28,0x6f,0x75,0x74,0x2c,0x20,0x69,0x6e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x47,0x45,0x54,0x5f,0x41,0x56,0x47,0xa,0x20,0x20,0x20,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x6f,0x75,0x74,0x20,0x2f,0x20,0x69,0x6e,0x70,0x75,0x74,0x42,0x61,0x74,0x63,0x68,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x4f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa, } }, #endif +#ifndef MNN_OPENCL_BUFFER_CLOSED +{ + "matmul_params_buf", + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x53,0x45,0x5f,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x4b,0x45,0x59,0x57,0x4f,0x52,0x44,0x20,0x31,0xa,0xa,0x2f,0x2f,0x20,0x50,0x61,0x72,0x61,0x6d,0x65,0x74,0x65,0x72,0x73,0x20,0x73,0x65,0x74,0x20,0x62,0x79,0x20,0x74,0x68,0x65,0x20,0x74,0x75,0x6e,0x65,0x72,0x20,0x6f,0x72,0x20,0x62,0x79,0x20,0x74,0x68,0x65,0x20,0x64,0x61,0x74,0x61,0x62,0x61,0x73,0x65,0x2e,0x20,0x48,0x65,0x72,0x65,0x20,0x74,0x68,0x65,0x79,0x20,0x61,0x72,0x65,0x20,0x67,0x69,0x76,0x65,0x6e,0x20,0x61,0x20,0x62,0x61,0x73,0x69,0x63,0x20,0x64,0x65,0x66,0x61,0x75,0x6c,0x74,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x69,0x6e,0x20,0x63,0x61,0x73,0x65,0xa,0x2f,0x2f,0x20,0x74,0x68,0x69,0x73,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x66,0x69,0x6c,0x65,0x20,0x69,0x73,0x20,0x75,0x73,0x65,0x64,0x20,0x6f,0x75,0x74,0x73,0x69,0x64,0x65,0x20,0x6f,0x66,0x20,0x74,0x68,0x65,0x20,0x43,0x4c,0x42,0x6c,0x61,0x73,0x74,0x20,0x6c,0x69,0x62,0x72,0x61,0x72,0x79,0x2e,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x30,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x74,0x6f,0x20,0x63,0x68,0x6f,0x6f,0x73,0x65,0x3a,0x20,0x30,0x20,0x72,0x65,0x67,0x75,0x6c,0x61,0x72,0x2c,0x20,0x31,0x20,0x77,0x69,0x74,0x68,0x20,0x32,0x44,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x20,0x74,0x69,0x6c,0x69,0x6e,0x67,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4d,0x57,0x47,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x57,0x47,0x20,0x38,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x69,0x6c,0x65,0x2d,0x73,0x69,0x7a,0x65,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4d,0x20,0x28,0x65,0x2e,0x67,0x2e,0x20,0x36,0x34,0x2c,0x20,0x31,0x32,0x38,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4e,0x57,0x47,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4e,0x57,0x47,0x20,0x38,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x69,0x6c,0x65,0x2d,0x73,0x69,0x7a,0x65,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4e,0x20,0x28,0x65,0x2e,0x67,0x2e,0x20,0x36,0x34,0x2c,0x20,0x31,0x32,0x38,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4b,0x57,0x47,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4b,0x57,0x47,0x20,0x38,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x69,0x6c,0x65,0x2d,0x73,0x69,0x7a,0x65,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4b,0x20,0x28,0x65,0x2e,0x67,0x2e,0x20,0x38,0x2c,0x20,0x31,0x36,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4d,0x44,0x49,0x4d,0x43,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x44,0x49,0x4d,0x43,0x20,0x38,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x72,0x65,0x61,0x64,0x73,0x20,0x70,0x65,0x72,0x20,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x20,0x4d,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x28,0x65,0x2e,0x67,0x2e,0x20,0x38,0x2c,0x20,0x31,0x36,0x2c,0x20,0x33,0x32,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4e,0x44,0x49,0x4d,0x43,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4e,0x44,0x49,0x4d,0x43,0x20,0x38,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x72,0x65,0x61,0x64,0x73,0x20,0x70,0x65,0x72,0x20,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x20,0x4e,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x28,0x65,0x2e,0x67,0x2e,0x20,0x38,0x2c,0x20,0x31,0x36,0x2c,0x20,0x33,0x32,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4d,0x44,0x49,0x4d,0x41,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x44,0x49,0x4d,0x41,0x20,0x38,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x52,0x65,0x2d,0x73,0x68,0x61,0x70,0x65,0x64,0x20,0x74,0x69,0x6c,0x65,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x6f,0x66,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x3a,0x20,0x4b,0x44,0x49,0x4d,0x41,0x20,0x2a,0x20,0x4d,0x44,0x49,0x4d,0x41,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x20,0x6f,0x6e,0x6c,0x79,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4e,0x44,0x49,0x4d,0x42,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4e,0x44,0x49,0x4d,0x42,0x20,0x38,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x52,0x65,0x2d,0x73,0x68,0x61,0x70,0x65,0x64,0x20,0x74,0x69,0x6c,0x65,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x6f,0x66,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x3a,0x20,0x4b,0x44,0x49,0x4d,0x42,0x20,0x2a,0x20,0x4e,0x44,0x49,0x4d,0x42,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x20,0x6f,0x6e,0x6c,0x79,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4b,0x57,0x49,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4b,0x57,0x49,0x20,0x31,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x55,0x6e,0x72,0x6f,0x6c,0x6c,0x20,0x66,0x61,0x63,0x74,0x6f,0x72,0x20,0x6f,0x66,0x20,0x74,0x68,0x65,0x20,0x4b,0x57,0x47,0x20,0x6c,0x6f,0x6f,0x70,0x20,0x28,0x73,0x6d,0x61,0x6c,0x6c,0x65,0x72,0x20,0x6f,0x72,0x20,0x65,0x71,0x75,0x61,0x6c,0x20,0x74,0x68,0x61,0x6e,0x20,0x4b,0x57,0x47,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x56,0x57,0x4d,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x56,0x57,0x4d,0x20,0x31,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x56,0x65,0x63,0x74,0x6f,0x72,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x6f,0x66,0x20,0x6d,0x61,0x74,0x72,0x69,0x63,0x65,0x73,0x20,0x41,0x20,0x61,0x6e,0x64,0x20,0x43,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x56,0x57,0x4e,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x56,0x57,0x4e,0x20,0x31,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x56,0x65,0x63,0x74,0x6f,0x72,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x6f,0x66,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x53,0x54,0x52,0x4d,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x54,0x52,0x4d,0x20,0x30,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x55,0x73,0x65,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x20,0x61,0x63,0x63,0x65,0x73,0x73,0x20,0x77,0x69,0x74,0x68,0x69,0x6e,0x20,0x61,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x69,0x6e,0x20,0x74,0x68,0x65,0x20,0x4d,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x28,0x31,0x29,0x20,0x6f,0x72,0x20,0x6e,0x6f,0x74,0x20,0x28,0x30,0x29,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x20,0x6f,0x6e,0x6c,0x79,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x53,0x54,0x52,0x4e,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x54,0x52,0x4e,0x20,0x30,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x55,0x73,0x65,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x20,0x61,0x63,0x63,0x65,0x73,0x73,0x20,0x77,0x69,0x74,0x68,0x69,0x6e,0x20,0x61,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x69,0x6e,0x20,0x74,0x68,0x65,0x20,0x4e,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x28,0x31,0x29,0x20,0x6f,0x72,0x20,0x6e,0x6f,0x74,0x20,0x28,0x30,0x29,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x20,0x6f,0x6e,0x6c,0x79,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x53,0x41,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x41,0x20,0x30,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x55,0x73,0x65,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x2f,0x73,0x68,0x61,0x72,0x65,0x64,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x74,0x6f,0x20,0x63,0x61,0x63,0x68,0x65,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x20,0x28,0x31,0x29,0x20,0x6f,0x72,0x20,0x6e,0x6f,0x74,0x20,0x28,0x30,0x29,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x20,0x6f,0x6e,0x6c,0x79,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x53,0x42,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x42,0x20,0x30,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x55,0x73,0x65,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x2f,0x73,0x68,0x61,0x72,0x65,0x64,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x74,0x6f,0x20,0x63,0x61,0x63,0x68,0x65,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x20,0x28,0x31,0x29,0x20,0x6f,0x72,0x20,0x6e,0x6f,0x74,0x20,0x28,0x30,0x29,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x20,0x6f,0x6e,0x6c,0x79,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4b,0x52,0x45,0x47,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4b,0x52,0x45,0x47,0x20,0x31,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6d,0x6f,0x75,0x6e,0x74,0x20,0x6f,0x66,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x20,0x74,0x69,0x6c,0x69,0x6e,0x67,0x20,0x69,0x6e,0x20,0x73,0x65,0x63,0x6f,0x6e,0x64,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x2c,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x65,0x20,0x6f,0x66,0x20,0x56,0x57,0x4e,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x31,0x20,0x6f,0x6e,0x6c,0x79,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x48,0x65,0x6c,0x70,0x65,0x72,0x20,0x70,0x61,0x72,0x61,0x6d,0x65,0x74,0x65,0x72,0x73,0x20,0x62,0x61,0x73,0x65,0x64,0x20,0x6f,0x6e,0x20,0x74,0x68,0x65,0x20,0x61,0x62,0x6f,0x76,0x65,0x20,0x74,0x75,0x6e,0x69,0x6e,0x67,0x20,0x70,0x61,0x72,0x61,0x6d,0x65,0x74,0x65,0x72,0x73,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x57,0x49,0x20,0x28,0x4d,0x57,0x47,0x2f,0x4d,0x44,0x49,0x4d,0x43,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x57,0x6f,0x72,0x6b,0x20,0x70,0x65,0x72,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x69,0x74,0x65,0x6d,0x20,0x28,0x4d,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x29,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4e,0x57,0x49,0x20,0x28,0x4e,0x57,0x47,0x2f,0x4e,0x44,0x49,0x4d,0x43,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x57,0x6f,0x72,0x6b,0x20,0x70,0x65,0x72,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x69,0x74,0x65,0x6d,0x20,0x28,0x4e,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x29,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4b,0x44,0x49,0x4d,0x41,0x20,0x28,0x28,0x4d,0x44,0x49,0x4d,0x43,0x2a,0x4e,0x44,0x49,0x4d,0x43,0x29,0x2f,0x28,0x4d,0x44,0x49,0x4d,0x41,0x29,0x29,0x20,0x2f,0x2f,0x20,0x52,0x65,0x2d,0x73,0x68,0x61,0x70,0x65,0x64,0x20,0x74,0x69,0x6c,0x65,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x6f,0x66,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x3a,0x20,0x4b,0x44,0x49,0x4d,0x41,0x20,0x2a,0x20,0x4d,0x44,0x49,0x4d,0x41,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4b,0x44,0x49,0x4d,0x42,0x20,0x28,0x28,0x4d,0x44,0x49,0x4d,0x43,0x2a,0x4e,0x44,0x49,0x4d,0x43,0x29,0x2f,0x28,0x4e,0x44,0x49,0x4d,0x42,0x29,0x29,0x20,0x2f,0x2f,0x20,0x52,0x65,0x2d,0x73,0x68,0x61,0x70,0x65,0x64,0x20,0x74,0x69,0x6c,0x65,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x6f,0x66,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x3a,0x20,0x4b,0x44,0x49,0x4d,0x42,0x20,0x2a,0x20,0x4e,0x44,0x49,0x4d,0x42,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x57,0x41,0x20,0x28,0x4d,0x57,0x47,0x2f,0x4d,0x44,0x49,0x4d,0x41,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6d,0x6f,0x75,0x6e,0x74,0x20,0x6f,0x66,0x20,0x6c,0x6f,0x61,0x64,0x73,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x66,0x6f,0x72,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x20,0x28,0x4d,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x29,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4b,0x57,0x41,0x20,0x28,0x4b,0x57,0x47,0x2f,0x4b,0x44,0x49,0x4d,0x41,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6d,0x6f,0x75,0x6e,0x74,0x20,0x6f,0x66,0x20,0x6c,0x6f,0x61,0x64,0x73,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x66,0x6f,0x72,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x20,0x28,0x4b,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x29,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4b,0x57,0x42,0x20,0x28,0x4b,0x57,0x47,0x2f,0x4b,0x44,0x49,0x4d,0x42,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6d,0x6f,0x75,0x6e,0x74,0x20,0x6f,0x66,0x20,0x6c,0x6f,0x61,0x64,0x73,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x66,0x6f,0x72,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x20,0x28,0x4b,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x29,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4e,0x57,0x42,0x20,0x28,0x4e,0x57,0x47,0x2f,0x4e,0x44,0x49,0x4d,0x42,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6d,0x6f,0x75,0x6e,0x74,0x20,0x6f,0x66,0x20,0x6c,0x6f,0x61,0x64,0x73,0x2d,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x66,0x6f,0x72,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x20,0x28,0x4e,0x2d,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x29,0xa,0xa,0x2f,0x2f,0x20,0x53,0x65,0x74,0x74,0x69,0x6e,0x67,0x73,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x55,0x53,0x45,0x5f,0x56,0x45,0x43,0x54,0x4f,0x52,0x5f,0x4d,0x41,0x44,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x53,0x45,0x5f,0x56,0x45,0x43,0x54,0x4f,0x52,0x5f,0x4d,0x41,0x44,0x20,0x30,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x55,0x6e,0x72,0x6f,0x6c,0x6c,0x20,0x28,0x30,0x29,0x20,0x6f,0x72,0x20,0x64,0x6f,0x6e,0x27,0x74,0x20,0x28,0x31,0x29,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0x20,0x74,0x68,0x65,0x20,0x76,0x65,0x63,0x74,0x6f,0x72,0x20,0x4d,0x41,0x44,0x20,0x6d,0x61,0x6e,0x75,0x61,0x6c,0x6c,0x79,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x20,0x30,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x73,0x79,0x6e,0x63,0x68,0x72,0x6f,0x6e,0x69,0x73,0x61,0x74,0x69,0x6f,0x6e,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x20,0x66,0x6f,0x72,0x20,0x70,0x6f,0x74,0x65,0x6e,0x74,0x69,0x61,0x6c,0x20,0x62,0x65,0x74,0x74,0x65,0x72,0x20,0x70,0x65,0x72,0x66,0x6f,0x72,0x6d,0x61,0x6e,0x63,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x52,0x45,0x5f,0x56,0x4f,0x4c,0x54,0x41,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x52,0x45,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x30,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x4f,0x53,0x54,0x5f,0x56,0x4f,0x4c,0x54,0x41,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x4f,0x53,0x54,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x30,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x49,0x4e,0x54,0x45,0x4c,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x49,0x4e,0x54,0x45,0x4c,0x20,0x30,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x30,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4f,0x70,0x74,0x69,0x6f,0x6e,0x61,0x6c,0x6c,0x79,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0x73,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x20,0x73,0x68,0x75,0x66,0x66,0x6c,0x69,0x6e,0x67,0x20,0x66,0x6f,0x72,0x20,0x49,0x6e,0x74,0x65,0x6c,0x20,0x47,0x50,0x55,0x73,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x49,0x6e,0x74,0x65,0x6c,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x73,0x20,0x28,0x68,0x74,0x74,0x70,0x73,0x3a,0x2f,0x2f,0x77,0x77,0x77,0x2e,0x6b,0x68,0x72,0x6f,0x6e,0x6f,0x73,0x2e,0x6f,0x72,0x67,0x2f,0x72,0x65,0x67,0x69,0x73,0x74,0x72,0x79,0x2f,0x4f,0x70,0x65,0x6e,0x43,0x4c,0x2f,0x65,0x78,0x74,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x73,0x2f,0x69,0x6e,0x74,0x65,0x6c,0x2f,0x63,0x6c,0x5f,0x69,0x6e,0x74,0x65,0x6c,0x5f,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x73,0x2e,0x68,0x74,0x6d,0x6c,0x29,0xa,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x3d,0x3d,0x20,0x31,0x20,0x26,0x26,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x49,0x4e,0x54,0x45,0x4c,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x69,0x6e,0x74,0x65,0x6c,0x5f,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x73,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x49,0x5a,0x45,0x20,0x38,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x73,0x73,0x75,0x6d,0x65,0x73,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x20,0x73,0x69,0x7a,0x65,0x20,0x69,0x73,0x20,0x61,0x6c,0x77,0x61,0x79,0x73,0x20,0x38,0x20,0x6f,0x6e,0x20,0x49,0x6e,0x74,0x65,0x6c,0x20,0x47,0x50,0x55,0x73,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x4e,0x56,0x49,0x44,0x49,0x41,0x20,0x77,0x61,0x72,0x70,0x73,0x20,0x61,0x73,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x73,0x20,0x75,0x73,0x69,0x6e,0x67,0x20,0x69,0x6e,0x6c,0x69,0x6e,0x65,0x20,0x50,0x54,0x58,0x20,0x28,0x68,0x74,0x74,0x70,0x73,0x3a,0x2f,0x2f,0x64,0x6f,0x63,0x73,0x2e,0x6e,0x76,0x69,0x64,0x69,0x61,0x2e,0x63,0x6f,0x6d,0x2f,0x63,0x75,0x64,0x61,0x2f,0x69,0x6e,0x6c,0x69,0x6e,0x65,0x2d,0x70,0x74,0x78,0x2d,0x61,0x73,0x73,0x65,0x6d,0x62,0x6c,0x79,0x2f,0x69,0x6e,0x64,0x65,0x78,0x2e,0x68,0x74,0x6d,0x6c,0x29,0xa,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x52,0x45,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x7c,0x7c,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x4f,0x53,0x54,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x49,0x5a,0x45,0x20,0x33,0x32,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x41,0x73,0x73,0x75,0x6d,0x65,0x73,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x20,0x73,0x69,0x7a,0x65,0x20,0x69,0x73,0x20,0x61,0x6c,0x77,0x61,0x79,0x73,0x20,0x33,0x32,0x20,0x6f,0x6e,0x20,0x4e,0x56,0x49,0x44,0x49,0x41,0x20,0x47,0x50,0x55,0x73,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x69,0x66,0x20,0x4e,0x57,0x49,0x20,0x21,0x3d,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x49,0x5a,0x45,0x20,0x7c,0x7c,0x20,0x4d,0x44,0x49,0x4d,0x43,0x20,0x3c,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x49,0x5a,0x45,0xa,0x20,0x20,0x23,0x75,0x6e,0x64,0x65,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x30,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x44,0x69,0x73,0x61,0x62,0x6c,0x65,0x73,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x73,0x20,0x69,0x6e,0x20,0x63,0x61,0x73,0x65,0x20,0x74,0x68,0x65,0x20,0x61,0x73,0x73,0x75,0x6d,0x70,0x74,0x69,0x6f,0x6e,0x73,0x20,0x64,0x6f,0x6e,0x27,0x74,0x20,0x68,0x6f,0x6c,0x64,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x48,0x61,0x6c,0x66,0x2d,0x70,0x72,0x65,0x63,0x69,0x73,0x69,0x6f,0x6e,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x68,0x61,0x6c,0x66,0x20,0x72,0x65,0x61,0x6c,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x68,0x61,0x6c,0x66,0x32,0x20,0x72,0x65,0x61,0x6c,0x32,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x68,0x61,0x6c,0x66,0x34,0x20,0x72,0x65,0x61,0x6c,0x34,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x68,0x61,0x6c,0x66,0x38,0x20,0x72,0x65,0x61,0x6c,0x38,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x68,0x61,0x6c,0x66,0x31,0x36,0x20,0x72,0x65,0x61,0x6c,0x31,0x36,0x3b,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x5a,0x45,0x52,0x4f,0x20,0x30,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4f,0x4e,0x45,0x20,0x31,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x4d,0x41,0x4c,0x4c,0x45,0x53,0x54,0x20,0x2d,0x31,0x2e,0x30,0x65,0x31,0x34,0xa,0xa,0x2f,0x2f,0x20,0x53,0x69,0x6e,0x67,0x6c,0x65,0x2d,0x70,0x72,0x65,0x63,0x69,0x73,0x69,0x6f,0x6e,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x72,0x65,0x61,0x6c,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x66,0x6c,0x6f,0x61,0x74,0x32,0x20,0x72,0x65,0x61,0x6c,0x32,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x72,0x65,0x61,0x6c,0x34,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x66,0x6c,0x6f,0x61,0x74,0x38,0x20,0x72,0x65,0x61,0x6c,0x38,0x3b,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x66,0x6c,0x6f,0x61,0x74,0x31,0x36,0x20,0x72,0x65,0x61,0x6c,0x31,0x36,0x3b,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x5a,0x45,0x52,0x4f,0x20,0x30,0x2e,0x30,0x66,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4f,0x4e,0x45,0x20,0x31,0x2e,0x30,0x66,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x4d,0x41,0x4c,0x4c,0x45,0x53,0x54,0x20,0x2d,0x31,0x2e,0x30,0x65,0x33,0x37,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x43,0x6f,0x6e,0x76,0x65,0x72,0x74,0x73,0x20,0x61,0x20,0x27,0x72,0x65,0x61,0x6c,0x20,0x61,0x72,0x67,0x75,0x6d,0x65,0x6e,0x74,0x27,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x74,0x6f,0x20,0x61,0x20,0x27,0x72,0x65,0x61,0x6c,0x27,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x61,0x73,0x20,0x70,0x61,0x73,0x73,0x65,0x64,0x20,0x74,0x6f,0x20,0x74,0x68,0x65,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x2e,0x20,0x4e,0x6f,0x72,0x6d,0x61,0x6c,0x6c,0x79,0x20,0x74,0x68,0x65,0x72,0x65,0x20,0x69,0x73,0x20,0x6e,0x6f,0xa,0x2f,0x2f,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x73,0x69,0x6f,0x6e,0x2c,0x20,0x62,0x75,0x74,0x20,0x68,0x61,0x6c,0x66,0x2d,0x70,0x72,0x65,0x63,0x69,0x73,0x69,0x6f,0x6e,0x20,0x69,0x73,0x20,0x6e,0x6f,0x74,0x20,0x73,0x75,0x70,0x70,0x6f,0x72,0x74,0x65,0x64,0x20,0x61,0x73,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x61,0x72,0x67,0x75,0x6d,0x65,0x6e,0x74,0x20,0x73,0x6f,0x20,0x69,0x74,0x20,0x69,0x73,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x65,0x64,0x20,0x66,0x72,0x6f,0x6d,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2e,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x66,0x6c,0x6f,0x61,0x74,0x20,0x72,0x65,0x61,0x6c,0x5f,0x61,0x72,0x67,0x3b,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x65,0x74,0x52,0x65,0x61,0x6c,0x41,0x72,0x67,0x28,0x78,0x29,0x20,0x28,0x68,0x61,0x6c,0x66,0x29,0x78,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x5f,0x61,0x72,0x67,0x3b,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x65,0x74,0x52,0x65,0x61,0x6c,0x41,0x72,0x67,0x28,0x78,0x29,0x20,0x78,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x50,0x6f,0x69,0x6e,0x74,0x65,0x72,0x73,0x20,0x74,0x6f,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x6f,0x62,0x6a,0x65,0x63,0x74,0x73,0x20,0x28,0x75,0x73,0x69,0x6e,0x67,0x20,0x61,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x62,0x65,0x63,0x61,0x75,0x73,0x65,0x20,0x43,0x55,0x44,0x41,0x20,0x64,0x6f,0x65,0x73,0x6e,0x27,0x74,0x20,0x6e,0x65,0x65,0x64,0x20,0x74,0x68,0x65,0x6d,0x29,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x44,0x6f,0x6e,0x27,0x74,0x20,0x75,0x73,0x65,0x20,0x74,0x68,0x65,0x20,0x6e,0x6f,0x6e,0x2d,0x49,0x45,0x45,0x45,0x37,0x35,0x34,0x20,0x63,0x6f,0x6d,0x70,0x6c,0x69,0x61,0x6e,0x74,0x20,0x4f,0x70,0x65,0x6e,0x43,0x4c,0x20,0x62,0x75,0x69,0x6c,0x74,0x2d,0x69,0x6e,0x20,0x6d,0x61,0x64,0x28,0x29,0x20,0x69,0x6e,0x73,0x74,0x72,0x75,0x63,0x74,0x69,0x6f,0x6e,0x20,0x70,0x65,0x72,0x20,0x64,0x65,0x66,0x61,0x75,0x6c,0x74,0x2e,0x20,0x46,0x6f,0x72,0x20,0x73,0x70,0x65,0x63,0x69,0x66,0x69,0x63,0xa,0x2f,0x2f,0x20,0x64,0x65,0x76,0x69,0x63,0x65,0x73,0x2c,0x20,0x74,0x68,0x69,0x73,0x20,0x69,0x73,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0x64,0x20,0x28,0x73,0x65,0x65,0x20,0x73,0x72,0x63,0x2f,0x72,0x6f,0x75,0x74,0x69,0x6e,0x65,0x2e,0x63,0x70,0x70,0x29,0x2e,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x55,0x53,0x45,0x5f,0x43,0x4c,0x5f,0x4d,0x41,0x44,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x53,0x45,0x5f,0x43,0x4c,0x5f,0x4d,0x41,0x44,0x20,0x30,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x42,0x79,0x20,0x64,0x65,0x66,0x61,0x75,0x6c,0x74,0x20,0x74,0x68,0x65,0x20,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x73,0x69,0x7a,0x65,0x20,0x72,0x65,0x71,0x75,0x69,0x72,0x65,0x6d,0x65,0x6e,0x74,0x20,0x69,0x73,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0x64,0x2e,0x20,0x46,0x6f,0x72,0x20,0x51,0x75,0x61,0x6c,0x63,0x6f,0x6d,0x6d,0x20,0x64,0x65,0x76,0x69,0x63,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x73,0x69,0x7a,0x65,0xa,0x2f,0x2f,0x20,0x72,0x65,0x71,0x75,0x69,0x72,0x65,0x6d,0x65,0x6e,0x74,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x73,0x20,0x69,0x6e,0x20,0x77,0x6f,0x72,0x73,0x65,0x20,0x70,0x65,0x72,0x66,0x6f,0x72,0x6d,0x61,0x6e,0x63,0x65,0x20,0x61,0x6e,0x64,0x20,0x69,0x73,0x20,0x64,0x69,0x73,0x61,0x62,0x6c,0x65,0x64,0x20,0x28,0x73,0x72,0x63,0x2f,0x75,0x74,0x69,0x6c,0x69,0x74,0x69,0x65,0x73,0x2f,0x63,0x6f,0x6d,0x70,0x69,0x6c,0x65,0x2e,0x63,0x70,0x70,0x29,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x52,0x45,0x4c,0x41,0x58,0x5f,0x57,0x4f,0x52,0x4b,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x49,0x5a,0x45,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x52,0x45,0x4c,0x41,0x58,0x5f,0x57,0x4f,0x52,0x4b,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x49,0x5a,0x45,0x20,0x30,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x65,0x74,0x73,0x20,0x61,0x20,0x76,0x61,0x72,0x69,0x61,0x62,0x6c,0x65,0x20,0x74,0x6f,0x20,0x7a,0x65,0x72,0x6f,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x61,0x29,0x20,0x61,0x2e,0x78,0x20,0x3d,0x20,0x5a,0x45,0x52,0x4f,0x3b,0x20,0x61,0x2e,0x79,0x20,0x3d,0x20,0x5a,0x45,0x52,0x4f,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x61,0x29,0x20,0x61,0x20,0x3d,0x20,0x5a,0x45,0x52,0x4f,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x65,0x74,0x73,0x20,0x61,0x20,0x76,0x61,0x72,0x69,0x61,0x62,0x6c,0x65,0x20,0x74,0x6f,0x20,0x7a,0x65,0x72,0x6f,0x20,0x28,0x6f,0x6e,0x6c,0x79,0x20,0x74,0x68,0x65,0x20,0x69,0x6d,0x61,0x67,0x69,0x6e,0x61,0x72,0x79,0x20,0x70,0x61,0x72,0x74,0x29,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x49,0x6d,0x61,0x67,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x61,0x29,0x20,0x61,0x2e,0x79,0x20,0x3d,0x20,0x5a,0x45,0x52,0x4f,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x49,0x6d,0x61,0x67,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x61,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x65,0x74,0x73,0x20,0x61,0x20,0x76,0x61,0x72,0x69,0x61,0x62,0x6c,0x65,0x20,0x74,0x6f,0x20,0x6f,0x6e,0x65,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x65,0x74,0x54,0x6f,0x4f,0x6e,0x65,0x28,0x61,0x29,0x20,0x61,0x2e,0x78,0x20,0x3d,0x20,0x4f,0x4e,0x45,0x3b,0x20,0x61,0x2e,0x79,0x20,0x3d,0x20,0x5a,0x45,0x52,0x4f,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x65,0x74,0x54,0x6f,0x4f,0x6e,0x65,0x28,0x61,0x29,0x20,0x61,0x20,0x3d,0x20,0x4f,0x4e,0x45,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x44,0x65,0x74,0x65,0x72,0x6d,0x69,0x6e,0x65,0x73,0x20,0x77,0x68,0x65,0x74,0x68,0x65,0x72,0x20,0x61,0x20,0x76,0x61,0x72,0x69,0x61,0x62,0x6c,0x65,0x20,0x69,0x73,0x20,0x7a,0x65,0x72,0x6f,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x49,0x73,0x5a,0x65,0x72,0x6f,0x28,0x61,0x29,0x20,0x28,0x28,0x61,0x2e,0x78,0x20,0x3d,0x3d,0x20,0x5a,0x45,0x52,0x4f,0x29,0x20,0x26,0x26,0x20,0x28,0x61,0x2e,0x79,0x20,0x3d,0x3d,0x20,0x5a,0x45,0x52,0x4f,0x29,0x29,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x49,0x73,0x5a,0x65,0x72,0x6f,0x28,0x61,0x29,0x20,0x28,0x61,0x20,0x3d,0x3d,0x20,0x5a,0x45,0x52,0x4f,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x61,0x62,0x73,0x6f,0x6c,0x75,0x74,0x65,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x28,0x63,0x6f,0x6d,0x70,0x6f,0x6e,0x65,0x6e,0x74,0x2d,0x77,0x69,0x73,0x65,0x29,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x41,0x62,0x73,0x6f,0x6c,0x75,0x74,0x65,0x56,0x61,0x6c,0x75,0x65,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x20,0x3d,0x20,0x66,0x61,0x62,0x73,0x28,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x29,0x3b,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0x20,0x3d,0x20,0x66,0x61,0x62,0x73,0x28,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0x29,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x41,0x62,0x73,0x6f,0x6c,0x75,0x74,0x65,0x56,0x61,0x6c,0x75,0x65,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x66,0x61,0x62,0x73,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x4e,0x65,0x67,0x61,0x74,0x69,0x6f,0x6e,0x20,0x28,0x63,0x6f,0x6d,0x70,0x6f,0x6e,0x65,0x6e,0x74,0x2d,0x77,0x69,0x73,0x65,0x29,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4e,0x65,0x67,0x61,0x74,0x65,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x20,0x3d,0x20,0x2d,0x28,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x29,0x3b,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0x20,0x3d,0x20,0x2d,0x28,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0x29,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4e,0x65,0x67,0x61,0x74,0x65,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x2d,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x41,0x64,0x64,0x73,0x20,0x74,0x77,0x6f,0x20,0x63,0x6f,0x6d,0x70,0x6c,0x65,0x78,0x20,0x76,0x61,0x72,0x69,0x61,0x62,0x6c,0x65,0x73,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x41,0x64,0x64,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x2e,0x78,0x20,0x3d,0x20,0x61,0x2e,0x78,0x20,0x2b,0x20,0x62,0x2e,0x78,0x3b,0x20,0x63,0x2e,0x79,0x20,0x3d,0x20,0x61,0x2e,0x79,0x20,0x2b,0x20,0x62,0x2e,0x79,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x41,0x64,0x64,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x20,0x3d,0x20,0x61,0x20,0x2b,0x20,0x62,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x75,0x62,0x74,0x72,0x61,0x63,0x74,0x73,0x20,0x74,0x77,0x6f,0x20,0x63,0x6f,0x6d,0x70,0x6c,0x65,0x78,0x20,0x76,0x61,0x72,0x69,0x61,0x62,0x6c,0x65,0x73,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x75,0x62,0x74,0x72,0x61,0x63,0x74,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x2e,0x78,0x20,0x3d,0x20,0x61,0x2e,0x78,0x20,0x2d,0x20,0x62,0x2e,0x78,0x3b,0x20,0x63,0x2e,0x79,0x20,0x3d,0x20,0x61,0x2e,0x79,0x20,0x2d,0x20,0x62,0x2e,0x79,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x53,0x75,0x62,0x74,0x72,0x61,0x63,0x74,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x20,0x3d,0x20,0x61,0x20,0x2d,0x20,0x62,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x20,0x74,0x77,0x6f,0x20,0x63,0x6f,0x6d,0x70,0x6c,0x65,0x78,0x20,0x76,0x61,0x72,0x69,0x61,0x62,0x6c,0x65,0x73,0x20,0x28,0x75,0x73,0x65,0x64,0x20,0x69,0x6e,0x20,0x74,0x68,0x65,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x73,0x20,0x62,0x65,0x6c,0x6f,0x77,0x29,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x52,0x65,0x61,0x6c,0x28,0x61,0x2c,0x62,0x29,0x20,0x61,0x2e,0x78,0x2a,0x62,0x2e,0x78,0x20,0x2d,0x20,0x61,0x2e,0x79,0x2a,0x62,0x2e,0x79,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x49,0x6d,0x61,0x67,0x28,0x61,0x2c,0x62,0x29,0x20,0x61,0x2e,0x78,0x2a,0x62,0x2e,0x79,0x20,0x2b,0x20,0x61,0x2e,0x79,0x2a,0x62,0x2e,0x78,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x73,0x63,0x61,0x6c,0x61,0x72,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x2e,0x78,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x52,0x65,0x61,0x6c,0x28,0x61,0x2c,0x62,0x29,0x3b,0x20,0x63,0x2e,0x79,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x49,0x6d,0x61,0x67,0x28,0x61,0x2c,0x62,0x29,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x20,0x3d,0x20,0x61,0x20,0x2a,0x20,0x62,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x73,0x63,0x61,0x6c,0x61,0x72,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x2d,0x61,0x64,0x64,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x4d,0x75,0x6c,0x52,0x65,0x61,0x6c,0x28,0x61,0x2c,0x62,0x29,0x3b,0x20,0x63,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x4d,0x75,0x6c,0x49,0x6d,0x61,0x67,0x28,0x61,0x2c,0x62,0x29,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x43,0x4c,0x5f,0x4d,0x41,0x44,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x20,0x3d,0x20,0x6d,0x61,0x64,0x28,0x61,0x2c,0x20,0x62,0x2c,0x20,0x63,0x29,0xa,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x20,0x2b,0x3d,0x20,0x61,0x20,0x2a,0x20,0x62,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x73,0x63,0x61,0x6c,0x61,0x72,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x2d,0x73,0x75,0x62,0x74,0x72,0x61,0x63,0x74,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x53,0x75,0x62,0x74,0x72,0x61,0x63,0x74,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x2e,0x78,0x20,0x2d,0x3d,0x20,0x4d,0x75,0x6c,0x52,0x65,0x61,0x6c,0x28,0x61,0x2c,0x62,0x29,0x3b,0x20,0x63,0x2e,0x79,0x20,0x2d,0x3d,0x20,0x4d,0x75,0x6c,0x49,0x6d,0x61,0x67,0x28,0x61,0x2c,0x62,0x29,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x53,0x75,0x62,0x74,0x72,0x61,0x63,0x74,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x20,0x2d,0x3d,0x20,0x61,0x20,0x2a,0x20,0x62,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x73,0x63,0x61,0x6c,0x61,0x72,0x20,0x64,0x69,0x76,0x69,0x73,0x69,0x6f,0x6e,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0x3a,0x20,0x66,0x75,0x6c,0x6c,0x20,0x64,0x69,0x76,0x69,0x73,0x69,0x6f,0x6e,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x69,0x76,0x69,0x64,0x65,0x46,0x75,0x6c,0x6c,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x73,0x69,0x6e,0x67,0x6c,0x65,0x72,0x65,0x61,0x6c,0x20,0x6e,0x75,0x6d,0x5f,0x78,0x20,0x3d,0x20,0x28,0x61,0x2e,0x78,0x20,0x2a,0x20,0x62,0x2e,0x78,0x29,0x20,0x2b,0x20,0x28,0x61,0x2e,0x79,0x20,0x2a,0x20,0x62,0x2e,0x79,0x29,0x3b,0x20,0x73,0x69,0x6e,0x67,0x6c,0x65,0x72,0x65,0x61,0x6c,0x20,0x6e,0x75,0x6d,0x5f,0x79,0x20,0x3d,0x20,0x28,0x61,0x2e,0x79,0x20,0x2a,0x20,0x62,0x2e,0x78,0x29,0x20,0x2d,0x20,0x28,0x61,0x2e,0x78,0x20,0x2a,0x20,0x62,0x2e,0x79,0x29,0x3b,0x20,0x73,0x69,0x6e,0x67,0x6c,0x65,0x72,0x65,0x61,0x6c,0x20,0x64,0x65,0x6e,0x6f,0x6d,0x20,0x3d,0x20,0x28,0x62,0x2e,0x78,0x20,0x2a,0x20,0x62,0x2e,0x78,0x29,0x20,0x2b,0x20,0x28,0x62,0x2e,0x79,0x20,0x2a,0x20,0x62,0x2e,0x79,0x29,0x3b,0x20,0x63,0x2e,0x78,0x20,0x3d,0x20,0x6e,0x75,0x6d,0x5f,0x78,0x20,0x2f,0x20,0x64,0x65,0x6e,0x6f,0x6d,0x3b,0x20,0x63,0x2e,0x79,0x20,0x3d,0x20,0x6e,0x75,0x6d,0x5f,0x79,0x20,0x2f,0x20,0x64,0x65,0x6e,0x6f,0x6d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x69,0x76,0x69,0x64,0x65,0x46,0x75,0x6c,0x6c,0x28,0x63,0x2c,0x61,0x2c,0x62,0x29,0x20,0x63,0x20,0x3d,0x20,0x61,0x20,0x2f,0x20,0x62,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x73,0x63,0x61,0x6c,0x61,0x72,0x20,0x41,0x58,0x50,0x42,0x59,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x65,0x2c,0x61,0x2c,0x62,0x2c,0x63,0x2c,0x64,0x29,0x20,0x65,0x2e,0x78,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x52,0x65,0x61,0x6c,0x28,0x61,0x2c,0x62,0x29,0x20,0x2b,0x20,0x4d,0x75,0x6c,0x52,0x65,0x61,0x6c,0x28,0x63,0x2c,0x64,0x29,0x3b,0x20,0x65,0x2e,0x79,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x49,0x6d,0x61,0x67,0x28,0x61,0x2c,0x62,0x29,0x20,0x2b,0x20,0x4d,0x75,0x6c,0x49,0x6d,0x61,0x67,0x28,0x63,0x2c,0x64,0x29,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x65,0x2c,0x61,0x2c,0x62,0x2c,0x63,0x2c,0x64,0x29,0x20,0x65,0x20,0x3d,0x20,0x61,0x2a,0x62,0x20,0x2b,0x20,0x63,0x2a,0x64,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x63,0x6f,0x6d,0x70,0x6c,0x65,0x78,0x20,0x63,0x6f,0x6e,0x6a,0x75,0x67,0x61,0x74,0x65,0x20,0x6f,0x70,0x65,0x72,0x61,0x74,0x69,0x6f,0x6e,0x20,0x66,0x6f,0x72,0x20,0x63,0x6f,0x6d,0x70,0x6c,0x65,0x78,0x20,0x74,0x72,0x61,0x6e,0x73,0x66,0x6f,0x72,0x6d,0x73,0xa,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x43,0x4f,0x4d,0x50,0x4c,0x45,0x58,0x5f,0x43,0x4f,0x4e,0x4a,0x55,0x47,0x41,0x54,0x45,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x3b,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0x20,0x3d,0x20,0x2d,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x43,0x4f,0x4d,0x50,0x4c,0x45,0x58,0x5f,0x43,0x4f,0x4e,0x4a,0x55,0x47,0x41,0x54,0x45,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x46,0x6f,0x72,0x63,0x65,0x20,0x69,0x6e,0x6c,0x69,0x6e,0x69,0x6e,0x67,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0x73,0x20,0x6f,0x72,0x20,0x6e,0x6f,0x74,0x3a,0x20,0x73,0x6f,0x6d,0x65,0x20,0x63,0x6f,0x6d,0x70,0x69,0x6c,0x65,0x72,0x73,0x20,0x64,0x6f,0x6e,0x27,0x74,0x20,0x73,0x75,0x70,0x70,0x6f,0x72,0x74,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x6c,0x69,0x6e,0x65,0x20,0x6b,0x65,0x79,0x77,0x6f,0x72,0x64,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x55,0x53,0x45,0x5f,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x4b,0x45,0x59,0x57,0x4f,0x52,0x44,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x69,0x6e,0x6c,0x69,0x6e,0x65,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x53,0x68,0x75,0x66,0x66,0x6c,0x65,0x64,0x20,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x74,0x6f,0x20,0x61,0x76,0x6f,0x69,0x64,0x20,0x70,0x61,0x72,0x74,0x69,0x74,0x69,0x6f,0x6e,0x20,0x63,0x61,0x6d,0x70,0x69,0x6e,0x67,0x2c,0x20,0x73,0x65,0x65,0x20,0x62,0x65,0x6c,0x6f,0x77,0x2e,0x20,0x46,0x6f,0x72,0x20,0x73,0x70,0x65,0x63,0x69,0x66,0x69,0x63,0x20,0x64,0x65,0x76,0x69,0x63,0x65,0x73,0x2c,0x20,0x74,0x68,0x69,0x73,0x20,0x69,0x73,0xa,0x2f,0x2f,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0x64,0x20,0x28,0x73,0x65,0x65,0x20,0x73,0x72,0x63,0x2f,0x72,0x6f,0x75,0x74,0x69,0x6e,0x65,0x2e,0x63,0x63,0x29,0x2e,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x54,0x41,0x47,0x47,0x45,0x52,0x45,0x44,0x5f,0x49,0x4e,0x44,0x49,0x43,0x45,0x53,0xa,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x55,0x53,0x45,0x5f,0x53,0x54,0x41,0x47,0x47,0x45,0x52,0x45,0x44,0x5f,0x49,0x4e,0x44,0x49,0x43,0x45,0x53,0x20,0x30,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x74,0x61,0x67,0x67,0x65,0x72,0x65,0x64,0x2f,0x73,0x68,0x75,0x66,0x66,0x6c,0x65,0x64,0x20,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x74,0x6f,0x20,0x61,0x76,0x6f,0x69,0x64,0x20,0x70,0x61,0x72,0x74,0x69,0x74,0x69,0x6f,0x6e,0x20,0x63,0x61,0x6d,0x70,0x69,0x6e,0x67,0x20,0x28,0x41,0x4d,0x44,0x20,0x47,0x50,0x55,0x73,0x29,0x2e,0x20,0x46,0x6f,0x72,0x6d,0x75,0x6c,0x61,0x27,0x73,0x20,0x61,0x72,0x65,0x20,0x74,0x61,0x6b,0x65,0x6e,0x20,0x66,0x72,0x6f,0x6d,0x3a,0xa,0x2f,0x2f,0x20,0x68,0x74,0x74,0x70,0x3a,0x2f,0x2f,0x64,0x6f,0x63,0x73,0x2e,0x6e,0x76,0x69,0x64,0x69,0x61,0x2e,0x63,0x6f,0x6d,0x2f,0x63,0x75,0x64,0x61,0x2f,0x73,0x61,0x6d,0x70,0x6c,0x65,0x73,0x2f,0x36,0x5f,0x41,0x64,0x76,0x61,0x6e,0x63,0x65,0x64,0x2f,0x74,0x72,0x61,0x6e,0x73,0x70,0x6f,0x73,0x65,0x2f,0x64,0x6f,0x63,0x2f,0x4d,0x61,0x74,0x72,0x69,0x78,0x54,0x72,0x61,0x6e,0x73,0x70,0x6f,0x73,0x65,0x2e,0x70,0x64,0x66,0xa,0x2f,0x2f,0x20,0x4d,0x6f,0x72,0x65,0x20,0x64,0x65,0x74,0x61,0x69,0x6c,0x73,0x3a,0x20,0x68,0x74,0x74,0x70,0x73,0x3a,0x2f,0x2f,0x67,0x69,0x74,0x68,0x75,0x62,0x2e,0x63,0x6f,0x6d,0x2f,0x43,0x4e,0x75,0x67,0x74,0x65,0x72,0x65,0x6e,0x2f,0x43,0x4c,0x42,0x6c,0x61,0x73,0x74,0x2f,0x69,0x73,0x73,0x75,0x65,0x73,0x2f,0x35,0x33,0xa,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x54,0x41,0x47,0x47,0x45,0x52,0x45,0x44,0x5f,0x49,0x4e,0x44,0x49,0x43,0x45,0x53,0x20,0x3d,0x3d,0x20,0x31,0x20,0x26,0x26,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x69,0x6e,0x74,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x46,0x6c,0x61,0x74,0x28,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6e,0x75,0x6d,0x5f,0x67,0x72,0x6f,0x75,0x70,0x73,0x28,0x30,0x29,0x20,0x2a,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x7d,0xa,0x20,0x20,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x69,0x6e,0x74,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x28,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x46,0x6c,0x61,0x74,0x28,0x29,0x29,0x20,0x25,0x20,0x67,0x65,0x74,0x5f,0x6e,0x75,0x6d,0x5f,0x67,0x72,0x6f,0x75,0x70,0x73,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x7d,0xa,0x20,0x20,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x69,0x6e,0x74,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x30,0x28,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x28,0x28,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x46,0x6c,0x61,0x74,0x28,0x29,0x20,0x2f,0x20,0x67,0x65,0x74,0x5f,0x6e,0x75,0x6d,0x5f,0x67,0x72,0x6f,0x75,0x70,0x73,0x28,0x31,0x29,0x29,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x29,0x20,0x25,0x20,0x67,0x65,0x74,0x5f,0x6e,0x75,0x6d,0x5f,0x67,0x72,0x6f,0x75,0x70,0x73,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x7d,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x69,0x6e,0x74,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x20,0x7b,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0x20,0x7d,0xa,0x20,0x20,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x69,0x6e,0x74,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x30,0x28,0x29,0x20,0x7b,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0x20,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x45,0x6e,0x64,0x20,0x6f,0x66,0x20,0x74,0x68,0x65,0x20,0x43,0x2b,0x2b,0x31,0x31,0x20,0x72,0x61,0x77,0x20,0x73,0x74,0x72,0x69,0x6e,0x67,0x20,0x6c,0x69,0x74,0x65,0x72,0x61,0x6c,0xa,0xa,0x2f,0x2f,0x20,0x44,0x61,0x74,0x61,0x2d,0x77,0x69,0x64,0x74,0x68,0x73,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4d,0xa,0x23,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x32,0x20,0x72,0x65,0x61,0x6c,0x4d,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x34,0x20,0x72,0x65,0x61,0x6c,0x4d,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x38,0x20,0x72,0x65,0x61,0x6c,0x4d,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x31,0x36,0x20,0x72,0x65,0x61,0x6c,0x4d,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x44,0x61,0x74,0x61,0x2d,0x77,0x69,0x64,0x74,0x68,0x73,0x20,0x69,0x6e,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x20,0x4e,0xa,0x23,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x32,0x20,0x72,0x65,0x61,0x6c,0x4e,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x34,0x20,0x72,0x65,0x61,0x6c,0x4e,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x38,0x20,0x72,0x65,0x61,0x6c,0x4e,0x3b,0xa,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x74,0x79,0x70,0x65,0x64,0x65,0x66,0x20,0x72,0x65,0x61,0x6c,0x31,0x36,0x20,0x72,0x65,0x61,0x6c,0x4e,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x49,0x6e,0x69,0x74,0x69,0x61,0x6c,0x69,0x7a,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x61,0x63,0x63,0x75,0x6d,0x75,0x6c,0x61,0x74,0x69,0x6f,0x6e,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0x20,0x74,0x6f,0x20,0x7a,0x65,0x72,0x6f,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x49,0x6e,0x69,0x74,0x41,0x63,0x63,0x52,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0x28,0x29,0x20,0x7b,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x3b,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x39,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x41,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x42,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x43,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x44,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x53,0x65,0x74,0x54,0x6f,0x5a,0x65,0x72,0x6f,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x46,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x3b,0xa,0x7d,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x43,0x61,0x63,0x68,0x65,0x73,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6f,0x66,0x66,0x2d,0x63,0x68,0x69,0x70,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x69,0x6e,0x74,0x6f,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x28,0x73,0x68,0x61,0x72,0x65,0x64,0x29,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x6f,0x6e,0x2d,0x63,0x68,0x69,0x70,0x2e,0x20,0x54,0x68,0x69,0x73,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0x20,0x69,0x73,0x20,0x73,0x70,0x65,0x63,0x69,0x66,0x69,0x63,0x20,0x66,0x6f,0x72,0xa,0x2f,0x2f,0x20,0x63,0x61,0x63,0x68,0x69,0x6e,0x67,0x20,0x74,0x68,0x65,0x20,0x41,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x2e,0xa,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x76,0x6f,0x69,0x64,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x4c,0x6f,0x63,0x61,0x6c,0x41,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x61,0x67,0x6d,0x2c,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x61,0x6c,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x64,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x67,0x29,0x20,0x7b,0xa,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x61,0x30,0x20,0x3d,0x20,0x74,0x69,0x64,0x20,0x25,0x20,0x4d,0x44,0x49,0x4d,0x41,0x3b,0xa,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x61,0x31,0x20,0x3d,0x20,0x74,0x69,0x64,0x20,0x2f,0x20,0x4d,0x44,0x49,0x4d,0x41,0x3b,0xa,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x61,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6d,0x69,0x61,0x20,0x3c,0x20,0x4d,0x57,0x41,0x2f,0x56,0x57,0x4d,0x3b,0x20,0x5f,0x6d,0x69,0x61,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x61,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6b,0x69,0x61,0x20,0x3c,0x20,0x4b,0x57,0x41,0x3b,0x20,0x5f,0x6b,0x69,0x61,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x62,0x61,0x73,0x65,0x64,0x20,0x6f,0x6e,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x2f,0x6e,0x6f,0x6e,0x2d,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x20,0x61,0x63,0x63,0x65,0x73,0x73,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x5f,0x6d,0x69,0x61,0x20,0x2b,0x20,0x6c,0x61,0x30,0x2a,0x28,0x4d,0x57,0x41,0x2f,0x56,0x57,0x4d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x6c,0x61,0x30,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x61,0x2a,0x4d,0x44,0x49,0x4d,0x41,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x67,0x20,0x3d,0x20,0x5f,0x6b,0x69,0x61,0x20,0x2b,0x20,0x6c,0x61,0x31,0x2a,0x4b,0x57,0x41,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6d,0x20,0x3d,0x20,0x6d,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x30,0x28,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x47,0x2f,0x56,0x57,0x4d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6b,0x20,0x3d,0x20,0x6b,0x67,0x20,0x2b,0x20,0x6b,0x77,0x67,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x74,0x68,0x65,0x20,0x64,0x61,0x74,0x61,0x20,0x66,0x72,0x6f,0x6d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x6e,0x6f,0x74,0x20,0x74,0x72,0x61,0x6e,0x73,0x70,0x6f,0x73,0x65,0x64,0x29,0x20,0x69,0x6e,0x74,0x6f,0x20,0x74,0x68,0x65,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x61,0x6c,0x6d,0x5b,0x6b,0x67,0x2a,0x28,0x4d,0x57,0x47,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x6d,0x67,0x5d,0x20,0x3d,0x20,0x61,0x67,0x6d,0x5b,0x69,0x64,0x6b,0x2a,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x69,0x64,0x6d,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x7d,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x61,0x6d,0x65,0x20,0x61,0x73,0x20,0x61,0x62,0x6f,0x76,0x65,0x2c,0x20,0x62,0x75,0x74,0x20,0x6e,0x6f,0x77,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x42,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0xa,0x23,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x76,0x6f,0x69,0x64,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x4c,0x6f,0x63,0x61,0x6c,0x42,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x62,0x67,0x6d,0x2c,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x62,0x6c,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x64,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x67,0x29,0x20,0x7b,0xa,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x62,0x30,0x20,0x3d,0x20,0x74,0x69,0x64,0x20,0x25,0x20,0x4e,0x44,0x49,0x4d,0x42,0x3b,0xa,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x62,0x31,0x20,0x3d,0x20,0x74,0x69,0x64,0x20,0x2f,0x20,0x4e,0x44,0x49,0x4d,0x42,0x3b,0xa,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x62,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6b,0x69,0x62,0x20,0x3c,0x20,0x4b,0x57,0x42,0x3b,0x20,0x5f,0x6b,0x69,0x62,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x62,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x62,0x20,0x3c,0x20,0x4e,0x57,0x42,0x2f,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6e,0x69,0x62,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x62,0x61,0x73,0x65,0x64,0x20,0x6f,0x6e,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x2f,0x6e,0x6f,0x6e,0x2d,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x20,0x61,0x63,0x63,0x65,0x73,0x73,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x5f,0x6e,0x69,0x62,0x20,0x2b,0x20,0x6c,0x62,0x30,0x2a,0x28,0x4e,0x57,0x42,0x2f,0x56,0x57,0x4e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x6c,0x62,0x30,0x20,0x2b,0x20,0x5f,0x6e,0x69,0x62,0x2a,0x4e,0x44,0x49,0x4d,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x67,0x20,0x3d,0x20,0x5f,0x6b,0x69,0x62,0x20,0x2b,0x20,0x6c,0x62,0x31,0x2a,0x4b,0x57,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6e,0x20,0x3d,0x20,0x6e,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x20,0x2a,0x20,0x28,0x4e,0x57,0x47,0x2f,0x56,0x57,0x4e,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6b,0x20,0x3d,0x20,0x6b,0x67,0x20,0x2b,0x20,0x6b,0x77,0x67,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x74,0x68,0x65,0x20,0x64,0x61,0x74,0x61,0x20,0x66,0x72,0x6f,0x6d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x74,0x72,0x61,0x6e,0x73,0x70,0x6f,0x73,0x65,0x64,0x29,0x20,0x69,0x6e,0x74,0x6f,0x20,0x74,0x68,0x65,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x6c,0x6d,0x5b,0x6b,0x67,0x2a,0x28,0x4e,0x57,0x47,0x2f,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x6e,0x67,0x5d,0x20,0x3d,0x20,0x62,0x67,0x6d,0x5b,0x69,0x64,0x6b,0x2a,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2f,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x69,0x64,0x6e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x7d,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x43,0x61,0x63,0x68,0x65,0x73,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6f,0x66,0x66,0x2d,0x63,0x68,0x69,0x70,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x64,0x69,0x72,0x65,0x63,0x74,0x6c,0x79,0x20,0x69,0x6e,0x74,0x6f,0x20,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0x29,0x2e,0x20,0x54,0x68,0x69,0x73,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0xa,0x2f,0x2f,0x20,0x69,0x73,0x20,0x73,0x70,0x65,0x63,0x69,0x66,0x69,0x63,0x20,0x66,0x6f,0x72,0x20,0x63,0x61,0x63,0x68,0x69,0x6e,0x67,0x20,0x74,0x68,0x65,0x20,0x41,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x2e,0xa,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x30,0x20,0x26,0x26,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x41,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x61,0x67,0x6d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6b,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x77,0x67,0x29,0x20,0x7b,0xa,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x62,0x61,0x73,0x65,0x64,0x20,0x6f,0x6e,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x2f,0x6e,0x6f,0x6e,0x2d,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x20,0x61,0x63,0x63,0x65,0x73,0x73,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x2a,0x4d,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6d,0x20,0x3d,0x20,0x6d,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x30,0x28,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x47,0x2f,0x56,0x57,0x4d,0x29,0x3b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x74,0x68,0x65,0x20,0x64,0x61,0x74,0x61,0x20,0x66,0x72,0x6f,0x6d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x6e,0x6f,0x74,0x20,0x74,0x72,0x61,0x6e,0x73,0x70,0x6f,0x73,0x65,0x64,0x29,0x20,0x61,0x6e,0x64,0x20,0x73,0x74,0x6f,0x72,0x65,0x73,0x20,0x69,0x6e,0x74,0x6f,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x61,0x67,0x6d,0x5b,0x69,0x64,0x6b,0x2a,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x69,0x64,0x6d,0x5d,0x3b,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x61,0x6d,0x65,0x20,0x61,0x73,0x20,0x61,0x62,0x6f,0x76,0x65,0x2c,0x20,0x62,0x75,0x74,0x20,0x6e,0x6f,0x77,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x42,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0xa,0x23,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x30,0x20,0x26,0x26,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x42,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x62,0x67,0x6d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x62,0x61,0x73,0x65,0x64,0x20,0x6f,0x6e,0x20,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x2f,0x6e,0x6f,0x6e,0x2d,0x73,0x74,0x72,0x69,0x64,0x65,0x64,0x20,0x61,0x63,0x63,0x65,0x73,0x73,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2a,0x28,0x4e,0x57,0x49,0x2f,0x56,0x57,0x4e,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2b,0x20,0x5f,0x6e,0x69,0x2a,0x4e,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x69,0x6e,0x64,0x69,0x63,0x65,0x73,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6e,0x20,0x3d,0x20,0x6e,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x20,0x2a,0x20,0x28,0x4e,0x57,0x47,0x2f,0x56,0x57,0x4e,0x29,0x3b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x74,0x68,0x65,0x20,0x64,0x61,0x74,0x61,0x20,0x66,0x72,0x6f,0x6d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x74,0x72,0x61,0x6e,0x73,0x70,0x6f,0x73,0x65,0x64,0x29,0x20,0x61,0x6e,0x64,0x20,0x73,0x74,0x6f,0x72,0x65,0x73,0x20,0x69,0x6e,0x74,0x6f,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x62,0x67,0x6d,0x5b,0x69,0x64,0x6b,0x2a,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2f,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x69,0x64,0x6e,0x5d,0x3b,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0x23,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x31,0xa,0xa,0x2f,0x2f,0x20,0x43,0x61,0x63,0x68,0x65,0x73,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6f,0x66,0x66,0x2d,0x63,0x68,0x69,0x70,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x64,0x69,0x72,0x65,0x63,0x74,0x6c,0x79,0x20,0x69,0x6e,0x74,0x6f,0x20,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0x29,0x2e,0x20,0x54,0x68,0x69,0x73,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0xa,0x2f,0x2f,0x20,0x69,0x73,0x20,0x73,0x70,0x65,0x63,0x69,0x66,0x69,0x63,0x20,0x66,0x6f,0x72,0x20,0x63,0x61,0x63,0x68,0x69,0x6e,0x67,0x20,0x74,0x68,0x65,0x20,0x41,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x66,0x6f,0x72,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x31,0x2e,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x41,0x32,0x44,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x61,0x5f,0x70,0x74,0x72,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x64,0x5f,0x79,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6b,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x29,0x20,0x7b,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x74,0x69,0x64,0x5f,0x79,0x20,0x2a,0x20,0x4e,0x57,0x49,0x20,0x2b,0x20,0x5f,0x6e,0x69,0x29,0x20,0x2a,0x20,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x20,0x2f,0x20,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x69,0x64,0x6b,0x20,0x2f,0x20,0x56,0x57,0x4e,0x20,0x2b,0x20,0x5f,0x6b,0x69,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x61,0x67,0x6d,0x20,0x3d,0x20,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x29,0x20,0x61,0x5f,0x70,0x74,0x72,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x61,0x67,0x6d,0x5b,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x74,0x69,0x64,0x5f,0x79,0x20,0x2a,0x20,0x4e,0x57,0x49,0x20,0x2b,0x20,0x5f,0x6e,0x69,0x29,0x20,0x2a,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x20,0x2b,0x20,0x69,0x64,0x6b,0x20,0x2b,0x20,0x5f,0x6b,0x69,0x20,0x2a,0x20,0x56,0x57,0x4e,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x61,0x5f,0x70,0x74,0x72,0x5b,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x61,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x61,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x38,0x28,0x30,0x2c,0x20,0x61,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x61,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x61,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x2f,0x2f,0x20,0x53,0x61,0x6d,0x65,0x20,0x61,0x73,0x20,0x61,0x62,0x6f,0x76,0x65,0x2c,0x20,0x62,0x75,0x74,0x20,0x6e,0x6f,0x77,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x42,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x42,0x32,0x44,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x62,0x5f,0x70,0x74,0x72,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x64,0x5f,0x78,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6b,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x29,0x20,0x7b,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x33,0x32,0x33,0x32,0x20,0x7c,0x7c,0x20,0x50,0x52,0x45,0x43,0x49,0x53,0x49,0x4f,0x4e,0x20,0x3d,0x3d,0x20,0x36,0x34,0x36,0x34,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x69,0x64,0x6b,0x20,0x2b,0x20,0x5f,0x6b,0x69,0x29,0x20,0x2a,0x20,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x20,0x2f,0x20,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x74,0x69,0x64,0x5f,0x78,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x20,0x2f,0x20,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x62,0x67,0x6d,0x20,0x3d,0x20,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x29,0x20,0x62,0x5f,0x70,0x74,0x72,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x62,0x67,0x6d,0x5b,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x28,0x69,0x64,0x6b,0x20,0x2b,0x20,0x5f,0x6b,0x69,0x29,0x20,0x2a,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x20,0x2b,0x20,0x74,0x69,0x64,0x5f,0x78,0x20,0x2a,0x20,0x4d,0x57,0x49,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x20,0x2a,0x20,0x56,0x57,0x4d,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x62,0x5f,0x70,0x74,0x72,0x5b,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x32,0x28,0x30,0x2c,0x20,0x62,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x62,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x38,0x28,0x30,0x2c,0x20,0x62,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x76,0x6c,0x6f,0x61,0x64,0x31,0x36,0x28,0x30,0x2c,0x20,0x62,0x5f,0x70,0x74,0x72,0x20,0x2b,0x20,0x62,0x5f,0x69,0x6e,0x64,0x65,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x43,0x61,0x63,0x68,0x65,0x73,0x20,0x6f,0x6e,0x2d,0x63,0x68,0x69,0x70,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x69,0x6e,0x74,0x6f,0x20,0x70,0x65,0x72,0x2d,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0x29,0x2e,0x20,0x54,0x68,0x69,0x73,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0x20,0x69,0x73,0x20,0x73,0x70,0x65,0x63,0x69,0x66,0x69,0x63,0xa,0x2f,0x2f,0x20,0x66,0x6f,0x72,0x20,0x63,0x61,0x63,0x68,0x69,0x6e,0x67,0x20,0x74,0x68,0x65,0x20,0x41,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x2e,0xa,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x41,0x28,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x61,0x6c,0x6d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x67,0x29,0x20,0x7b,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x2a,0x4d,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x61,0x6c,0x6d,0x5b,0x6b,0x67,0x2a,0x28,0x4d,0x57,0x47,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x6d,0x67,0x5d,0x3b,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x53,0x61,0x6d,0x65,0x20,0x61,0x73,0x20,0x61,0x62,0x6f,0x76,0x65,0x2c,0x20,0x62,0x75,0x74,0x20,0x6e,0x6f,0x77,0x20,0x66,0x6f,0x72,0x20,0x74,0x68,0x65,0x20,0x42,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0xa,0x23,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x42,0x28,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x62,0x6c,0x6d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x67,0x29,0x20,0x7b,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2a,0x28,0x4e,0x57,0x49,0x2f,0x56,0x57,0x4e,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2b,0x20,0x5f,0x6e,0x69,0x2a,0x4e,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x62,0x6c,0x6d,0x5b,0x6b,0x67,0x2a,0x28,0x4e,0x57,0x47,0x2f,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x6e,0x67,0x5d,0x3b,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0xa,0xa,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x76,0x65,0x63,0x74,0x6f,0x72,0x69,0x73,0x65,0x64,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x2d,0x61,0x64,0x64,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x72,0x65,0x61,0x6c,0x4d,0x20,0x63,0x76,0x65,0x63,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x61,0x76,0x65,0x63,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x62,0x76,0x61,0x6c,0x29,0x20,0x7b,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x56,0x45,0x43,0x54,0x4f,0x52,0x5f,0x4d,0x41,0x44,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x63,0x76,0x65,0x63,0x20,0x2b,0x3d,0x20,0x61,0x76,0x65,0x63,0x20,0x2a,0x20,0x62,0x76,0x61,0x6c,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2c,0x20,0x20,0x20,0x20,0x61,0x76,0x65,0x63,0x2c,0x20,0x20,0x20,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x78,0x20,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x78,0x2c,0x20,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x79,0x20,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x79,0x2c,0x20,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x78,0x20,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x78,0x2c,0x20,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x79,0x20,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x79,0x2c,0x20,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x7a,0x20,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x7a,0x2c,0x20,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x77,0x20,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x77,0x2c,0x20,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x30,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x30,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x31,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x31,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x32,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x32,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x33,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x33,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x34,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x34,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x35,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x35,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x36,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x36,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x37,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x37,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x30,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x30,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x31,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x31,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x32,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x32,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x33,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x33,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x34,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x34,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x35,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x35,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x36,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x36,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x37,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x37,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x38,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x38,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x39,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x39,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x41,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x41,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x42,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x42,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x43,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x43,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x44,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x44,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x45,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x45,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x28,0x63,0x76,0x65,0x63,0x2e,0x73,0x46,0x2c,0x20,0x61,0x76,0x65,0x63,0x2e,0x73,0x46,0x2c,0x20,0x62,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x63,0x76,0x65,0x63,0x3b,0xa,0x7d,0xa,0xa,0x2f,0x2f,0x20,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0x3d,0xa,0xa,0x2f,0x2f,0x20,0x4d,0x65,0x72,0x67,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x73,0x20,0x69,0x6e,0x20,0x43,0x70,0x6d,0x20,0x77,0x69,0x74,0x68,0x20,0x74,0x68,0x65,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x61,0x72,0x72,0x61,0x79,0x20,0x69,0x6e,0x20,0x43,0x67,0x6d,0x2e,0x20,0x54,0x68,0x69,0x73,0x20,0x61,0x6c,0x73,0x6f,0x20,0x70,0x65,0x72,0x66,0x6f,0x72,0x6d,0x73,0x20,0x74,0x68,0x65,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x69,0x63,0x61,0x74,0x69,0x6f,0x6e,0xa,0x2f,0x2f,0x20,0x77,0x69,0x74,0x68,0x20,0x74,0x68,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x61,0x6e,0x74,0x73,0x3a,0x20,0x43,0x67,0x6d,0x20,0x3d,0x20,0x61,0x6c,0x70,0x68,0x61,0x2a,0x41,0x2a,0x42,0x20,0x2b,0x20,0x62,0x65,0x74,0x61,0x2a,0x43,0x67,0x6d,0x20,0x3d,0x20,0x61,0x6c,0x70,0x68,0x61,0x2a,0x43,0x70,0x6d,0x20,0x2b,0x20,0x62,0x65,0x74,0x61,0x2a,0x43,0x67,0x6d,0xa,0x2f,0x2f,0x20,0x6c,0x61,0x79,0x6f,0x75,0x74,0x20,0x3a,0x20,0x5b,0x4e,0x2c,0x20,0x4d,0x5d,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x76,0x6f,0x69,0x64,0x20,0x53,0x74,0x6f,0x72,0x65,0x52,0x65,0x73,0x75,0x6c,0x74,0x73,0x4d,0x28,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x63,0x67,0x6d,0x2c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x63,0x5f,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x62,0x65,0x74,0x61,0x29,0x20,0x7b,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x2a,0x4d,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2a,0x4e,0x57,0x49,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x5f,0x6e,0x69,0x25,0x56,0x57,0x4e,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x28,0x5f,0x6e,0x69,0x2f,0x56,0x57,0x4e,0x29,0x2a,0x56,0x57,0x4e,0x2a,0x4e,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6d,0x20,0x3d,0x20,0x6d,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x30,0x28,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x47,0x2f,0x56,0x57,0x4d,0x29,0x3b,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6e,0x20,0x3d,0x20,0x6e,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x20,0x2a,0x20,0x4e,0x57,0x47,0x3b,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x69,0x64,0x6e,0x2a,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x69,0x64,0x6d,0x3b,0xa,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x3b,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x78,0x76,0x61,0x6c,0x20,0x3d,0x20,0x63,0x5f,0x76,0x61,0x6c,0x75,0x65,0x3b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x66,0x69,0x6e,0x61,0x6c,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x69,0x63,0x61,0x74,0x69,0x6f,0x6e,0x20,0x77,0x69,0x74,0x68,0x20,0x61,0x6c,0x70,0x68,0x61,0x20,0x28,0x69,0x6e,0x20,0x63,0x61,0x73,0x65,0x20,0x62,0x65,0x74,0x61,0x20,0x3d,0x3d,0x20,0x30,0x29,0xa,0x20,0x20,0x69,0x66,0x20,0x28,0x49,0x73,0x5a,0x65,0x72,0x6f,0x28,0x62,0x65,0x74,0x61,0x29,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x7a,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x77,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x38,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x39,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x39,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x41,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x41,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x42,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x42,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x43,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x43,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x44,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x44,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x45,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x46,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x46,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x54,0x68,0x65,0x20,0x66,0x69,0x6e,0x61,0x6c,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x69,0x63,0x61,0x74,0x69,0x6f,0x6e,0x20,0x77,0x69,0x74,0x68,0x20,0x61,0x6c,0x70,0x68,0x61,0x20,0x61,0x6e,0x64,0x20,0x74,0x68,0x65,0x20,0x61,0x64,0x64,0x69,0x74,0x69,0x6f,0x6e,0x20,0x77,0x69,0x74,0x68,0x20,0x62,0x65,0x74,0x61,0x2a,0x43,0xa,0x20,0x20,0x65,0x6c,0x73,0x65,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x79,0x76,0x61,0x6c,0x20,0x3d,0x20,0x63,0x67,0x6d,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x78,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x79,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x78,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x79,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x7a,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x7a,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x77,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x77,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x30,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x31,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x32,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x33,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x34,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x35,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x36,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x37,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4d,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x30,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x31,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x32,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x33,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x34,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x35,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x36,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x37,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x38,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x38,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x39,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x39,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x39,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x41,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x41,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x41,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x42,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x42,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x42,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x43,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x43,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x43,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x44,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x44,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x44,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x45,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x45,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x41,0x58,0x50,0x42,0x59,0x28,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x46,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x46,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x79,0x76,0x61,0x6c,0x2e,0x73,0x46,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x7d,0xa,0x20,0x20,0x63,0x67,0x6d,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x20,0x3d,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x3b,0xa,0x7d,0xa,0xa,0xa,0x2f,0x2f,0x20,0x6c,0x61,0x79,0x6f,0x75,0x74,0x20,0x3a,0x20,0x5b,0x4d,0x2c,0x20,0x4e,0x5d,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x76,0x6f,0x69,0x64,0x20,0x53,0x74,0x6f,0x72,0x65,0x52,0x65,0x73,0x75,0x6c,0x74,0x73,0x4e,0x28,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x63,0x67,0x6e,0x2c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x63,0x5f,0x76,0x61,0x6c,0x75,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x65,0x67,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x62,0x65,0x74,0x61,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2a,0x4d,0x57,0x49,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4d,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x67,0x20,0x3d,0x20,0x5f,0x6d,0x69,0x25,0x56,0x57,0x4d,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2a,0x56,0x57,0x4d,0x20,0x2b,0x20,0x28,0x5f,0x6d,0x69,0x2f,0x56,0x57,0x4d,0x29,0x2a,0x56,0x57,0x4d,0x2a,0x4d,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2a,0x28,0x4e,0x57,0x49,0x2f,0x56,0x57,0x4e,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x54,0x52,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x67,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2b,0x20,0x5f,0x6e,0x69,0x2a,0x4e,0x44,0x49,0x4d,0x43,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6d,0x20,0x3d,0x20,0x6d,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x30,0x28,0x29,0x20,0x2a,0x20,0x4d,0x57,0x47,0x3b,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6e,0x20,0x3d,0x20,0x6e,0x67,0x20,0x2b,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x20,0x2a,0x20,0x28,0x4e,0x57,0x47,0x2f,0x56,0x57,0x4e,0x29,0x3b,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x6e,0x64,0x65,0x78,0x20,0x3d,0x20,0x69,0x64,0x6d,0x20,0x2a,0x20,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2f,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x69,0x64,0x6e,0x3b,0xa,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x20,0x3d,0x20,0x30,0x3b,0xa,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x20,0x3d,0x20,0x63,0x5f,0x76,0x61,0x6c,0x75,0x65,0x3b,0xa,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x78,0x76,0x61,0x6c,0x20,0x3d,0x20,0x65,0x67,0x6e,0x5b,0x69,0x64,0x6e,0x5d,0x3b,0xa,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x79,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x78,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x79,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x7a,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x77,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x77,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x35,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x37,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x30,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x31,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x32,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x33,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x34,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x35,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x35,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x36,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x36,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x37,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x37,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x38,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x38,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x39,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x39,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x41,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x41,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x42,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x42,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x43,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x43,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x44,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x44,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x45,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x45,0x3b,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x2e,0x73,0x46,0x20,0x2b,0x3d,0x20,0x78,0x76,0x61,0x6c,0x2e,0x73,0x46,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x63,0x67,0x6e,0x5b,0x69,0x6e,0x64,0x65,0x78,0x5d,0x20,0x3d,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x3b,0xa,0x7d,0xa,0x2f,0x2f,0x20,0x41,0x20,0x63,0x6f,0x6d,0x6d,0x6f,0x6e,0x20,0x69,0x6e,0x74,0x65,0x72,0x66,0x61,0x63,0x65,0x20,0x66,0x6f,0x72,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0x73,0xa,0xa,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x3d,0x3d,0x20,0x31,0xa,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x69,0x6e,0x74,0x20,0x63,0x6c,0x62,0x6c,0x61,0x73,0x74,0x5f,0x67,0x65,0x74,0x5f,0x73,0x75,0x62,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x49,0x6e,0x74,0x65,0x6c,0x20,0x65,0x78,0x74,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x49,0x4e,0x54,0x45,0x4c,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x67,0x65,0x74,0x5f,0x73,0x75,0x62,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x29,0x3b,0xa,0x20,0x20,0xa,0x20,0x20,0x2f,0x2f,0x20,0x4e,0x76,0x69,0x64,0x69,0x61,0x20,0x69,0x6e,0x6c,0x69,0x6e,0x65,0x20,0x50,0x54,0x58,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x52,0x45,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x7c,0x7c,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x4f,0x53,0x54,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x69,0x6e,0x74,0x20,0x72,0x65,0x74,0x3b,0xa,0x20,0x20,0x61,0x73,0x6d,0x20,0x76,0x6f,0x6c,0x61,0x74,0x69,0x6c,0x65,0x28,0x22,0x6d,0x6f,0x76,0x2e,0x75,0x33,0x32,0x20,0x25,0x30,0x2c,0x20,0x25,0x25,0x6c,0x61,0x6e,0x65,0x69,0x64,0x3b,0x22,0x20,0x3a,0x20,0x22,0x3d,0x72,0x22,0x28,0x72,0x65,0x74,0x29,0x20,0x29,0x3b,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x72,0x65,0x74,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x63,0x6c,0x62,0x6c,0x61,0x73,0x74,0x5f,0x73,0x75,0x62,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x73,0x68,0x75,0x66,0x66,0x6c,0x65,0x28,0x72,0x65,0x61,0x6c,0x4e,0x20,0x72,0x65,0x67,0x2c,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x49,0x6e,0x74,0x65,0x6c,0x20,0x65,0x78,0x74,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x49,0x4e,0x54,0x45,0x4c,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x69,0x6e,0x74,0x65,0x6c,0x5f,0x73,0x75,0x62,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x73,0x68,0x75,0x66,0x66,0x6c,0x65,0x28,0x72,0x65,0x67,0x2c,0x20,0x73,0x72,0x63,0x29,0x3b,0xa,0x20,0x20,0xa,0x20,0x20,0x2f,0x2f,0x20,0x4e,0x76,0x69,0x64,0x69,0x61,0x20,0x69,0x6e,0x6c,0x69,0x6e,0x65,0x20,0x50,0x54,0x58,0xa,0x20,0x20,0x2f,0x2f,0x20,0x56,0x6f,0x6c,0x74,0x61,0x20,0x61,0x6e,0x64,0x20,0x6c,0x61,0x74,0x65,0x72,0x20,0x72,0x65,0x71,0x75,0x69,0x72,0x65,0x73,0x20,0x2e,0x73,0x79,0x6e,0x63,0x20,0x73,0x68,0x75,0x66,0x66,0x6c,0x65,0x20,0x69,0x6e,0x73,0x74,0x72,0x75,0x63,0x74,0x69,0x6f,0x6e,0x73,0x20,0x77,0x69,0x74,0x68,0x20,0x61,0x6e,0x20,0x65,0x78,0x74,0x72,0x61,0x20,0x6d,0x61,0x73,0x6b,0x20,0x61,0x72,0x67,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x52,0x45,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x7c,0x7c,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x4f,0x53,0x54,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x72,0x65,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x5f,0x4e,0x56,0x49,0x44,0x49,0x41,0x5f,0x50,0x4f,0x53,0x54,0x5f,0x56,0x4f,0x4c,0x54,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x61,0x73,0x6d,0x20,0x76,0x6f,0x6c,0x61,0x74,0x69,0x6c,0x65,0x28,0x22,0x73,0x68,0x66,0x6c,0x2e,0x73,0x79,0x6e,0x63,0x2e,0x69,0x64,0x78,0x2e,0x62,0x33,0x32,0x20,0x25,0x30,0x2c,0x20,0x25,0x31,0x2c,0x20,0x25,0x32,0x2c,0x20,0x30,0x78,0x31,0x66,0x2c,0x20,0x30,0x78,0x66,0x66,0x66,0x66,0x66,0x66,0x66,0x66,0x3b,0x22,0x20,0x3a,0x20,0x22,0x3d,0x66,0x22,0x28,0x72,0x65,0x74,0x29,0x3a,0x20,0x22,0x66,0x22,0x28,0x72,0x65,0x67,0x29,0x2c,0x20,0x22,0x72,0x22,0x28,0x73,0x72,0x63,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x61,0x73,0x6d,0x20,0x76,0x6f,0x6c,0x61,0x74,0x69,0x6c,0x65,0x28,0x22,0x73,0x68,0x66,0x6c,0x2e,0x69,0x64,0x78,0x2e,0x62,0x33,0x32,0x20,0x25,0x30,0x2c,0x20,0x25,0x31,0x2c,0x20,0x25,0x32,0x2c,0x20,0x30,0x78,0x31,0x66,0x3b,0x22,0x20,0x3a,0x20,0x22,0x3d,0x66,0x22,0x28,0x72,0x65,0x74,0x29,0x3a,0x20,0x22,0x66,0x22,0x28,0x72,0x65,0x67,0x29,0x2c,0x20,0x22,0x72,0x22,0x28,0x73,0x72,0x63,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x20,0x72,0x65,0x74,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x4d,0x61,0x69,0x6e,0x20,0x62,0x6f,0x64,0x79,0x20,0x6f,0x66,0x20,0x74,0x68,0x65,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x2d,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x69,0x63,0x61,0x74,0x69,0x6f,0x6e,0x20,0x61,0x6c,0x67,0x6f,0x72,0x69,0x74,0x68,0x6d,0x2e,0x20,0x49,0x74,0x20,0x63,0x61,0x6c,0x6c,0x73,0x20,0x76,0x61,0x72,0x69,0x6f,0x75,0x73,0x20,0x28,0x69,0x6e,0x6c,0x69,0x6e,0x65,0x64,0x29,0x20,0x66,0x75,0x6e,0x63,0x74,0x69,0x6f,0x6e,0x73,0x2e,0xa,0x49,0x4e,0x4c,0x49,0x4e,0x45,0x5f,0x46,0x55,0x4e,0x43,0x20,0x76,0x6f,0x69,0x64,0x20,0x58,0x67,0x65,0x6d,0x6d,0x42,0x6f,0x64,0x79,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x61,0x67,0x6d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x62,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x65,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x63,0x67,0x6d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x62,0x65,0x74,0x61,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x26,0x26,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2c,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x61,0x6c,0x6d,0x2c,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x62,0x6c,0x6d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2c,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x61,0x6c,0x6d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2c,0x20,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x50,0x54,0x52,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x62,0x6c,0x6d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6c,0x6c,0x6f,0x63,0x61,0x74,0x65,0x73,0x20,0x77,0x6f,0x72,0x6b,0x69,0x74,0x65,0x6d,0x2d,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0x29,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x70,0x72,0x6f,0x6d,0x6f,0x74,0x65,0x5f,0x74,0x6f,0x5f,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x61,0x70,0x6d,0x5b,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x5d,0x3b,0x20,0x2f,0x2f,0x20,0x4d,0x57,0x49,0x20,0x2a,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x70,0x72,0x6f,0x6d,0x6f,0x74,0x65,0x5f,0x74,0x6f,0x5f,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x62,0x70,0x6d,0x5b,0x4e,0x57,0x49,0x2f,0x56,0x57,0x4e,0x5d,0x3b,0x20,0x2f,0x2f,0x20,0x31,0x20,0x2a,0x20,0x4e,0x57,0x49,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x70,0x72,0x6f,0x6d,0x6f,0x74,0x65,0x5f,0x74,0x6f,0x5f,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x61,0x70,0x6d,0x5b,0x4b,0x52,0x45,0x47,0x2f,0x56,0x57,0x4e,0x5d,0x3b,0x20,0x2f,0x2f,0x20,0x4b,0x52,0x45,0x47,0x20,0x28,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x20,0x73,0x68,0x75,0x66,0x66,0x6c,0x69,0x6e,0x67,0x20,0x69,0x6e,0x20,0x4e,0x57,0x49,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0x29,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x70,0x72,0x6f,0x6d,0x6f,0x74,0x65,0x5f,0x74,0x6f,0x5f,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x61,0x70,0x6d,0x5b,0x4e,0x57,0x49,0x2a,0x28,0x4b,0x52,0x45,0x47,0x2f,0x56,0x57,0x4e,0x29,0x5d,0x3b,0x20,0x2f,0x2f,0x20,0x4e,0x57,0x49,0x20,0x2a,0x20,0x4b,0x52,0x45,0x47,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x70,0x72,0x6f,0x6d,0x6f,0x74,0x65,0x5f,0x74,0x6f,0x5f,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x20,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x62,0x70,0x6d,0x5b,0x4b,0x52,0x45,0x47,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x5d,0x3b,0x20,0x2f,0x2f,0x20,0x4b,0x52,0x45,0x47,0x20,0x2a,0x20,0x4d,0x57,0x49,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x70,0x72,0x6f,0x6d,0x6f,0x74,0x65,0x5f,0x74,0x6f,0x5f,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x63,0x70,0x6d,0x5b,0x4e,0x57,0x49,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x5d,0x3b,0x20,0x2f,0x2f,0x20,0x4e,0x57,0x49,0x20,0x2a,0x20,0x4d,0x57,0x49,0xa,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x61,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x29,0x20,0x26,0x61,0x67,0x6d,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x62,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x29,0x20,0x26,0x62,0x67,0x6d,0x5b,0x30,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x64,0x5f,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2b,0x20,0x4d,0x44,0x49,0x4d,0x43,0x20,0x2a,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x30,0x28,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x64,0x5f,0x79,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2b,0x20,0x4e,0x44,0x49,0x4d,0x43,0x20,0x2a,0x20,0x47,0x65,0x74,0x47,0x72,0x6f,0x75,0x70,0x49,0x44,0x31,0x28,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x62,0x69,0x6e,0x65,0x64,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x69,0x64,0x65,0x6e,0x74,0x69,0x66,0x69,0x65,0x72,0x20,0x28,0x76,0x6f,0x6c,0x61,0x74,0x69,0x6c,0x65,0x20,0x74,0x6f,0x20,0x64,0x69,0x73,0x61,0x62,0x6c,0x65,0x20,0x63,0x61,0x63,0x68,0x69,0x6e,0x67,0x29,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x7c,0x7c,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x76,0x6f,0x6c,0x61,0x74,0x69,0x6c,0x65,0x20,0x69,0x6e,0x74,0x20,0x74,0x69,0x64,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2b,0x20,0x4d,0x44,0x49,0x4d,0x43,0x2a,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x49,0x6e,0x69,0x74,0x69,0x61,0x6c,0x69,0x7a,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x61,0x63,0x63,0x75,0x6d,0x75,0x6c,0x61,0x74,0x69,0x6f,0x6e,0x20,0x72,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0xa,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x3c,0x20,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x3c,0x20,0x4e,0x57,0x49,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x49,0x6e,0x69,0x74,0x41,0x63,0x63,0x52,0x65,0x67,0x69,0x73,0x74,0x65,0x72,0x73,0x28,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x6f,0x70,0x73,0x20,0x6f,0x76,0x65,0x72,0x20,0x61,0x6c,0x6c,0x20,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x20,0x74,0x69,0x6c,0x65,0x73,0xa,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x6b,0x77,0x67,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6b,0x77,0x67,0x20,0x3c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x3b,0x20,0x6b,0x77,0x67,0x20,0x2b,0x3d,0x20,0x4b,0x57,0x47,0x20,0x2a,0x20,0x4b,0x52,0x45,0x47,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x6f,0x66,0x66,0x2d,0x63,0x68,0x69,0x70,0x20,0x2d,0x2d,0x3e,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x29,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x4c,0x6f,0x63,0x61,0x6c,0x41,0x28,0x61,0x67,0x6d,0x2c,0x20,0x61,0x6c,0x6d,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x74,0x69,0x64,0x2c,0x20,0x6b,0x77,0x67,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x6f,0x66,0x66,0x2d,0x63,0x68,0x69,0x70,0x20,0x2d,0x2d,0x3e,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x29,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x4c,0x6f,0x63,0x61,0x6c,0x42,0x28,0x62,0x67,0x6d,0x2c,0x20,0x62,0x6c,0x6d,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x74,0x69,0x64,0x2c,0x20,0x6b,0x77,0x67,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x7c,0x7c,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x6f,0x70,0x73,0x20,0x6f,0x76,0x65,0x72,0x20,0x61,0x6c,0x6c,0x20,0x77,0x6f,0x72,0x6b,0x69,0x74,0x65,0x6d,0x20,0x74,0x69,0x6c,0x65,0x73,0x2c,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0x65,0x64,0x20,0x62,0x79,0x20,0x61,0x20,0x66,0x61,0x63,0x74,0x6f,0x72,0x20,0x4b,0x57,0x49,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x70,0x77,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x70,0x77,0x69,0x20,0x3c,0x20,0x4b,0x57,0x47,0x20,0x2a,0x20,0x4b,0x52,0x45,0x47,0x3b,0x20,0x70,0x77,0x69,0x20,0x2b,0x3d,0x20,0x4b,0x57,0x49,0x20,0x2a,0x20,0x4b,0x52,0x45,0x47,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x70,0x69,0x74,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x70,0x69,0x74,0x20,0x3c,0x20,0x4b,0x57,0x49,0x2a,0x4b,0x52,0x45,0x47,0x3b,0x20,0x5f,0x70,0x69,0x74,0x20,0x2b,0x3d,0x20,0x4b,0x52,0x45,0x47,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x30,0x20,0x7c,0x7c,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x64,0x6b,0x20,0x3d,0x20,0x6b,0x77,0x67,0x20,0x2b,0x20,0x70,0x77,0x69,0x20,0x2b,0x20,0x5f,0x70,0x69,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x7c,0x7c,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6b,0x67,0x20,0x3d,0x20,0x70,0x77,0x69,0x20,0x2b,0x20,0x5f,0x70,0x69,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x29,0x20,0x6f,0x72,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x31,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x3c,0x20,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x2d,0x2d,0x3e,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0x20,0x26,0x26,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x61,0x70,0x6d,0x5b,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x41,0x28,0x61,0x6c,0x6d,0x2c,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x6b,0x67,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x6f,0x66,0x66,0x2d,0x63,0x68,0x69,0x70,0x20,0x2d,0x2d,0x3e,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0x20,0x26,0x26,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x61,0x70,0x6d,0x5b,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x41,0x28,0x61,0x67,0x6d,0x2c,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x69,0x64,0x6b,0x2c,0x20,0x6b,0x77,0x67,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x32,0x44,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x2d,0x2d,0x3e,0x20,0x32,0x44,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x3c,0x20,0x4b,0x52,0x45,0x47,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6b,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x42,0x32,0x44,0x28,0x62,0x5f,0x70,0x74,0x72,0x2c,0x20,0x74,0x69,0x64,0x5f,0x78,0x2c,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x69,0x64,0x6b,0x2c,0x20,0x5f,0x6b,0x69,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x30,0x29,0x20,0x6f,0x72,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x20,0x28,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x31,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x3c,0x20,0x4e,0x57,0x49,0x2f,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x2d,0x2d,0x3e,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x20,0x3d,0x20,0x4c,0x6f,0x63,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x42,0x28,0x62,0x6c,0x6d,0x2c,0x20,0x5f,0x6e,0x69,0x2c,0x20,0x6b,0x67,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x6f,0x66,0x66,0x2d,0x63,0x68,0x69,0x70,0x20,0x2d,0x2d,0x3e,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x42,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x20,0x3d,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x42,0x28,0x62,0x67,0x6d,0x2c,0x20,0x5f,0x6e,0x69,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x69,0x64,0x6b,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x32,0x44,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x2d,0x2d,0x3e,0x20,0x32,0x44,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x29,0x2e,0x20,0x50,0x61,0x72,0x74,0x6c,0x79,0x2c,0x20,0x73,0x68,0x75,0x66,0x66,0x6c,0x65,0x64,0x20,0x6c,0x61,0x74,0x65,0x72,0x20,0x61,0x6d,0x6f,0x6e,0x67,0x20,0x73,0x75,0x62,0x67,0x72,0x6f,0x75,0x70,0x73,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x63,0x6c,0x62,0x6c,0x61,0x73,0x74,0x5f,0x67,0x65,0x74,0x5f,0x73,0x75,0x62,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x3c,0x20,0x4b,0x52,0x45,0x47,0x2f,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x61,0x70,0x6d,0x5b,0x5f,0x6b,0x69,0x5d,0x20,0x3d,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x41,0x32,0x44,0x28,0x61,0x5f,0x70,0x74,0x72,0x2c,0x20,0x74,0x69,0x64,0x5f,0x79,0x2c,0x20,0x5f,0x6e,0x69,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0x20,0x69,0x64,0x6b,0x2c,0x20,0x5f,0x6b,0x69,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x4c,0x6f,0x61,0x64,0x73,0x20,0x64,0x61,0x74,0x61,0x3a,0x20,0x32,0x44,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x2d,0x2d,0x3e,0x20,0x32,0x44,0x20,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x28,0x6d,0x61,0x74,0x72,0x69,0x78,0x20,0x41,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x3c,0x20,0x4e,0x57,0x49,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x3c,0x20,0x4b,0x52,0x45,0x47,0x2f,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x61,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4b,0x52,0x45,0x47,0x2f,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x5f,0x6b,0x69,0x5d,0x20,0x3d,0x20,0x47,0x6c,0x6f,0x62,0x61,0x6c,0x54,0x6f,0x50,0x72,0x69,0x76,0x61,0x74,0x65,0x41,0x32,0x44,0x28,0x61,0x5f,0x70,0x74,0x72,0x2c,0x20,0x74,0x69,0x64,0x5f,0x79,0x2c,0x20,0x5f,0x6e,0x69,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0x20,0x69,0x64,0x6b,0x2c,0x20,0x5f,0x6b,0x69,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x50,0x65,0x72,0x66,0x6f,0x72,0x6d,0x73,0x20,0x74,0x68,0x65,0x20,0x61,0x63,0x63,0x75,0x6d,0x75,0x6c,0x61,0x74,0x69,0x6f,0x6e,0x20,0x28,0x43,0x70,0x6d,0x20,0x2b,0x3d,0x20,0x41,0x70,0x6d,0x20,0x2a,0x20,0x42,0x70,0x6d,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x3c,0x20,0x4e,0x57,0x49,0x2f,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x3c,0x20,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x61,0x76,0x61,0x6c,0x20,0x3d,0x20,0x61,0x70,0x6d,0x5b,0x5f,0x6d,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x32,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x32,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x33,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x33,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x32,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x32,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x33,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x33,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x34,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x34,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x35,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x35,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x36,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x36,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x37,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x37,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x30,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x32,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x32,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x33,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x33,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x34,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x34,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x35,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x35,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x36,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x36,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x37,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x37,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x38,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x38,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x39,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x39,0x20,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x39,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x30,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x41,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x31,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x42,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x32,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x32,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x43,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x33,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x33,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x44,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x34,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x34,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x35,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x20,0x2b,0x20,0x31,0x35,0x29,0x2a,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x5d,0x2e,0x73,0x46,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x3c,0x20,0x4e,0x57,0x49,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x3c,0x20,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6b,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x3c,0x20,0x4b,0x52,0x45,0x47,0x2f,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x55,0x53,0x45,0x5f,0x53,0x55,0x42,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x48,0x55,0x46,0x46,0x4c,0x49,0x4e,0x47,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x61,0x76,0x61,0x6c,0x20,0x3d,0x20,0x63,0x6c,0x62,0x6c,0x61,0x73,0x74,0x5f,0x73,0x75,0x62,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x73,0x68,0x75,0x66,0x66,0x6c,0x65,0x28,0x61,0x70,0x6d,0x5b,0x5f,0x6b,0x69,0x5d,0x2c,0x20,0x5f,0x6e,0x69,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x61,0x76,0x61,0x6c,0x20,0x3d,0x20,0x61,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4b,0x52,0x45,0x47,0x2f,0x56,0x57,0x4e,0x29,0x20,0x2b,0x20,0x5f,0x6b,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x32,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x79,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x7a,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x77,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x38,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x34,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x35,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x36,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x37,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x56,0x57,0x4e,0x20,0x3d,0x3d,0x20,0x31,0x36,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x30,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x32,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x33,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x33,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x34,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x35,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x35,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x36,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x36,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x37,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x37,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x38,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x38,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x39,0x20,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x39,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x30,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x41,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x31,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x42,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x32,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x43,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x33,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x44,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x34,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x20,0x3d,0x20,0x4d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x79,0x41,0x64,0x64,0x56,0x65,0x63,0x74,0x6f,0x72,0x28,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x62,0x70,0x6d,0x5b,0x28,0x56,0x57,0x4e,0x20,0x2a,0x20,0x5f,0x6b,0x69,0x20,0x2b,0x20,0x31,0x35,0x29,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x61,0x76,0x61,0x6c,0x2e,0x73,0x46,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x7c,0x7c,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x7d,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x4d,0x4e,0xa,0x20,0x20,0x2f,0x2f,0x20,0x52,0x65,0x76,0x69,0x73,0x65,0x20,0x74,0x6f,0x20,0x5b,0x4d,0x2c,0x20,0x4e,0x5d,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x63,0x70,0x6e,0x3b,0x20,0x2f,0x2f,0x20,0x4d,0x57,0x49,0x20,0x2a,0x20,0x4e,0x57,0x49,0xa,0x20,0x20,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x63,0x70,0x6e,0x5f,0x6d,0x78,0x6e,0x20,0x3d,0x20,0x28,0x72,0x65,0x61,0x6c,0x20,0x2a,0x29,0x28,0x26,0x63,0x70,0x6e,0x29,0x3b,0xa,0x20,0x20,0x72,0x65,0x61,0x6c,0x2a,0x20,0x63,0x70,0x6d,0x5f,0x6e,0x78,0x6d,0x20,0x3d,0x20,0x28,0x72,0x65,0x61,0x6c,0x20,0x2a,0x29,0x63,0x70,0x6d,0x3b,0xa,0xa,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x3c,0x20,0x4d,0x57,0x49,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x3c,0x20,0x4e,0x57,0x49,0x2f,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x70,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x70,0x20,0x3c,0x20,0x56,0x57,0x4e,0x3b,0x20,0x5f,0x6e,0x69,0x70,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x70,0x6e,0x5f,0x6d,0x78,0x6e,0x5b,0x5f,0x6e,0x69,0x70,0x5d,0x20,0x3d,0x20,0x63,0x70,0x6d,0x5f,0x6e,0x78,0x6d,0x5b,0x28,0x5f,0x6e,0x69,0x2a,0x56,0x57,0x4e,0x2b,0x5f,0x6e,0x69,0x70,0x29,0x20,0x2a,0x20,0x4d,0x57,0x49,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x53,0x74,0x6f,0x72,0x65,0x52,0x65,0x73,0x75,0x6c,0x74,0x73,0x4e,0x28,0x28,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x29,0x63,0x67,0x6d,0x2c,0x20,0x63,0x70,0x6e,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x65,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x5f,0x6e,0x69,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x62,0x65,0x74,0x61,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x7d,0xa,0x20,0x20,0xa,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0xa,0x20,0x20,0x2f,0x2f,0x20,0x53,0x74,0x6f,0x72,0x65,0x73,0x20,0x61,0x6e,0x20,0x4d,0x57,0x47,0x20,0x2a,0x20,0x4e,0x57,0x47,0x20,0x74,0x69,0x6c,0x65,0x20,0x6f,0x66,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x73,0x20,0x61,0x6e,0x64,0x20,0x70,0x65,0x72,0x66,0x6f,0x72,0x6d,0x73,0x20,0x74,0x68,0x65,0x20,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x69,0x63,0x61,0x74,0x69,0x6f,0x6e,0x20,0x77,0x69,0x74,0x68,0x20,0x61,0x6c,0x70,0x68,0x61,0x20,0x61,0x6e,0x64,0x20,0x62,0x65,0x74,0x61,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x30,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x6c,0x64,0x20,0x3d,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x47,0x45,0x4d,0x4d,0x4b,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x6c,0x64,0x20,0x3d,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0xa,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6e,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x3c,0x20,0x4e,0x57,0x49,0x3b,0x20,0x5f,0x6e,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x20,0x28,0x69,0x6e,0x74,0x20,0x5f,0x6d,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x3c,0x20,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x3b,0x20,0x5f,0x6d,0x69,0x20,0x2b,0x3d,0x20,0x31,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x53,0x74,0x6f,0x72,0x65,0x52,0x65,0x73,0x75,0x6c,0x74,0x73,0x4d,0x28,0x63,0x67,0x6d,0x2c,0x20,0x63,0x70,0x6d,0x5b,0x5f,0x6e,0x69,0x20,0x2a,0x20,0x28,0x4d,0x57,0x49,0x2f,0x56,0x57,0x4d,0x29,0x20,0x2b,0x20,0x5f,0x6d,0x69,0x5d,0x2c,0x20,0x5f,0x6d,0x69,0x2c,0x20,0x5f,0x6e,0x69,0x2c,0x20,0x63,0x6c,0x64,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x62,0x65,0x74,0x61,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x7d,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa,0xa,0x2f,0x2f,0x20,0x4d,0x61,0x69,0x6e,0x20,0x65,0x6e,0x74,0x72,0x79,0x20,0x70,0x6f,0x69,0x6e,0x74,0x20,0x6f,0x66,0x20,0x74,0x68,0x65,0x20,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x2e,0x20,0x54,0x68,0x69,0x73,0x20,0x69,0x73,0x20,0x74,0x68,0x65,0x20,0x72,0x65,0x67,0x75,0x6c,0x61,0x72,0x20,0x66,0x75,0x6c,0x6c,0x20,0x76,0x65,0x72,0x73,0x69,0x6f,0x6e,0x2e,0xa,0x23,0x69,0x66,0x20,0x52,0x45,0x4c,0x41,0x58,0x5f,0x57,0x4f,0x52,0x4b,0x47,0x52,0x4f,0x55,0x50,0x5f,0x53,0x49,0x5a,0x45,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x5f,0x5f,0x61,0x74,0x74,0x72,0x69,0x62,0x75,0x74,0x65,0x5f,0x5f,0x28,0x28,0x72,0x65,0x71,0x64,0x5f,0x77,0x6f,0x72,0x6b,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x73,0x69,0x7a,0x65,0x28,0x4d,0x44,0x49,0x4d,0x43,0x2c,0x20,0x4e,0x44,0x49,0x4d,0x43,0x2c,0x20,0x31,0x29,0x29,0x29,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x76,0x6f,0x69,0x64,0x20,0x58,0x67,0x65,0x6d,0x6d,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x5f,0x61,0x72,0x67,0x20,0x61,0x72,0x67,0x5f,0x61,0x6c,0x70,0x68,0x61,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x5f,0x61,0x72,0x67,0x20,0x61,0x72,0x67,0x5f,0x62,0x65,0x74,0x61,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x61,0x67,0x6d,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4d,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x62,0x67,0x6d,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x4b,0x2c,0x20,0x4e,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x20,0x72,0x65,0x73,0x74,0x72,0x69,0x63,0x74,0x20,0x65,0x67,0x6d,0x2c,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x20,0x63,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x61,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x2c,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x20,0x7b,0xa,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x61,0x6c,0x70,0x68,0x61,0x20,0x3d,0x20,0x47,0x65,0x74,0x52,0x65,0x61,0x6c,0x41,0x72,0x67,0x28,0x61,0x72,0x67,0x5f,0x61,0x6c,0x70,0x68,0x61,0x29,0x3b,0xa,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x72,0x65,0x61,0x6c,0x20,0x62,0x65,0x74,0x61,0x20,0x3d,0x20,0x47,0x65,0x74,0x52,0x65,0x61,0x6c,0x41,0x72,0x67,0x28,0x61,0x72,0x67,0x5f,0x62,0x65,0x74,0x61,0x29,0x3b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x41,0x64,0x64,0x73,0x20,0x74,0x68,0x65,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x73,0x20,0x28,0x69,0x6e,0x20,0x63,0x61,0x73,0x65,0x20,0x6f,0x66,0x20,0x75,0x73,0x65,0x20,0x6f,0x66,0x20,0x61,0x20,0x73,0x69,0x6e,0x67,0x6c,0x65,0x20,0x74,0x65,0x6d,0x70,0x6f,0x72,0x61,0x72,0x79,0x20,0x62,0x75,0x66,0x66,0x65,0x72,0x20,0x66,0x6f,0x72,0x20,0x41,0x2c,0x20,0x42,0x2c,0x20,0x61,0x6e,0x64,0x20,0x43,0x29,0xa,0x20,0x20,0x61,0x67,0x6d,0x20,0x3d,0x20,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x29,0x28,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x29,0x61,0x67,0x6d,0x20,0x2b,0x20,0x61,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x62,0x67,0x6d,0x20,0x3d,0x20,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x2a,0x29,0x28,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x29,0x62,0x67,0x6d,0x20,0x2b,0x20,0x62,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0x20,0x20,0x63,0x67,0x6d,0x20,0x3d,0x20,0x28,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x2a,0x29,0x28,0x28,0x63,0x6f,0x6e,0x73,0x74,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x2a,0x29,0x63,0x67,0x6d,0x20,0x2b,0x20,0x63,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x3b,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x41,0x6c,0x6c,0x6f,0x63,0x61,0x74,0x65,0x73,0x20,0x77,0x6f,0x72,0x6b,0x67,0x72,0x6f,0x75,0x70,0x2d,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x20,0x28,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0x29,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4d,0x20,0x61,0x6c,0x6d,0x5b,0x4b,0x57,0x47,0x20,0x2a,0x20,0x4d,0x57,0x47,0x2f,0x56,0x57,0x4d,0x5d,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x72,0x65,0x61,0x6c,0x4e,0x20,0x62,0x6c,0x6d,0x5b,0x4b,0x57,0x47,0x20,0x2a,0x20,0x4e,0x57,0x47,0x2f,0x56,0x57,0x4e,0x5d,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x2f,0x2f,0x20,0x43,0x6f,0x6d,0x70,0x75,0x74,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x6d,0x61,0x74,0x72,0x69,0x78,0x2d,0x6d,0x75,0x6c,0x74,0x69,0x70,0x6c,0x69,0x63,0x61,0x74,0x69,0x6f,0x6e,0x20,0x61,0x6e,0x64,0x20,0x73,0x74,0x6f,0x72,0x65,0x73,0x20,0x74,0x68,0x65,0x20,0x72,0x65,0x73,0x75,0x6c,0x74,0x20,0x69,0x6e,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x6d,0x65,0x6d,0x6f,0x72,0x79,0xa,0x20,0x20,0x23,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0x20,0x26,0x26,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x58,0x67,0x65,0x6d,0x6d,0x42,0x6f,0x64,0x79,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0x20,0x61,0x67,0x6d,0x2c,0x20,0x62,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x65,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x67,0x6d,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x61,0x6c,0x6d,0x2c,0x20,0x62,0x6c,0x6d,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x41,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x58,0x67,0x65,0x6d,0x6d,0x42,0x6f,0x64,0x79,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0x20,0x61,0x67,0x6d,0x2c,0x20,0x62,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x65,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x67,0x6d,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x61,0x6c,0x6d,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x53,0x42,0x20,0x3d,0x3d,0x20,0x31,0xa,0x20,0x20,0x20,0x20,0x58,0x67,0x65,0x6d,0x6d,0x42,0x6f,0x64,0x79,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0x20,0x61,0x67,0x6d,0x2c,0x20,0x62,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x65,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x67,0x6d,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x62,0x65,0x74,0x61,0x2c,0x20,0x62,0x6c,0x6d,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x58,0x67,0x65,0x6d,0x6d,0x42,0x6f,0x64,0x79,0x28,0x6b,0x53,0x69,0x7a,0x65,0x4d,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4e,0x2c,0x20,0x6b,0x53,0x69,0x7a,0x65,0x4b,0x2c,0x20,0x61,0x67,0x6d,0x2c,0x20,0x62,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x42,0x49,0x41,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x65,0x67,0x6d,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x67,0x6d,0x2c,0x20,0x61,0x6c,0x70,0x68,0x61,0x2c,0x20,0x62,0x65,0x74,0x61,0x29,0x3b,0xa,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa, } + }, +#endif { "cast", { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0x20,0x5c,0xa,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x29,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x69,0x6e,0x70,0x75,0x74,0x31,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x30,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x32,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x31,0x20,0x7c,0x7c,0x20,0x69,0x6e,0x70,0x75,0x74,0x33,0x20,0x3e,0x3d,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x73,0x69,0x7a,0x65,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5c,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0xa,0x5f,0x5f,0x63,0x6f,0x6e,0x73,0x74,0x61,0x6e,0x74,0x20,0x73,0x61,0x6d,0x70,0x6c,0x65,0x72,0x5f,0x74,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x20,0x3d,0x20,0x43,0x4c,0x4b,0x5f,0x4e,0x4f,0x52,0x4d,0x41,0x4c,0x49,0x5a,0x45,0x44,0x5f,0x43,0x4f,0x4f,0x52,0x44,0x53,0x5f,0x46,0x41,0x4c,0x53,0x45,0x20,0x7c,0x20,0x43,0x4c,0x4b,0x5f,0x41,0x44,0x44,0x52,0x45,0x53,0x53,0x5f,0x43,0x4c,0x41,0x4d,0x50,0x20,0x7c,0x20,0x43,0x4c,0x4b,0x5f,0x46,0x49,0x4c,0x54,0x45,0x52,0x5f,0x4e,0x45,0x41,0x52,0x45,0x53,0x54,0x3b,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x63,0x61,0x73,0x74,0x28,0x47,0x4c,0x4f,0x42,0x41,0x4c,0x5f,0x53,0x49,0x5a,0x45,0x5f,0x33,0x5f,0x44,0x49,0x4d,0x53,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x72,0x65,0x61,0x64,0x5f,0x6f,0x6e,0x6c,0x79,0x20,0x69,0x6d,0x61,0x67,0x65,0x32,0x64,0x5f,0x74,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x77,0x72,0x69,0x74,0x65,0x5f,0x6f,0x6e,0x6c,0x79,0x20,0x69,0x6d,0x61,0x67,0x65,0x32,0x64,0x5f,0x74,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x44,0x45,0x41,0x4c,0x5f,0x4e,0x4f,0x4e,0x5f,0x55,0x4e,0x49,0x46,0x4f,0x52,0x4d,0x5f,0x44,0x49,0x4d,0x33,0x28,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2f,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x3d,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x25,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x42,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x54,0x4f,0x5f,0x42,0x4f,0x4f,0x4c,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x63,0x6f,0x6e,0x76,0x65,0x72,0x74,0x5f,0x69,0x6e,0x74,0x34,0x28,0x52,0x49,0x5f,0x44,0x41,0x54,0x41,0x28,0x69,0x6e,0x70,0x75,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x3d,0x20,0x28,0x69,0x6e,0x74,0x34,0x29,0x30,0x20,0x3f,0x20,0x28,0x69,0x6e,0x74,0x34,0x29,0x30,0x20,0x3a,0x20,0x28,0x69,0x6e,0x74,0x34,0x29,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x57,0x49,0x5f,0x44,0x41,0x54,0x41,0x28,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x2c,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x49,0x34,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0x29,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x5f,0x49,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x52,0x49,0x5f,0x44,0x41,0x54,0x41,0x28,0x69,0x6e,0x70,0x75,0x74,0x2c,0x20,0x53,0x41,0x4d,0x50,0x4c,0x45,0x52,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x57,0x49,0x5f,0x44,0x41,0x54,0x41,0x28,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x28,0x69,0x6e,0x74,0x32,0x29,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x69,0x64,0x74,0x68,0x5f,0x69,0x64,0x78,0x2c,0x20,0x62,0x61,0x74,0x63,0x68,0x5f,0x69,0x64,0x78,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x5f,0x69,0x64,0x78,0x29,0x2c,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x49,0x34,0x28,0x76,0x61,0x6c,0x75,0x65,0x29,0x29,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x7d,0xa, } @@ -313,7 +325,7 @@ extern const std::map> OpenCLProgramMap #ifndef MNN_OPENCL_BUFFER_CLOSED { "loop_buf", - { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x50,0x49,0x20,0x33,0x2e,0x31,0x34,0x31,0x35,0x39,0x32,0x36,0x35,0x33,0x35,0x38,0x39,0x66,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x74,0x69,0x6c,0x65,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x28,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2a,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x30,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x32,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x33,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x70,0x61,0x63,0x6b,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x25,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x20,0x2f,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x28,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x3b,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x73,0x72,0x63,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x2a,0x76,0x61,0x6c,0x75,0x65,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x29,0x26,0x76,0x61,0x6c,0x75,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x34,0x20,0x26,0x26,0x20,0x28,0x69,0x20,0x2b,0x20,0x63,0x20,0x3c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x73,0x72,0x63,0x5f,0x70,0x74,0x72,0x5b,0x69,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2a,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4c,0x4f,0x4f,0x50,0x5f,0x42,0x49,0x4e,0x41,0x52,0x59,0x5f,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x62,0x72,0x6f,0x61,0x64,0x63,0x61,0x73,0x74,0x5f,0x62,0x69,0x6e,0x61,0x72,0x79,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x38,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2c,0x20,0x2f,0x2f,0x28,0x62,0x61,0x74,0x63,0x68,0x2c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2c,0x20,0x2f,0x2f,0x20,0x6e,0x63,0x34,0x68,0x77,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x38,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x38,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x25,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6e,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2f,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x34,0x20,0x3d,0x20,0x63,0x6f,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x6f,0x76,0x65,0x63,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x34,0x29,0x28,0x63,0x6f,0x34,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x28,0x63,0x6f,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x28,0x63,0x6f,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x28,0x63,0x6f,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6e,0x6f,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x63,0x6f,0x76,0x65,0x63,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x6f,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x6f,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x77,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x28,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x28,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x68,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x30,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x31,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x69,0x6e,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x29,0x26,0x69,0x6e,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x69,0x6e,0x31,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x29,0x26,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x77,0x30,0x20,0x3d,0x20,0x77,0x20,0x25,0x20,0x28,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x68,0x30,0x20,0x3d,0x20,0x68,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x30,0x20,0x3d,0x20,0x63,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6e,0x30,0x20,0x3d,0x20,0x6e,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x77,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x68,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x63,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6e,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x6e,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6e,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x20,0x2b,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x20,0x2b,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x20,0x2b,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x29,0x69,0x6e,0x70,0x75,0x74,0x30,0x5b,0x28,0x28,0x28,0x28,0x6e,0x63,0x34,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x63,0x34,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x63,0x34,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x77,0x30,0x20,0x3d,0x20,0x77,0x20,0x25,0x20,0x28,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x68,0x30,0x20,0x3d,0x20,0x68,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x30,0x20,0x3d,0x20,0x63,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6e,0x30,0x20,0x3d,0x20,0x6e,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x77,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x68,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x63,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6e,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x6e,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6e,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x20,0x2b,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x20,0x2b,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x20,0x2b,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x29,0x69,0x6e,0x70,0x75,0x74,0x31,0x5b,0x28,0x28,0x28,0x28,0x6e,0x63,0x34,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x63,0x34,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x63,0x34,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4c,0x4f,0x4f,0x50,0x5f,0x42,0x49,0x4e,0x41,0x52,0x59,0x5f,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x28,0x28,0x6e,0x6f,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x6f,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x6f,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x6f,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa, } + { 0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x53,0x55,0x50,0x50,0x4f,0x52,0x54,0x5f,0x46,0x50,0x31,0x36,0xa,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x4f,0x50,0x45,0x4e,0x43,0x4c,0x20,0x45,0x58,0x54,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x20,0x63,0x6c,0x5f,0x6b,0x68,0x72,0x5f,0x66,0x70,0x31,0x36,0x20,0x3a,0x20,0x65,0x6e,0x61,0x62,0x6c,0x65,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x50,0x49,0x20,0x33,0x2e,0x31,0x34,0x31,0x35,0x39,0x32,0x36,0x35,0x33,0x35,0x38,0x39,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x47,0x53,0x57,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x57,0x47,0x53,0x57,0x20,0x36,0x34,0x20,0x2f,0x2f,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x68,0x61,0x6e,0x64,0x6c,0x65,0x20,0x73,0x69,0x7a,0x65,0x20,0x57,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x47,0x53,0x43,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x57,0x47,0x53,0x43,0x20,0x36,0x34,0x20,0x2f,0x2f,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x68,0x61,0x6e,0x64,0x6c,0x65,0x20,0x73,0x69,0x7a,0x65,0x20,0x43,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x57,0x47,0x53,0x48,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x57,0x47,0x53,0x48,0x20,0x36,0x34,0x20,0x2f,0x2f,0x20,0x77,0x6f,0x72,0x6b,0x2d,0x67,0x72,0x6f,0x75,0x70,0x20,0x68,0x61,0x6e,0x64,0x6c,0x65,0x20,0x73,0x69,0x7a,0x65,0x20,0x48,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x54,0x53,0x57,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x54,0x53,0x57,0x20,0x38,0x20,0x2f,0x2f,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x68,0x61,0x6e,0x64,0x6c,0x65,0x20,0x73,0x69,0x7a,0x65,0x20,0x57,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x54,0x53,0x43,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x54,0x53,0x43,0x20,0x38,0x20,0x2f,0x2f,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x68,0x61,0x6e,0x64,0x6c,0x65,0x20,0x73,0x69,0x7a,0x65,0x20,0x43,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x69,0x66,0x6e,0x64,0x65,0x66,0x20,0x54,0x53,0x48,0xa,0x20,0x20,0x20,0x20,0x23,0x64,0x65,0x66,0x69,0x6e,0x65,0x20,0x54,0x53,0x48,0x20,0x38,0x20,0x2f,0x2f,0x20,0x74,0x68,0x72,0x65,0x61,0x64,0x20,0x68,0x61,0x6e,0x64,0x6c,0x65,0x20,0x73,0x69,0x7a,0x65,0x20,0x48,0x20,0x64,0x69,0x6d,0x65,0x6e,0x73,0x69,0x6f,0x6e,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x2f,0x2f,0x20,0x5b,0x4e,0x20,0x43,0x34,0x20,0x48,0x20,0x31,0x20,0x34,0x5d,0x20,0x2d,0x3e,0x20,0x5b,0x4e,0x20,0x48,0x20,0x43,0x20,0x31,0x5d,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x74,0x69,0x6c,0x65,0x5f,0x74,0x72,0x61,0x6e,0x73,0x5f,0x33,0x64,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0xa,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x63,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x68,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x64,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2a,0x20,0x57,0x47,0x53,0x43,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2a,0x20,0x57,0x47,0x53,0x48,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x34,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6a,0x63,0x20,0x3d,0x20,0x6c,0x69,0x64,0x63,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x68,0x20,0x3d,0x20,0x6c,0x69,0x64,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x57,0x47,0x53,0x48,0x5d,0x5b,0x57,0x47,0x53,0x43,0x2f,0x34,0x5d,0x3b,0x2f,0x2f,0x68,0x36,0x34,0x63,0x36,0x34,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x54,0x53,0x48,0x3b,0x20,0x69,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x54,0x53,0x43,0x20,0x2f,0x20,0x34,0x3b,0x20,0x6a,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x20,0x3d,0x20,0x69,0x20,0x2a,0x20,0x57,0x47,0x53,0x48,0x20,0x2f,0x20,0x54,0x53,0x48,0x20,0x2b,0x20,0x69,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x63,0x20,0x3d,0x20,0x6a,0x20,0x2a,0x20,0x57,0x47,0x53,0x43,0x20,0x2f,0x20,0x54,0x53,0x43,0x20,0x2b,0x20,0x6a,0x63,0x20,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x54,0x53,0x48,0x2c,0x20,0x57,0x47,0x53,0x48,0x20,0x2f,0x20,0x54,0x53,0x48,0x5d,0x20,0x20,0x20,0x5b,0x54,0x53,0x43,0x20,0x2f,0x20,0x34,0x2c,0x20,0x57,0x47,0x53,0x43,0x20,0x2f,0x20,0x54,0x53,0x43,0x2c,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x5d,0x5b,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x63,0x5d,0x20,0x3d,0x20,0x28,0x68,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x20,0x3e,0x3d,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x7c,0x7c,0x20,0x63,0x20,0x2b,0x20,0x34,0x20,0x2a,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x63,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x20,0x3f,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x34,0x20,0x2b,0x20,0x28,0x63,0x2f,0x34,0x2b,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x63,0x29,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x28,0x68,0x2b,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x29,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x43,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x3a,0x20,0x5b,0x57,0x47,0x53,0x43,0x20,0x2f,0x20,0x54,0x53,0x43,0x2c,0x20,0x54,0x53,0x43,0x20,0x2f,0x20,0x34,0x5d,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x48,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x3a,0x20,0x5b,0x57,0x47,0x53,0x48,0x20,0x2f,0x20,0x54,0x53,0x48,0x2c,0x20,0x54,0x53,0x48,0x5d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x63,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6a,0x63,0x20,0x2a,0x20,0x54,0x53,0x43,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x68,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x69,0x68,0x20,0x2a,0x20,0x54,0x53,0x48,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x54,0x53,0x48,0x3b,0x20,0x69,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x68,0x20,0x3d,0x20,0x6f,0x68,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x69,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x54,0x53,0x43,0x20,0x2f,0x20,0x34,0x3b,0x20,0x6a,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x63,0x20,0x3d,0x20,0x6f,0x63,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x6a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x6f,0x68,0x5d,0x5b,0x6f,0x63,0x5d,0x29,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x62,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x20,0x2b,0x20,0x68,0x20,0x2b,0x20,0x6f,0x68,0x29,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x20,0x2b,0x20,0x63,0x20,0x2b,0x20,0x34,0x20,0x2a,0x20,0x6f,0x63,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0x2f,0x2f,0x20,0x5b,0x4e,0x20,0x43,0x34,0x20,0x48,0x20,0x57,0x20,0x34,0x5d,0x20,0x2d,0x3e,0x20,0x5b,0x4e,0x20,0x43,0x20,0x57,0x20,0x48,0x5d,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x74,0x69,0x6c,0x65,0x5f,0x74,0x72,0x61,0x6e,0x73,0x5f,0x34,0x64,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0xa,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x63,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x20,0x3d,0x20,0x62,0x63,0x20,0x25,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x20,0x3d,0x20,0x62,0x63,0x20,0x2f,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x63,0x34,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x77,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6c,0x69,0x64,0x68,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x67,0x72,0x6f,0x75,0x70,0x20,0x69,0x64,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x30,0x29,0x20,0x2a,0x20,0x57,0x47,0x53,0x57,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x67,0x65,0x74,0x5f,0x67,0x72,0x6f,0x75,0x70,0x5f,0x69,0x64,0x28,0x31,0x29,0x20,0x2a,0x20,0x57,0x47,0x53,0x48,0x3b,0xa,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x34,0x20,0x3d,0x20,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x33,0x29,0x20,0x3e,0x3e,0x20,0x32,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6a,0x77,0x20,0x3d,0x20,0x6c,0x69,0x64,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x69,0x68,0x20,0x3d,0x20,0x6c,0x69,0x64,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x5f,0x5f,0x6c,0x6f,0x63,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x57,0x47,0x53,0x48,0x5d,0x5b,0x57,0x47,0x53,0x57,0x5d,0x3b,0x2f,0x2f,0x77,0x33,0x32,0x68,0x33,0x32,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x54,0x53,0x48,0x3b,0x20,0x69,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x54,0x53,0x57,0x3b,0x20,0x6a,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x20,0x3d,0x20,0x68,0x20,0x2b,0x20,0x69,0x68,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x57,0x47,0x53,0x48,0x2f,0x54,0x53,0x48,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x77,0x20,0x3d,0x20,0x77,0x20,0x2b,0x20,0x6a,0x77,0x20,0x2b,0x20,0x6a,0x20,0x2a,0x20,0x57,0x47,0x53,0x57,0x2f,0x54,0x53,0x57,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x69,0x68,0x20,0x2b,0x20,0x69,0x20,0x2a,0x20,0x57,0x47,0x53,0x48,0x20,0x2f,0x20,0x54,0x53,0x48,0x5d,0x5b,0x6a,0x77,0x20,0x2b,0x20,0x6a,0x20,0x2a,0x20,0x57,0x47,0x53,0x57,0x2f,0x54,0x53,0x57,0x5d,0x20,0x3d,0x20,0x28,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x20,0x3e,0x3d,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x7c,0x7c,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x77,0x20,0x3e,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0x20,0x3f,0x20,0x28,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x34,0x20,0x2b,0x20,0x63,0x34,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x68,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x5f,0x77,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x62,0x61,0x72,0x72,0x69,0x65,0x72,0x28,0x43,0x4c,0x4b,0x5f,0x4c,0x4f,0x43,0x41,0x4c,0x5f,0x4d,0x45,0x4d,0x5f,0x46,0x45,0x4e,0x43,0x45,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x63,0x34,0x77,0x33,0x32,0x68,0x33,0x32,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x68,0x20,0x3d,0x20,0x69,0x68,0x20,0x2a,0x20,0x54,0x53,0x48,0x20,0x3e,0x3e,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6d,0x68,0x20,0x3d,0x20,0x69,0x68,0x20,0x26,0x20,0x28,0x31,0x36,0x20,0x2f,0x20,0x54,0x53,0x48,0x20,0x2d,0x20,0x31,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x54,0x53,0x57,0x20,0x6f,0x66,0x66,0x73,0x65,0x74,0x3a,0x20,0x5b,0x54,0x53,0x48,0x20,0x2f,0x20,0x34,0x2c,0x20,0x54,0x53,0x57,0x20,0x2f,0x20,0x34,0x2c,0x20,0x31,0x36,0x20,0x2f,0x20,0x54,0x53,0x48,0x5d,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x77,0x5f,0x62,0x61,0x73,0x65,0x20,0x3d,0x20,0x6a,0x77,0x20,0x2a,0x20,0x54,0x53,0x57,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x6f,0x68,0x20,0x3c,0x3c,0x20,0x34,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x2f,0x2f,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x54,0x53,0x48,0x20,0x2f,0x20,0x34,0x3b,0x20,0x69,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x23,0x70,0x72,0x61,0x67,0x6d,0x61,0x20,0x75,0x6e,0x72,0x6f,0x6c,0x6c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x6a,0x20,0x3d,0x20,0x30,0x3b,0x20,0x6a,0x20,0x3c,0x20,0x54,0x53,0x57,0x20,0x2f,0x20,0x34,0x3b,0x20,0x6a,0x2b,0x2b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x63,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x31,0x36,0x20,0x76,0x61,0x6c,0x75,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6f,0x77,0x20,0x3d,0x20,0x6f,0x77,0x5f,0x62,0x61,0x73,0x65,0x20,0x2b,0x20,0x28,0x28,0x28,0x69,0x20,0x2a,0x20,0x54,0x53,0x57,0x20,0x2f,0x20,0x34,0x29,0x20,0x2b,0x20,0x6a,0x29,0x20,0x2a,0x20,0x28,0x31,0x36,0x20,0x2f,0x20,0x54,0x53,0x48,0x29,0x20,0x2b,0x20,0x6d,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x30,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x31,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x32,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x33,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x34,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x35,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x36,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x36,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x37,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x37,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x38,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x38,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x39,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x39,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x61,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x62,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x63,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x64,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x65,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x66,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x20,0x2b,0x20,0x63,0x20,0x2b,0x20,0x30,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x20,0x2b,0x20,0x77,0x20,0x2b,0x20,0x6f,0x77,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x20,0x2b,0x20,0x68,0x20,0x2b,0x20,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x31,0x20,0x3c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x30,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x31,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x32,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x33,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x34,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x35,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x36,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x36,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x37,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x37,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x38,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x38,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x39,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x39,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x61,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x62,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x63,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x64,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x65,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x66,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x20,0x2b,0x20,0x63,0x20,0x2b,0x20,0x31,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x20,0x2b,0x20,0x77,0x20,0x2b,0x20,0x6f,0x77,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x20,0x2b,0x20,0x68,0x20,0x2b,0x20,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x32,0x20,0x3c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x30,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x31,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x32,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x33,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x34,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x35,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x36,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x36,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x37,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x37,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x38,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x38,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x39,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x39,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x61,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x62,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x63,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x64,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x65,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x66,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x20,0x2b,0x20,0x63,0x20,0x2b,0x20,0x32,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x20,0x2b,0x20,0x77,0x20,0x2b,0x20,0x6f,0x77,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x20,0x2b,0x20,0x68,0x20,0x2b,0x20,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x33,0x20,0x3c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x30,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x31,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x32,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x33,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x34,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x35,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x36,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x36,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x37,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x37,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x38,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x38,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x39,0x20,0x3d,0x20,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x39,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x61,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x30,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x62,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x31,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x63,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x32,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x64,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x33,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x65,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x34,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x73,0x66,0x20,0x3d,0x20,0x6c,0x6f,0x63,0x61,0x6c,0x44,0x61,0x74,0x61,0x5b,0x31,0x35,0x2b,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x5d,0x5b,0x6f,0x77,0x5d,0x2e,0x73,0x33,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x31,0x36,0x28,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x28,0x62,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x20,0x2b,0x20,0x63,0x20,0x2b,0x20,0x33,0x29,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x20,0x2b,0x20,0x77,0x20,0x2b,0x20,0x6f,0x77,0x29,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x20,0x2b,0x20,0x68,0x20,0x2b,0x20,0x6f,0x68,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x74,0x69,0x6c,0x65,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x25,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x34,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2f,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x63,0x5f,0x34,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x28,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x62,0x6f,0x6f,0x6c,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3d,0x20,0x28,0x77,0x20,0x3e,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x7c,0x7c,0x20,0x68,0x20,0x3e,0x3d,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x7c,0x7c,0x20,0x63,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x33,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x57,0x2c,0x20,0x48,0x2c,0x20,0x31,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x34,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x48,0x2c,0x20,0x43,0x2c,0x20,0x57,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x33,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x48,0x2c,0x20,0x57,0x2c,0x20,0x31,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x48,0x2c,0x20,0x57,0x2c,0x20,0x43,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x33,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x48,0x2c,0x20,0x43,0x2c,0x20,0x31,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x34,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x43,0x2c,0x20,0x57,0x2c,0x20,0x48,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x33,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x43,0x2c,0x20,0x48,0x2c,0x20,0x31,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x43,0x2c,0x20,0x48,0x2c,0x20,0x57,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x6f,0x75,0x74,0x42,0x6f,0x75,0x6e,0x64,0x20,0x3f,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x20,0x3a,0x20,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x76,0x6c,0x6f,0x61,0x64,0x34,0x28,0x30,0x2c,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x3b,0xa,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x30,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x31,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x32,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x32,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x63,0x20,0x2b,0x20,0x33,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x64,0x73,0x74,0x5f,0x70,0x74,0x72,0x5b,0x33,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x20,0x3d,0x20,0x76,0x61,0x6c,0x75,0x65,0x2e,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x70,0x61,0x63,0x6b,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x61,0x74,0x63,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x25,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x34,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2f,0x20,0x62,0x61,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x20,0x3d,0x20,0x63,0x5f,0x34,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x66,0x28,0x77,0x20,0x3e,0x3d,0x20,0x77,0x69,0x64,0x74,0x68,0x20,0x7c,0x7c,0x20,0x68,0x20,0x3e,0x3d,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x7c,0x7c,0x20,0x63,0x20,0x3e,0x3d,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x72,0x65,0x74,0x75,0x72,0x6e,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x28,0x28,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x29,0x3b,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4d,0x4e,0x4e,0x5f,0x4e,0x48,0x57,0x43,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x33,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x57,0x2c,0x20,0x48,0x2c,0x20,0x31,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x48,0x2c,0x20,0x43,0x2c,0x20,0x57,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x48,0x2c,0x20,0x57,0x2c,0x20,0x43,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x23,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x33,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x64,0x73,0x74,0x3a,0x5b,0x4e,0x2c,0x20,0x43,0x2c,0x20,0x48,0x2c,0x20,0x31,0x5d,0x20,0x2d,0x3e,0x20,0x73,0x72,0x63,0x3a,0x5b,0x4e,0x2c,0x20,0x48,0x2c,0x20,0x43,0x2c,0x20,0x31,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x69,0x66,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x54,0x52,0x41,0x4e,0x53,0x50,0x4f,0x53,0x45,0x29,0x20,0x26,0x26,0x20,0x64,0x65,0x66,0x69,0x6e,0x65,0x64,0x28,0x44,0x49,0x4d,0x45,0x4e,0x53,0x49,0x4f,0x4e,0x5f,0x34,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x64,0x73,0x74,0x3a,0x5b,0x4e,0x2c,0x20,0x43,0x2c,0x20,0x48,0x2c,0x20,0x57,0x5d,0x20,0x2d,0x3e,0x20,0x73,0x72,0x63,0x3a,0x5b,0x4e,0x2c,0x20,0x43,0x2c,0x20,0x57,0x2c,0x20,0x48,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6c,0x73,0x65,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x2f,0x2f,0x20,0x5b,0x4e,0x2c,0x20,0x43,0x2c,0x20,0x48,0x2c,0x20,0x57,0x5d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x77,0x69,0x64,0x74,0x68,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x3d,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x50,0x61,0x64,0x3b,0xa,0x20,0x20,0x20,0x20,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x73,0x72,0x63,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x69,0x6e,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x20,0x76,0x61,0x6c,0x75,0x65,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x34,0x29,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x20,0x2a,0x76,0x61,0x6c,0x75,0x65,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x29,0x26,0x76,0x61,0x6c,0x75,0x65,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x34,0x20,0x26,0x26,0x20,0x28,0x69,0x20,0x2b,0x20,0x63,0x20,0x3c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x61,0x6c,0x75,0x65,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x3d,0x20,0x28,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x29,0x73,0x72,0x63,0x5f,0x70,0x74,0x72,0x5b,0x69,0x20,0x2a,0x20,0x63,0x5f,0x73,0x72,0x63,0x5f,0x70,0x69,0x74,0x63,0x68,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x76,0x61,0x6c,0x75,0x65,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x62,0x20,0x2a,0x20,0x62,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x63,0x5f,0x34,0x20,0x2a,0x20,0x63,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x68,0x20,0x2a,0x20,0x79,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x20,0x2b,0x20,0x77,0x20,0x2a,0x20,0x78,0x5f,0x64,0x73,0x74,0x5f,0x70,0x69,0x74,0x63,0x68,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0xa,0x23,0x69,0x66,0x64,0x65,0x66,0x20,0x4c,0x4f,0x4f,0x50,0x5f,0x42,0x49,0x4e,0x41,0x52,0x59,0x5f,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0xa,0x5f,0x5f,0x6b,0x65,0x72,0x6e,0x65,0x6c,0x20,0x76,0x6f,0x69,0x64,0x20,0x62,0x72,0x6f,0x61,0x64,0x63,0x61,0x73,0x74,0x5f,0x62,0x69,0x6e,0x61,0x72,0x79,0x5f,0x62,0x75,0x66,0x28,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x2c,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x69,0x6e,0x74,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x4f,0x55,0x54,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x30,0x2c,0x20,0x5f,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x20,0x49,0x4e,0x50,0x55,0x54,0x5f,0x54,0x59,0x50,0x45,0x2a,0x20,0x69,0x6e,0x70,0x75,0x74,0x31,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x38,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2c,0x20,0x2f,0x2f,0x28,0x62,0x61,0x74,0x63,0x68,0x2c,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0x20,0x77,0x69,0x64,0x74,0x68,0x29,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2c,0x20,0x2f,0x2f,0x20,0x6e,0x63,0x34,0x68,0x77,0x34,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x38,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x34,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x38,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x68,0x65,0x69,0x67,0x68,0x74,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x5f,0x5f,0x70,0x72,0x69,0x76,0x61,0x74,0x65,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x33,0x20,0x70,0x6f,0x73,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x33,0x29,0x28,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x30,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x31,0x29,0x2c,0x20,0x67,0x65,0x74,0x5f,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x69,0x64,0x28,0x32,0x29,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x69,0x66,0x20,0x28,0x70,0x6f,0x73,0x2e,0x78,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x30,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x79,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x31,0x20,0x26,0x26,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x3c,0x20,0x67,0x6c,0x6f,0x62,0x61,0x6c,0x5f,0x64,0x69,0x6d,0x32,0x29,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x77,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x68,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x25,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x6e,0x6f,0x20,0x3d,0x20,0x70,0x6f,0x73,0x2e,0x7a,0x20,0x2f,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x6f,0x34,0x20,0x3d,0x20,0x63,0x6f,0x20,0x3c,0x3c,0x20,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x6f,0x76,0x65,0x63,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x34,0x29,0x28,0x63,0x6f,0x34,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x28,0x63,0x6f,0x34,0x20,0x2b,0x20,0x31,0x29,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x28,0x63,0x6f,0x34,0x20,0x2b,0x20,0x32,0x29,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x2c,0x20,0x28,0x63,0x6f,0x34,0x20,0x2b,0x20,0x33,0x29,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6e,0x6f,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x20,0x2b,0x20,0x63,0x6f,0x76,0x65,0x63,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x6f,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x6f,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x77,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x28,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x28,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x68,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6e,0x20,0x3d,0x20,0x6f,0x75,0x74,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x64,0x73,0x74,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x30,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x63,0x6f,0x6e,0x73,0x74,0x20,0x69,0x6e,0x74,0x20,0x73,0x72,0x63,0x31,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x20,0x3d,0x20,0x28,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x20,0x2b,0x20,0x33,0x29,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x69,0x6e,0x30,0x2c,0x20,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x69,0x6e,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x29,0x26,0x69,0x6e,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x20,0x69,0x6e,0x31,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x2a,0x29,0x26,0x69,0x6e,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x77,0x30,0x20,0x3d,0x20,0x77,0x20,0x25,0x20,0x28,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x68,0x30,0x20,0x3d,0x20,0x68,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x30,0x20,0x3d,0x20,0x63,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6e,0x30,0x20,0x3d,0x20,0x6e,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x77,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x68,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x63,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6e,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x6e,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6e,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x20,0x2b,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x20,0x2b,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x20,0x2b,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x29,0x69,0x6e,0x70,0x75,0x74,0x30,0x5b,0x28,0x28,0x28,0x28,0x6e,0x63,0x34,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x63,0x34,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x30,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x63,0x34,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x77,0x30,0x20,0x3d,0x20,0x77,0x20,0x25,0x20,0x28,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x68,0x30,0x20,0x3d,0x20,0x68,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x63,0x30,0x20,0x3d,0x20,0x63,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x34,0x20,0x6e,0x30,0x20,0x3d,0x20,0x6e,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x77,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x68,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x63,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x2a,0x20,0x6e,0x30,0x5f,0x70,0x74,0x72,0x20,0x3d,0x20,0x28,0x69,0x6e,0x74,0x2a,0x29,0x26,0x6e,0x30,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6f,0x72,0x28,0x69,0x6e,0x74,0x20,0x69,0x20,0x3d,0x20,0x30,0x3b,0x20,0x69,0x20,0x3c,0x20,0x34,0x3b,0x20,0x2b,0x2b,0x69,0x29,0x7b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x28,0x28,0x6e,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x31,0x20,0x2b,0x20,0x63,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x32,0x20,0x2b,0x20,0x68,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x33,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x73,0x34,0x20,0x2b,0x20,0x77,0x30,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x77,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x68,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x2f,0x3d,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x7a,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x6e,0x63,0x34,0x20,0x3d,0x20,0x63,0x34,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x25,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x77,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x2f,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x74,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x20,0x3d,0x20,0x63,0x63,0x34,0x20,0x25,0x20,0x34,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x69,0x6e,0x31,0x5f,0x70,0x74,0x72,0x5b,0x69,0x5d,0x20,0x3d,0x20,0x28,0x66,0x6c,0x6f,0x61,0x74,0x29,0x69,0x6e,0x70,0x75,0x74,0x31,0x5b,0x28,0x28,0x28,0x28,0x6e,0x63,0x34,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x5f,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x6f,0x66,0x66,0x73,0x65,0x74,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x79,0x20,0x2b,0x20,0x68,0x63,0x34,0x29,0x20,0x2a,0x20,0x73,0x72,0x63,0x31,0x43,0x34,0x5f,0x73,0x69,0x7a,0x65,0x2e,0x78,0x20,0x2b,0x20,0x77,0x63,0x34,0x29,0x20,0x2a,0x20,0x34,0x20,0x2b,0x20,0x63,0x63,0x34,0x5f,0x72,0x65,0x6d,0x61,0x69,0x6e,0x5d,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x7d,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x66,0x6c,0x6f,0x61,0x74,0x34,0x20,0x6f,0x75,0x74,0x20,0x3d,0x20,0x4c,0x4f,0x4f,0x50,0x5f,0x42,0x49,0x4e,0x41,0x52,0x59,0x5f,0x4f,0x50,0x45,0x52,0x41,0x54,0x4f,0x52,0x3b,0xa,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x20,0x76,0x73,0x74,0x6f,0x72,0x65,0x34,0x28,0x43,0x4f,0x4e,0x56,0x45,0x52,0x54,0x5f,0x4f,0x55,0x54,0x50,0x55,0x54,0x34,0x28,0x6f,0x75,0x74,0x29,0x2c,0x20,0x30,0x2c,0x20,0x6f,0x75,0x74,0x70,0x75,0x74,0x20,0x2b,0x20,0x28,0x28,0x28,0x28,0x6e,0x6f,0x20,0x2a,0x20,0x63,0x68,0x61,0x6e,0x6e,0x65,0x6c,0x5f,0x62,0x6c,0x6f,0x63,0x6b,0x29,0x20,0x2b,0x20,0x63,0x6f,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x68,0x65,0x69,0x67,0x68,0x74,0x20,0x2b,0x20,0x68,0x6f,0x29,0x20,0x2a,0x20,0x64,0x73,0x74,0x5f,0x77,0x69,0x64,0x74,0x68,0x20,0x2b,0x20,0x77,0x6f,0x29,0x20,0x2a,0x20,0x34,0x29,0x3b,0xa,0x20,0x20,0x20,0x20,0x7d,0xa,0x7d,0xa,0x23,0x65,0x6e,0x64,0x69,0x66,0xa, } }, #endif { diff --git a/source/backend/opencl/execution/image/CommonExecution.cpp b/source/backend/opencl/execution/image/CommonExecution.cpp index 473d6a67e..61611104e 100644 --- a/source/backend/opencl/execution/image/CommonExecution.cpp +++ b/source/backend/opencl/execution/image/CommonExecution.cpp @@ -62,7 +62,6 @@ ErrorCode CommonExecution::onExecute(const std::vector &inputs, const unit.localWorkSize, nullptr, &event); - runtime->pushEvent({EnumNameOpType(mOpType) + std::to_string(idx++), event}); #else res = runtime->commandQueue().enqueueNDRangeKernel(unit.kernel->get(), diff --git a/source/backend/opencl/execution/image/SoftmaxExecution.cpp b/source/backend/opencl/execution/image/SoftmaxExecution.cpp index ab4348310..125c3c9d2 100644 --- a/source/backend/opencl/execution/image/SoftmaxExecution.cpp +++ b/source/backend/opencl/execution/image/SoftmaxExecution.cpp @@ -49,7 +49,7 @@ int SoftmaxExecution::getLocalSize(int size, int maxGroupSize){ ErrorCode SoftmaxExecution::onEncode(const std::vector &inputs, const std::vector &outputs) { mUnits.resize(1); auto &unit = mUnits[0]; - auto MaxLocalSize = std::min(mOpenCLBackend->getOpenCLRuntime()->getMaxWorkItemSizes()[0], mMaxWorkGroupSize); + auto MaxLocalSize = std::min(std::min(mOpenCLBackend->getOpenCLRuntime()->getMaxWorkItemSizes()[0], mMaxWorkGroupSize), static_cast(512)); Tensor *input = inputs[0]; Tensor *output = outputs[0]; diff --git a/source/core/IDSTDecoder.hpp b/source/core/IDSTDecoder.hpp index 14ddc60be..05f61ca77 100644 --- a/source/core/IDSTDecoder.hpp +++ b/source/core/IDSTDecoder.hpp @@ -134,7 +134,7 @@ static void InsertSimpleSet(PSIMPLE_SET set, int8_t value) { // SimpleRank(set->UniSet, set->CurUniCnt, 1); } -void DestorySimpleSet(PSIMPLE_SET set) { +static void DestorySimpleSet(PSIMPLE_SET set) { if (set->UniSet != nullptr) free(set->UniSet); free(set); diff --git a/source/core/OpCommonUtils.cpp b/source/core/OpCommonUtils.cpp index 405b9d9bb..fcf0dd32e 100644 --- a/source/core/OpCommonUtils.cpp +++ b/source/core/OpCommonUtils.cpp @@ -109,6 +109,39 @@ static std::tuple _computeStride(const std::tuple& } return std::make_tuple(inside, axis, outside); } + +static bool _checkFuseValid(const OpCommonUtils::SPLITS& srcTup, const OpCommonUtils::SPLITS& srcSplits, bool swapnc, bool swapcw, bool srcAllLengthValid) { + auto srcFused = _computeAxisFused(srcTup); + if (swapnc) { + // cw can't be fused if n > 1, because layout is c, n, w + if (std::get<1>(srcFused) && srcAllLengthValid) { + return false; + } + if (std::get<0>(srcFused)) { + // nc fuse but n is not full, don't support fuse + if (std::get<2>(srcTup) + 1 != std::get<2>(srcSplits)) { + return false; + } + } + } else if (swapcw) { + // nc can't be fused if w > 1 + if (std::get<0>(srcFused) && srcAllLengthValid) { + return false; + } + if (std::get<1>(srcFused)) { + // cw fuse but c is not full, don't support fuse + if (std::get<1>(srcTup) + 1 != std::get<1>(srcSplits)) { + return false; + } + } + } else { + // nw can't be fused if c > 1 + if (std::get<2>(srcFused) && srcAllLengthValid) { + return false; + } + } + return true; +} bool OpCommonUtils::canBlitFast(const Tensor::InsideDescribe::Region& region, const SPLITS& srcSplits, const SPLITS& dstSplits, int pack, bool swapnc, bool swapcw) { int srcCOffset = (region.src.offset / std::get<0>(srcSplits)) % std::get<1>(srcSplits); @@ -130,43 +163,11 @@ bool OpCommonUtils::canBlitFast(const Tensor::InsideDescribe::Region& region, co if (std::get<1>(dstTup) != std::get<1>(srcTup)) { return false; } - if (srcAllLengthValid) { - auto srcFused = _computeAxisFused(srcTup); - if (swapnc) { - // cw can't be fused, because layout is c, n, w - if (std::get<1>(srcFused)) { - return false; - } - } else if (swapcw) { - // nc can't be fused - if (std::get<0>(srcFused)) { - return false; - } - } else { - // nw can't be fused - if (std::get<2>(srcFused)) { - return false; - } - } + if (!_checkFuseValid(srcTup, srcSplits, swapnc, swapcw, srcAllLengthValid)) { + return false; } - if (dstAllLengthValid) { - auto dstFused = _computeAxisFused(dstTup); - if (swapnc) { - // cw can't be fused, because layout is c, n, w - if (std::get<1>(dstFused)) { - return false; - } - } else if (swapcw) { - // nc can't be fused - if (std::get<0>(dstFused)) { - return false; - } - } else { - // nw can't be fused - if (std::get<2>(dstFused)) { - return false; - } - } + if (!_checkFuseValid(dstTup, dstSplits, swapnc, swapcw, dstAllLengthValid)) { + return false; } } return true; @@ -573,6 +574,8 @@ bool OpCommonUtils::opCompabilityForLowp(const Op* op, int bytes) { case OpType_ROIAlign: case OpType_DynamicQuant: case OpType_Attention: + case OpType_LayerNorm: + case OpType_Softmax: return true; default: break; diff --git a/source/core/Pipeline.cpp b/source/core/Pipeline.cpp index 641120d2f..f2e030e5a 100644 --- a/source/core/Pipeline.cpp +++ b/source/core/Pipeline.cpp @@ -1088,7 +1088,7 @@ ErrorCode Pipeline::allocMemory(bool firstMalloc, bool forbidReplace) { } } } - if (OpCommonUtils::supportDynamicInputMemory(mInfo.first.cache.first->type())) { + if (OpCommonUtils::supportDynamicInputMemory(mInfo.first.cache.first->type()) && (!mInfo.first.inputBackendChange)) { return NO_ERROR; } } diff --git a/source/core/Schedule.hpp b/source/core/Schedule.hpp index 83e5da7c2..a13b213f5 100644 --- a/source/core/Schedule.hpp +++ b/source/core/Schedule.hpp @@ -89,6 +89,7 @@ class MNN_PUBLIC Schedule { bool needComputeShape = true; bool needComputeGeometry = true; bool reportError = true; + bool inputBackendChange = false; std::map inputTensorCopyCache; }; typedef std::pair> PipelineInfo; diff --git a/source/geometry/GeometryComputerUtils.cpp b/source/geometry/GeometryComputerUtils.cpp index 54607eab6..54db0c1d0 100644 --- a/source/geometry/GeometryComputerUtils.cpp +++ b/source/geometry/GeometryComputerUtils.cpp @@ -310,10 +310,13 @@ ErrorCode GeometryComputerUtils::shapeComputeAndGeometryTransform( } info.computeCache.needExecuteConst = dirty; if (dirty) { + backupBackend->onExecuteBegin(); auto code = cp->execution->onExecute(c.inputs, c.outputs); if (NO_ERROR != code) { return NOT_SUPPORT; } + backupBackend->onExecuteEnd(); + for (auto t : c.outputs) { TensorUtils::getDescribe(t)->stageMask &= (~Tensor::InsideDescribe::StageInfo::CONTENT_NOT_CHANGE); } diff --git a/source/math/Matrix.cpp b/source/math/Matrix.cpp index 9af425b5a..020897ab4 100644 --- a/source/math/Matrix.cpp +++ b/source/math/Matrix.cpp @@ -10,6 +10,8 @@ #include "core/MNNMemoryUtils.h" #include "core/Macro.h" #include "core/TensorUtils.hpp" +#include "backend/cpu/compute/CommonOptFunction.h" +#include "backend/cpu/compute/ConvOpt.h" #include #ifdef MNN_USE_NEON @@ -164,9 +166,7 @@ void Matrix::multi (float* C, float* A, float* B, int M, int K, int N, bool A_ne } void Matrix::add (float* C, float* A, float* B, int size) { - for (int i = 0; i < size; ++i) { - C[i] = A[i] + B[i]; - } + MNNMatrixAddCommon(C, A, B, size, 0, 0, 0, 1); } void Matrix::add(Tensor* C, const Tensor* A, const Tensor* B) { @@ -186,45 +186,8 @@ void Matrix::add(Tensor* C, const Tensor* A, const Tensor* B) { bOffset = 0; MNN_ASSERT(B->length(0) == A->length(1)); } - const int size = width; - for (int y=0; yhost() + y * A->stride(0); - auto b = B->host() + y * bOffset; - auto c = C->host() + y * C->stride(0); - int i = 0; -#ifdef MNN_USE_NEON - for (; i <= size - 16; i += 16) { - float32x4_t a0 = vld1q_f32(a + i); - float32x4_t a1 = vld1q_f32(a + i + 4); - float32x4_t a2 = vld1q_f32(a + i + 8); - float32x4_t a3 = vld1q_f32(a + i + 12); - float32x4_t b0 = vld1q_f32(b + i); - float32x4_t b1 = vld1q_f32(b + i + 4); - float32x4_t b2 = vld1q_f32(b + i + 8); - float32x4_t b3 = vld1q_f32(b + i + 12); - - float32x4_t sum0 = vaddq_f32(a0, b0); - float32x4_t sum1 = vaddq_f32(a1, b1); - float32x4_t sum2 = vaddq_f32(a2, b2); - float32x4_t sum3 = vaddq_f32(a3, b3); - - vst1q_f32(c + i, sum0); - vst1q_f32(c + i + 4, sum1); - vst1q_f32(c + i + 8, sum2); - vst1q_f32(c + i + 12, sum3); - } - - for (; i <= size - 4; i += 4) { - float32x4_t aa = vld1q_f32(a + i); - float32x4_t bb = vld1q_f32(b + i); - float32x4_t sum = vaddq_f32(aa, bb); - vst1q_f32(c + i, sum); - } -#endif - for (; i < size; ++i) { - c[i] = a[i] + b[i]; - } - } + MNNMatrixAddCommon(C->host(), A->host(), B->host(), width, C->stride(0), A->stride(0), bOffset, height); + return; } void Matrix::sub(Tensor* C, const Tensor* A, const Tensor* B) { @@ -244,37 +207,7 @@ void Matrix::sub(Tensor* C, const Tensor* A, const Tensor* B) { bOffset = 0; MNN_ASSERT(B->length(0) == A->length(1)); } - const int size = width; - for (int y=0; yhost() + y * A->stride(0); - auto b = B->host() + y * bOffset; - auto c = C->host() + y * C->stride(0); - int i = 0; -#ifdef MNN_USE_NEON - for (; i <= size - 8; i += 8) { - float32x4_t a0 = vld1q_f32(a + i); - float32x4_t a1 = vld1q_f32(a + i + 4); - float32x4_t b0 = vld1q_f32(b + i); - float32x4_t b1 = vld1q_f32(b + i + 4); - - float32x4_t sub0 = vsubq_f32(a0, b0); - float32x4_t sub1 = vsubq_f32(a1, b1); - - vst1q_f32(c + i, sub0); - vst1q_f32(c + i + 4, sub1); - } - - for (; i <= size - 4; i += 4) { - float32x4_t aa = vld1q_f32(a + i); - float32x4_t bb = vld1q_f32(b + i); - float32x4_t sub = vsubq_f32(aa, bb); - vst1q_f32(c + i, sub); - } -#endif - for (; i < size; ++i) { - c[i] = a[i] - b[i]; - } - } + MNNMatrixSubCommon(C->host(), A->host(), B->host(), width, C->stride(0), A->stride(0), bOffset, height); } void Matrix::dot(Tensor* C, const Tensor* A, const Tensor* B) { @@ -292,44 +225,7 @@ void Matrix::dot(Tensor* C, const Tensor* A, const Tensor* B) { const int aw = A->stride(0); const int bw = B->stride(0); const int cw = C->stride(0); - - for(int y = 0; y < height; y++) { - auto a = A->host() + y * aw; - auto b = B->host() + y * bw; - auto c = C->host() + y * cw; - int i = 0; -#ifdef MNN_USE_NEON - for (; i <= width - 16; i += 16) { - float32x4_t a0 = vld1q_f32(a + i); - float32x4_t a1 = vld1q_f32(a + i + 4); - float32x4_t a2 = vld1q_f32(a + i + 8); - float32x4_t a3 = vld1q_f32(a + i + 12); - float32x4_t b0 = vld1q_f32(b + i); - float32x4_t b1 = vld1q_f32(b + i + 4); - float32x4_t b2 = vld1q_f32(b + i + 8); - float32x4_t b3 = vld1q_f32(b + i + 12); - - float32x4_t c0 = vmulq_f32(a0, b0); - float32x4_t c1 = vmulq_f32(a1, b1); - float32x4_t c2 = vmulq_f32(a2, b2); - float32x4_t c3 = vmulq_f32(a3, b3); - - vst1q_f32(c + i, c0); - vst1q_f32(c + i + 4, c1); - vst1q_f32(c + i + 8, c2); - vst1q_f32(c + i + 12, c3); - } - for (; i <= width - 4; i += 4) { - float32x4_t aa = vld1q_f32(a + i); - float32x4_t bb = vld1q_f32(b + i); - float32x4_t cc = vmulq_f32(aa, bb); - vst1q_f32(c + i, cc); - } -#endif - for (; i < width; ++i) { - c[i] = a[i] * b[i]; - } - } + MNNMatrixProdCommon(C->host(), A->host(), B->host(), width, cw, aw, bw, height); } void Matrix::invert(Tensor* dst, const Tensor* src) { diff --git a/test/expr/ExecutorResetTest.cpp b/test/expr/ExecutorResetTest.cpp index 55f920b7a..60050c454 100644 --- a/test/expr/ExecutorResetTest.cpp +++ b/test/expr/ExecutorResetTest.cpp @@ -126,3 +126,57 @@ class ExecutorConfigTest : public MNNTestCase { return true; }}; MNNTestSuiteRegister(ExecutorConfigTest, "expr/ExecutorConfigTest"); + +class ExecutorCallBackTest : public MNNTestCase { + virtual bool run(int precision) { + int beforeSuccess = 0; + int afterSuccess = 0; + MNN::TensorCallBackWithInfo beforeCallBack = [&](const std::vector& ntensors, const MNN::OperatorInfo* info) { + beforeSuccess = 1; + return true; + }; + MNN::TensorCallBackWithInfo callBack = [&](const std::vector& ntensors, const MNN::OperatorInfo* info) { + afterSuccess = 1; + return true; + }; + MNN::BackendConfig config; + std::shared_ptr exe(Executor::newExecutor(MNN_FORWARD_CPU, config, 1)); + MNN::Express::ExecutorScope scope(exe); + { + auto input = _Input({}, NCHW); + input->writeMap()[0] = 0.5f; + auto output = _Square(input); + auto outputPtr = output->readMap(); + if (beforeSuccess != 0 || afterSuccess != 0) { + FUNC_PRINT(1); + return false; + } + } + exe->setCallBack(std::move(beforeCallBack), std::move(callBack)); + { + auto input = _Input({}, NCHW); + input->writeMap()[0] = 0.5f; + auto output = _Square(input); + auto outputPtr = output->readMap(); + if (beforeSuccess == 0 || afterSuccess == 0) { + FUNC_PRINT(1); + return false; + } + } + afterSuccess = 0; + beforeSuccess = 0; + exe->setCallBack(nullptr, nullptr); + { + auto input = _Input({}, NCHW); + input->writeMap()[0] = 0.5f; + auto output = _Square(input); + auto outputPtr = output->readMap(); + if (beforeSuccess != 0 || afterSuccess != 0) { + FUNC_PRINT(1); + return false; + } + } + return true; + } +}; +MNNTestSuiteRegister(ExecutorCallBackTest, "expr/ExecutorCallBackTest"); diff --git a/test/op/RasterTest.cpp b/test/op/RasterTest.cpp index e893545cd..2b3e0a9e1 100644 --- a/test/op/RasterTest.cpp +++ b/test/op/RasterTest.cpp @@ -60,3 +60,97 @@ class RasrerTest : public MNNTestCase { }; MNNTestSuiteRegister(RasrerTest, "op/raster"); + +class BlitC4Test : public MNNTestCase { +public: + virtual ~BlitC4Test() = default; + bool _run(int precision, bool lazy) { + int w = 1; + int h = 1; + int n = 16; + int c = 5; + auto input0 = _Input({n, c, h, w}, NCHW); + auto input1 = _Input({n, c, h, w}, NCHW); + auto input2 = _Input({n, c, h, w}, NCHW); + std::vector inputPtr = { + input0->writeMap(), + input1->writeMap(), + input2->writeMap(), + }; + + int p = (int)inputPtr.size(); + std::vector outputData(n * c * h * w * p); + float current = 0.0f; + for (int pp=0; pp(), NC4HW4); + output = _Convert(output, NCHW); + output = _Reshape(output, {p, -1}); + output = _Reverse(output, _Scalar(0)); + auto outputPtr = output->readMap(); + if (!checkVector(outputPtr, outputData.data(), n * c * h * w * p, 0.01f)) { + MNN_ERROR("blitc4 test failed!\n"); + return false; + } + return true; + } + virtual bool run(int precision) { + ExecutorScope::Current()->lazyEval = false; + auto res = _run(precision, false); + if (!res) { + FUNC_PRINT(1); + return false; + } + ExecutorScope::Current()->lazyEval = true; + ExecutorScope::Current()->setLazyComputeMode(MNN::Express::Executor::LAZY_CONTENT); + res = _run(precision, true); + if (!res) { + FUNC_PRINT(1); + return false; + } + ExecutorScope::Current()->setLazyComputeMode(MNN::Express::Executor::LAZY_FULL); + res = _run(precision, true); + return res; + } + +}; +MNNTestSuiteRegister(BlitC4Test, "op/blitc4"); diff --git a/test/op/SequenceGRUTest.cpp b/test/op/SequenceGRUTest.cpp index e64394ea8..5a7506798 100644 --- a/test/op/SequenceGRUTest.cpp +++ b/test/op/SequenceGRUTest.cpp @@ -85,6 +85,7 @@ class SequenceGRUTest : public MNNTestCase { inputVector = {.02f, .03f, .04f, .05f}; expectedOutput = {0.13871552, 0.16327533, 0.22743227, 0.31147933, 0.40466055}; // expectedOutput is corresponding to process generating W R B init_h if (!runOneCase(seq_length, batch_size, input_size, hidden_size, linear_before_reset, direction, inputVector, expectedOutput, precision)) { + FUNC_PRINT(1); return false; } @@ -105,6 +106,7 @@ class SequenceGRUTest : public MNNTestCase { 1. , 1.0996624 , 1.199979 , 1.299999 , 1.4 }; if (!runOneCase(seq_length, batch_size, input_size, hidden_size, linear_before_reset, direction, inputVector, expectedOutput, precision)) { + FUNC_PRINT(1); return false; } @@ -124,6 +126,7 @@ class SequenceGRUTest : public MNNTestCase { 1. , 1.0996624 , 1.199979 , 1.299999 , 1.4 }; if (!runOneCase(seq_length, batch_size, input_size, hidden_size, linear_before_reset, direction, inputVector, expectedOutput, precision)) { + FUNC_PRINT(1); return false; } @@ -150,6 +153,7 @@ class SequenceGRUTest : public MNNTestCase { }; if (!runOneCase(seq_length, batch_size, input_size, hidden_size, linear_before_reset, direction, inputVector, expectedOutput, precision)) { + FUNC_PRINT(1); return false; } @@ -229,6 +233,7 @@ class SequenceGRUTest : public MNNTestCase { std::vector resetVector = {0.287277, 0.214750, 0.090576, 0.398373, -0.421496, 0.052028, 0.406057, -0.098014, 0.318175, 0.142186, -0.037555, -0.071489, -0.063382, 0.320072, 0.369938, -0.209685, 0.086919, -0.263211, -0.078951, 0.354884, 0.037687, -0.071904, 0.006871, -0.100023, 0.156079, -0.183713, 0.150567, 0.070017, 0.409908, 0.156630, 0.128784, 0.241898, 0.360459, -0.002390, 0.078114, -0.221953, 0.048813, 0.159372, -0.473903, 0.341716, -0.074726, -0.229925, -0.125897, 0.264855, 0.128768, -0.391468, 0.212113, -0.203500, -0.333478, 0.372343, -0.214939, -0.176529, 0.147964, 0.104717, -0.294629, -0.535996, 0.339898, 0.488992, -0.354578, -0.257927, 0.181307, 0.156471, -0.125256, 0.191860, 0.196151, -0.454833, 0.162862, -0.255140, -0.087758, 0.049678, 0.276180, 0.225371, -0.211493, -0.214432, -0.033578, 0.116653, 0.193325, -0.211291, 0.137850, 0.185354, -0.048057, 0.440436, 0.144528, -0.031473, -0.135642, -0.078938, 0.251697, -0.235174, -0.005954, -0.177559, -0.198067, -0.143995, -0.063350, 0.304994, -0.376365, -0.334468, 0.134615, 0.343005, -0.425562, -0.187150, 0.178114, -0.119742, -0.340388, -0.369391, 0.397219, -0.147231, -0.165387, -0.269001, -0.207626, 0.562645, -0.158592, -0.079757, 0.251634, -0.364720, -0.108712, 0.257295, 0.426612, -0.095508, -0.529108, -0.192178, 0.184372, 0.390627, -0.415596, -0.196986, -0.020013, -0.246564, -0.068698, -0.062890, 0.044368, -0.032994, -0.004112, 0.060453, 0.004359, 0.016292, 0.101389, 0.183560, 0.141363, 0.141044, 0.044078, 0.005571, -0.031920, 0.094417, -0.008156, -0.028248, 0.145471, -0.091542, -0.183646, 0.060711, -0.069058, 0.131308, -0.082982, -0.206802, 0.000494, -0.028212, -0.003209, -0.037756, 0.005499, -0.028111, -0.075251, -0.057563, 0.003691, 0.026742, 0.042003, 0.043941, -0.027303, -0.096616, -0.145425, 0.205335, -0.168716, -0.206853, 0.019892, -0.013290, 0.087005, 0.017939, 0.023715, 0.070432, 0.051735, 0.076373, 0.007487, 0.003148, 0.063318, -0.133158, 0.050944, 0.026693, 0.088682, 0.107466, -0.000240, 0.059179, 0.012007, 0.001295, -0.027814, 0.106481, 0.060817, -0.043011, 0.005915, 0.071643, -0.114850, -0.031449, 0.134601, 0.253229, -0.030734, -0.044963, -0.081597, 0.197085, 0.036557, -0.030926, -0.015205, -0.039302, -0.022707, 0.196219, 0.084307, 0.070778, -0.042765, -0.089670, 0.229571, -0.059334, -0.056095, -0.175765, -0.014922, -0.091574, -0.126727, 0.140028, -0.126635, 0.092460, -0.261929, -0.033790, -0.159593, 0.027859, 0.057765, -0.021969, -0.034185, 0.044082, 0.047249, -0.309147, 0.033542, -0.174501, -0.119300, 0.019729, -0.005803, -0.008042, 0.127686, -0.167036, 0.077650, -0.262827, 0.183922, -0.280151, 0.026013, -0.110590, 0.030700, 0.194173, 0.079703, -0.011345, 0.132223, -0.099352, -0.164442, -0.043469, 0.219285, 0.283557, -0.048069, 0.056840, -0.116045, 0.002973, 0.087762, -0.047933, 0.117347, 0.295000, -0.078714, -0.117229, 0.116230, 0.113436, 0.200392, -0.286040, 0.135319, -0.177906, 0.023649, 0.123917, 0.139076, -0.245786, -0.115695, -0.144694, 0.588226, -0.227302, 0.045254, 0.065815, -0.068997, 0.251489, 0.158206, 0.276531, 0.295193, -0.097621, 0.224042, -0.208098, 0.272127, 0.112700, -0.191879, -0.064897, 0.204931, 0.019217, 0.050588, 0.435509, 0.071139, -0.011949, -0.051957, -0.039265, -0.207714, 0.030285, -0.128548, 0.010602, -0.016463, -0.063373, -0.060169, -0.101026, -0.000618, 0.065426, -0.245348, -0.156505, 0.074914, 0.133577, -0.216101, -0.187142, 0.036033, -0.032196, 0.040572, -0.105899, 0.048335, 0.206491, 0.182083, 0.081661, -0.086152, -0.311524, 0.136701, 0.072705, 0.249317, 0.068438, 0.112123, -0.281068, -0.004704, 0.171776, 0.253534, -0.081872, -0.188049, -0.032059, -0.179632, -0.227357, -0.337056, -0.065557, -0.250028, 0.057996, 0.045912, 0.360500, -0.094208, -0.359105, 0.143036, 0.352252, 0.077775, -0.189313, 0.188254, 0.010288, -0.061616, -0.240178, 0.139866, 0.019231, -0.185783, -0.109127, -0.049475, 0.118055, -0.071449, 0.164586, 0.231527, -0.092660, -0.134488, -0.062552, 0.317626, 0.035521, 0.088916, 0.071135, 0.082444, -0.039036, -0.429748, -0.232392, -0.317698, -0.026154, 0.048836, 0.046919, 0.182212, 0.125803, -0.112139, 0.046897, -0.117125, 0.089224, -0.085390, 0.168958, 0.094461, -0.085693, -0.226479, -0.053516, -0.181073, 0.180542, 0.297143, -0.071145, 0.123613, -0.011164, -0.102456, 0.084681, 0.108572, -0.035546, -0.197240, -0.085925, 0.099981, -0.164432, -0.009409, -0.074848, 0.154896, 0.043901, -0.028738, -0.056653, -0.077762, -0.075768, -0.054960, 0.003133, -0.222300, 0.066399, -0.192217, 0.148976, -0.181841, -0.146965, -0.150898, 0.302051, 0.012920, -0.084030, 0.028543, -0.096867, 0.058217, 0.257745, -0.147849, 0.079620, 0.164614, 0.065524, -0.095195, -0.075809, -0.012050, 0.140437, -0.137371, -0.154976, 0.029228, 0.129271, -0.050279, 0.218941, 0.033534, 0.058476, 0.183181, 0.059525, 0.044859, 0.090904, -0.074873, 0.324135, -0.085458, -0.162791, 0.079177, -0.020993, 0.141976, -0.104077, -0.092538, 0.098758, -0.091914, -0.016964, -0.005538, -0.088259, -0.021634, -0.121315, 0.028490, 0.028448, 0.004327, -0.022537, -0.157198, -0.107223, 0.048036, 0.120714, -0.198376, -0.196858, -0.068145, 0.083753, -0.349971, -0.106136, 0.133158, -0.017760, -0.203899, -0.128478, 0.069611, -0.265930, -0.253153, -0.159518, -0.190652, 0.302559, -0.124504, -0.078852, 0.001541, -0.042623, -0.111333, 0.147458, 0.087023, -0.204020, -0.273337, -0.116652, 0.140115, -0.072131, -0.013040, -0.238288, -0.062020, -0.189946, 0.092161, -0.015201, 0.050097, 0.042573, 0.172331, 0.365359, -0.087496, 0.236875, 0.359672, -0.006175, 0.059342, 0.033458, -0.316816, -0.168304, -0.274233, 0.054147, 0.142423, -0.179932, 0.271496, -0.142103, -0.124220, 0.136476, -0.310889, -0.076330, -0.067901, -0.244215, 0.299330, -0.108760, -0.156682, 0.016870, 0.211697, 0.153793, 0.246895, 0.042438, 0.217036, 0.050906, 0.155337, -0.186883, 0.062781, 0.147051, -0.160119, 0.088675, 0.072032, -0.251238, 0.022509, 0.240192, 0.162927, -0.038638, 0.106551, -0.098456, -0.141539, 0.214374, -0.139996, 0.043409, 0.046436, -0.326339, -0.145005, -0.513308, 0.172798, 0.071396, -0.452382, -0.196250, -0.014292, 0.197886, -0.196860, -0.056049, 0.089438, -0.150824, 0.223306, -0.099639, -0.143563, -0.053312, 0.345946, 0.264116, -0.356550, -0.107412, -0.002262, 0.140193, 0.199169, -0.094192, 0.007015, -0.083390, -0.076475, 0.418082, 0.154541, -0.165213, -0.158712, -0.204478, 0.153531, -0.453828, -0.259439, 0.130717, -0.551564, -0.114003, -0.090869, 0.212360, -0.235967, -0.323100, 0.039255, 0.463924, -0.178103, -0.015944, 0.186352, -0.134056, -0.094865, -0.075201, 0.034848, -0.031040, -0.185448, -0.256795, -0.325718, 0.248609, -0.129328, 0.078455, 0.082641, -0.178866, 0.012802, 0.422719, 0.133905, -0.149839, -0.269438, -0.067258, 0.149668, 0.167909, -0.261448, -0.077648, -0.058038, -0.351179, 0.009431, -0.183119, 0.262417, 0.079400, 0.206778, 0.315249, -0.219489, 0.069055, -0.044992, -0.210857, 0.208796, 0.301011, -0.059314, -0.219545, -0.148177, 0.346379, 0.293903, -0.262024, 0.224749, -0.116385, 0.008998, 0.175978, -0.065448, -0.241571, -0.000661, -0.092143, 0.419894, -0.218451, 0.078658, 0.059680, 0.088150, 0.212335, 0.208892, 0.231478, 0.229199, -0.199289, 0.220288, -0.048523, 0.353575, 0.217503, -0.117162, 0.045430, 0.266838, -0.125323, -0.056854, 0.207337, -0.050941, 0.018884, -0.021235, -0.026266, -0.195913, 0.021746, -0.212842, 0.050864, 0.074631, -0.015455, -0.224108, -0.247862, 0.214537, 0.082788, -0.251318, -0.347653, 0.100543, 0.231979, -0.240082, -0.144516, 0.117851, 0.077256, 0.232400, -0.077476, -0.137137, -0.008697, 0.178976, 0.126424, -0.249645, -0.380864, 0.099458, 0.180538, 0.270343, -0.234064, 0.043523, -0.103024, -0.104831, 0.252679, 0.200785, -0.179303, -0.180181, -0.056754, 0.064655, -0.281268, -0.198915, 0.157696, -0.414159, -0.010012, 0.062546, 0.303442, -0.133411, -0.531017, 0.215442, 0.221326, -0.166968, -0.162363, 0.113116, -0.286324, -0.257335, -0.375093, 0.175343, -0.129324, -0.470139, -0.352282, -0.250164, 0.221734, -0.271594, 0.070578, 0.187601, -0.177744, 0.180514, 0.430870, 0.258994, 0.030633, -0.092566, -0.007592, 0.206898, -0.032293, -0.494727, -0.132306, -0.447539, -0.178972, 0.036422, 0.044133, 0.202931, 0.269680, 0.092688, 0.406658, -0.043689, 0.167854, -0.124076, -0.028520, 0.255860, 0.323119, -0.388829, -0.076594, -0.154689, 0.372393, 0.198379, -0.252196, 0.330593, -0.287254, -0.254150, 0.259605, 0.136336, -0.212077, -0.148528, -0.279606, 0.422217, -0.349416, 0.291940, -0.126834, 0.324292, 0.237316, 0.190221, 0.071060, 0.253066, -0.018978, 0.346685, -0.251083, 0.192198, 0.288798, -0.300157, 0.314597, -0.094027, -0.377048, -0.141792, 0.134618, 0.130416, -0.244053, 0.070667, -0.148837, -0.111337, 0.280151, -0.174025, -0.093568, 0.065239, -0.028361, -0.208997, -0.198740, 0.263806, 0.248322, -0.243178, -0.201766, 0.189863, -0.033547, -0.209908, 0.031887, 0.291523, -0.257387, 0.332264, -0.123632, -0.223210, 0.205888, 0.217390, 0.133503, -0.259313, -0.399951, 0.268919, 0.233613, 0.301715, -0.130358, 0.085537, 0.013033, -0.254084, 0.137341, 0.022532, -0.345735, -0.133869, -0.280826, 0.131347, -0.474470, -0.273095, -0.017409, -0.247973, -0.279959, -0.151086, 0.197466, -0.250261, -0.447290, -0.020389, 0.243301, -0.331733, -0.048952, 0.266986, -0.249878, -0.319740, -0.290487, 0.304804, -0.331231, -0.339208, -0.492280, -0.293500, 0.252886, -0.107516, -0.009684, 0.249890, -0.385636, -0.331290, 0.348421, 0.155698, -0.072651, -0.257710, -0.119289, 0.299462, 0.277314, -0.273032, -0.109088, -0.220026, -0.167845, 0.045325, 0.001502, 0.266075, 0.096410, 0.233642, 0.380974, -0.170146, 0.329643, -0.017812, -0.213334, 0.455982, 0.250897, -0.445939, -0.016489, -0.221670, 0.204342, 0.219825, -0.107573, 0.173117, -0.401918, -0.121270, 0.316222, -0.171365, 0.053804, -0.308751, -0.410050, 0.109260, -0.116850, 0.459204, -0.146510, 0.440764, 0.309393, 0.284628, 0.220254, 0.180065, 0.183500, 0.142123, -0.167007, 0.190638, 0.172982, -0.494812, 0.276232, -0.440850, -0.076915, -0.384034, 0.085379, 0.439573, -0.350514, 0.135763, -0.214417, -0.011733, 0.234628, -0.197900, -0.350419, 0.095664, -0.231014, -0.137653, -0.177943, 0.042907, 0.256661, -0.327782, -0.235619, 0.323641, -0.041798, -0.201059, 0.228587, 0.126578, -0.257460, 0.033551, -0.147553, -0.351713, 0.283966, 0.287059, -0.063459, -0.262338, -0.323993, 0.089009, 0.134960, 0.134323, -0.201400, -0.069947, 0.199755, -0.328296, 0.062437, -0.220542, -0.200646, 0.115579, -0.432845, 0.045492, -0.226356, -0.170980, -0.126426, -0.120366, -0.130130, -0.277436, 0.060421, -0.323574, -0.166479, 0.104097, 0.250773, -0.580522, -0.269962, 0.123690, -0.134035, -0.154553, -0.257797, 0.336307, -0.340863, -0.209396, -0.265531, -0.263550, -0.024918, -0.110258, 0.017089, 0.109080, -0.363800, -0.268489, 0.259884, 0.271453, -0.099857, -0.225564, -0.198634, 0.227513, 0.332275, -0.466850, -0.212581, -0.252828, -0.185916, -0.103261, 0.066872, 0.216012, 0.035029, -0.005737, 0.249847, -0.003741, 0.162774, 0.292944, -0.211872, -0.057298, 0.178049, -0.344468, -0.151304, -0.132250, 0.242943, 0.230527, -0.225026, 0.125792, -0.257884, 0.032451, 0.364525, -0.073111, -0.169649, -0.033065, -0.097525, 0.236582, -0.340185, -0.013097, -0.106252, -0.004245, 0.288728, 0.168650, 0.270346, 0.373594, -0.193558, 0.251172, -0.069505, 0.081192, 0.087254, -0.371467, 0.180189, 0.098805, -0.376508, 0.030283, -0.047604, 0.285137, 0.185280, -0.067953, -0.176971, -0.017422, 0.186570, -0.119453, -0.358076, 0.110351, -0.254100, -0.105012, -0.257683, 0.181836, 0.245820, -0.270032, -0.088390, 0.261558, 0.067161, -0.177833, -0.017117, 0.129979, -0.116726, 0.338425, 0.048219, -0.099451, 0.007872, 0.517386, 0.177332, -0.389371, -0.084877, 0.056866, 0.307304, 0.514321, -0.215068, -0.101687, -0.034282, -0.153678, 0.416266, -0.056135, -0.482302, -0.119297, -0.052376, 0.188847, -0.345280, -0.170881, -0.095248, -0.387657, -0.106149, -0.193216, 0.626878, -0.301466, -0.335934, 0.044599, 0.274352, -0.151896, -0.011557, 0.258418, -0.070338, -0.229029, -0.417379, 0.145381, -0.142612, -0.148341, -0.291633, -0.192102, 0.292463, -0.154900, -0.084046, 0.084765, -0.191821, 0.021457, 0.246294, 0.254490, -0.097957, -0.337055, -0.415181, 0.253432, 0.222130, -0.299358, 0.037989, -0.152550, -0.054607, -0.092505, 0.225053, 0.314983, 0.288310, 0.155331, 0.326306, -0.513227, 0.025469, 0.661763, -0.149468, 0.374589, 0.154543, -0.381896, -0.210722, -0.170105, 0.233187, 0.448053, 0.005915, 0.074967, -0.220167, -0.156285, 0.328924, -0.028864, -0.067838, -0.159265, -0.315092, 0.178173, -0.275226, 0.277325, 0.209214, 0.166813, 0.071100, 0.339830, 0.381892, 0.129204, -0.036473, 0.090633, -0.280744, 0.200740, 0.180730, -0.345863, 0.377654, 0.144660, -0.344049, -0.081679, 0.447214, 0.142516, -0.099513, 0.054901, -0.069697, -0.509944, 0.050948, -0.437877, 0.095281, 0.360621, -0.175522, -0.211279, -0.614295, 0.151962, 0.204432, -0.365540, -0.243390, -0.011610, 0.141387, 0.070256, 0.006366, 0.145564, -0.325315, 0.195948, -0.106809, -0.340395, 0.282551, 0.277303, 0.316570, -0.240827, -0.260135, 0.087140, 0.182060, 0.273198, -0.149584, 0.112964, -0.076169, -0.032648, 0.216970, 0.141262, -0.272485, -0.338217, -0.252460, 0.140051, -0.226637, -0.259807, -0.255843, -0.281556, -0.324341, -0.159508, 0.472258, -0.192236, -0.430421, 0.068484, 0.450790, -0.337562, -0.204596, 0.491672, -0.075457, -0.581739, -0.304838, 0.208363, -0.216296, -0.198751, -0.321229, -0.179010, 0.457451, -0.060079, 0.182215, 0.327094, -0.325705, -0.045534, 0.328437, 0.498728, -0.136370, -0.369479, 0.061338, 0.173189, 0.254332, -0.308921, -0.273137, -0.118132, -0.235248, 0.136826, -0.019586, 0.171630, 0.335046, -0.187035, 0.140964, -0.374045, 0.196495, 0.212420, -0.250034, 0.148530, 0.331481, -0.017113, -0.270838, -0.277486, 0.401698, 0.330466, -0.213605, 0.137944, -0.348171, -0.079774, 0.269912, -0.155870, -0.315229, -0.086776, -0.197062, 0.428784, -0.347440, 0.038852, 0.016425, 0.092367, 0.095490, 0.329970, 0.130963, 0.207667, -0.067286, 0.173045, -0.361918, -0.024328, 0.122692, -0.220854, 0.374514, 0.057703, -0.247661, -0.065835, 0.320568, 0.262488, -0.070534, 0.137740, -0.187118, -0.191863, 0.192212, -0.235347, 0.037543, 0.244847, -0.080919, -0.159022, -0.328076, 0.250074, 0.276010, -0.188883, -0.111622, 0.353676, 0.226652, -0.106662, 0.114550, 0.136733, -0.281351, 0.420472, 0.096203, -0.067040, 0.088356, 0.360150, 0.243710, -0.110833, -0.151923, -0.033421, 0.187960, 0.308631, -0.223402, -0.071145, 0.062035, -0.230067, 0.440149, 0.186202, -0.200153, -0.188955, -0.109861, 0.329055, -0.268827, 0.131582, -0.138209, -0.392626, -0.154266, -0.295039, 0.496561, -0.318261, -0.333530, 0.246265, 0.347153, -0.381382, -0.154103, 0.359928, -0.225121, -0.459423, -0.296408, 0.325673, -0.246102, -0.161484, -0.315498, -0.364238, 0.514645, -0.287654, -0.043006, 0.096825, -0.265765, -0.077812, 0.166388, 0.494291, -0.200549, -0.365510, -0.110701, 0.275920, 0.156582, -0.383748, -0.161558, -0.197246, -0.388764, -0.021946, 0.275204, 0.156696, -0.080567, 0.223795, 0.038204, -0.196659, 0.162964, -0.059979, -0.235491, 0.228459, 0.284381, -0.331370, -0.122500, -0.128778, 0.323577, 0.095299, -0.304417, 0.158566, -0.165503, -0.059193, 0.204021, -0.145587, 0.023822, -0.124215, -0.246073, 0.263739, -0.007327, 0.134939, 0.044928, 0.054214, 0.275206, 0.249281, 0.272463, 0.111582, -0.229401, 0.135394, -0.055812, 0.082740, 0.230828, -0.425482, 0.157999, 0.032411, 0.071652, -0.237038, 0.004635, 0.223773, -0.193183, -0.023283, -0.096132, -0.139840, 0.151157, -0.218498, -0.289469, -0.107110, -0.123451, -0.077496, -0.344181, 0.179840, 0.072882, -0.292188, -0.025822, 0.091864, 0.110293, -0.246789, -0.069908, 0.120577, -0.155979, 0.109192, -0.093313, -0.279418, 0.152859, 0.388490, -0.021519, -0.244084, -0.268150, 0.044243, 0.110836, 0.208599, -0.140567, 0.102396, 0.009511, -0.239626, 0.200818, 0.049503, 0.025965, -0.195672, -0.192025, 0.104668, -0.305942, -0.316368, 0.021075, -0.319803, -0.074522, 0.163920, 0.227031, -0.393220, -0.419894, -0.091739, 0.216986, -0.014541, -0.148772, 0.237423, -0.024381, -0.057841, -0.185090, 0.161017, 0.053840, -0.396953, -0.141287, 0.023363, 0.163979, -0.149541, 0.030761, 0.267342, -0.306052, -0.001702, 0.219964, 0.236501, 0.053936, 0.005606, -0.266513, 0.004196, 0.098951, -0.393136, -0.046329, -0.283982, -0.161487, 0.121732, 0.071248, 0.134600, 0.400648, 0.061108, -0.001431, -0.233640, 0.042405, 0.044607, -0.022105, 0.219001, 0.191319, -0.191086, 0.047708, -0.180639, 0.055079, 0.110965, -0.045348, 0.234582, -0.205080, -0.080614, 0.059535, -0.084860, -0.209052, -0.081916, -0.195684, 0.198505, -0.255628, 0.165204, 0.142657, 0.201054, 0.105884, 0.341155, 0.230824, -0.111183, 0.112012, 0.096439, -0.262734, 0.060933, 0.186848, -0.150133, 0.204594, 0.004576, -0.219613, 0.036667, 0.382880, 0.026868, -0.138658, 0.141580, -0.051141, -0.234497, 0.046557, -0.145910, 0.119303, 0.111126, 0.182181, -0.098771, -0.119238, -0.012737, 0.064459, -0.114510, -0.167482, 0.062581, -0.052270, 0.012055, 0.105488, 0.104316, -0.194198, 0.226469, 0.015378, -0.090104, 0.325485, -0.093064, 0.201749, -0.030923, -0.168465, 0.039890, -0.037365, 0.071307, -0.184834, 0.119409, 0.193321, -0.164834, 0.041904, 0.039225, -0.169030, -0.105603, -0.171562, 0.092108, -0.163217, -0.263749, -0.195844, -0.281809, -0.192557, -0.064148, 0.202252, 0.062708, -0.338222, 0.173374, 0.254677, -0.227843, -0.238992, 0.327710, -0.004732, -0.207674, -0.168408, 0.059133, -0.049641, -0.117698, -0.292055, -0.193289, 0.078842, -0.200062, 0.063100, 0.249126, -0.153777, -0.175465, 0.283511, -0.011086, 0.055449, -0.142751, 0.133659, 0.140492, -0.061799, 0.007264, -0.224078, -0.169117, -0.302966, -0.039322, -0.116700, 0.120013, 0.046125, 0.171871, 0.177974, -0.118021, 0.154900, -0.107663, -0.158784, -0.033864, 0.177094, -0.350370, -0.147013, -0.034567, 0.050557, 0.146280, -0.218260, 0.129389, -0.367554, 0.276195, 0.084863, 0.266815, -0.132630, 0.059553, -0.105000, 0.498803, -0.178940, -0.011033, 0.047037, 0.145229, 0.275356, 0.214954, 0.263102, 0.144559, -0.251851, 0.102034, -0.056212, 0.249198, 0.205543, -0.190075, -0.156773, 0.030529, -0.142832, -0.053540, -0.026998, 0.029989, -0.189141, -0.102140, -0.185808, -0.044043, 0.127827, -0.194544, -0.137500, -0.111647, 0.082345, -0.171244, 0.097535, 0.006848, 0.056020, -0.200556, -0.261247, 0.214622, 0.309525, -0.100732, -0.037659, 0.136503, 0.278299, 0.168876, -0.062301, 0.024726, 0.121793, 0.119983, -0.102977, -0.192365, -0.080232, 0.243153, -0.076834, 0.176916, -0.436358, 0.039007, 0.005950, -0.106369, 0.388562, 0.176173, -0.471633, -0.173489, -0.135120, -0.031638, -0.357316, -0.016457, 0.135184, -0.440626, 0.012679, -0.144968, 0.154265, 0.081075, -0.235890, 0.238261, 0.352299, -0.042521, -0.046261, 0.015143, -0.141381, -0.113727, -0.165902, 0.009031, 0.092078, -0.169524, -0.145727, -0.029299, 0.121475, -0.331535, 0.145278, 0.200114, -0.053246, -0.103895, 0.349219, 0.162226, 0.166268, -0.146783, -0.009107, 0.147219, -0.077868, -0.058448, 0.027713, 0.061226, -0.162959, 0.097115, 0.126412, 0.241178, 0.272904, 0.323882, 0.308907, -0.226709, 0.054752, 0.022805, 0.101765, 0.197445, 0.634535, -0.057717, -0.186221, 0.082998, 0.367489, 0.058079, -0.287353, 0.393966, -0.604047, -0.265787, 0.250299, 0.344731, -0.205069, 0.043712, -0.252407, 0.614961, -0.332588, 0.265618, -0.054694, 0.316742, 0.334261, 0.245130, 0.167938, 0.466992, -0.311899, 0.342177, -0.063134, 0.121365, 0.121802, -0.457371, 0.070122, 0.107809, -0.291150, 0.009302, 0.402788, 0.060995, -0.314063, 0.033877, 0.114683, -0.125303, 0.219708, -0.247671, 0.033882, -0.050961, 0.131824, -0.105170, -0.399865, 0.235164, 0.229602, -0.371625, -0.129598, 0.234479, 0.354761, -0.281291, -0.233943, 0.210076, -0.303376, 0.490448, -0.067332, -0.019389, 0.104774, 0.100646, 0.286275, -0.260176, 0.059524, 0.430825, 0.181066, 0.267122, 0.012543, 0.153815, -0.176227, -0.117926, 0.277290, 0.321063, -0.259668, -0.286856, -0.022749, 0.070043, -0.386574, -0.423675, 0.073073, -0.521504, -0.206057, -0.089459, 0.400583, -0.226988, -0.647034, -0.002167, 0.434544, -0.086986, -0.119186, 0.148927, -0.100266, -0.477427, -0.653802, 0.039787, -0.380153, -0.100712, -0.568187, -0.113851, 0.203051, -0.065575, -0.105876, 0.620829, -0.440533, -0.404588, 0.469721, 0.620004, 0.079649, -0.245398, 0.074077, -0.028493, 0.087989, -0.525261, -0.023838, -0.332172, 0.140362, -0.030292, 0.191475, 0.205808, 0.232343, -0.023732, 0.328064, -0.285164, 0.073730, 0.152833, -0.151727, 0.179289, 0.419024, -0.210264, -0.129320, -0.117633, 0.281327, 0.285863, -0.160400, 0.108776, -0.474619, -0.111215, 0.314508, -0.038167, -0.200795, -0.124202, -0.226141, 0.266681, -0.224850, -0.093958, -0.031731, 0.288911, 0.261276, 0.154015, 0.120808, 0.233237, -0.013773, 0.261987, -0.237921, 0.070774, 0.112393, -0.469178, 0.335097, 0.032887, -0.034747, -0.121900, 0.470263, 0.156215, -0.176221, 0.072634, -0.093534, 0.000921, 0.246014, -0.095621, -0.272913, 0.148764, -0.040264, -0.175381, -0.277654, 0.179190, 0.387931, -0.274462, -0.103437, 0.254513, 0.075538, -0.308442, 0.145189, 0.037124, -0.256972, 0.207980, -0.022740, -0.174152, 0.379268, 0.300361, 0.198720, -0.227454, -0.289791, 0.185455, 0.152705, 0.222711, -0.202934, 0.168994, 0.075970, -0.279337, 0.321191, 0.151685, -0.202955, -0.328242, -0.317911, 0.170646, -0.406680, -0.219264, -0.147412, -0.347986, -0.109335, -0.058987, 0.350247, -0.283806, -0.362425, 0.198471, 0.292104, -0.183749, -0.182651, 0.309908, -0.132089, -0.175900, -0.197573, 0.274538, -0.150327, -0.298787, -0.300869, -0.252598, 0.216417, -0.164011, 0.104669, 0.285840, -0.255670, -0.157117, 0.349997, 0.250067, -0.089910, -0.236149, -0.214552, 0.154133, 0.159137, -0.355739, -0.175496, -0.203057, -0.351441, -0.011449, 0.137359, 0.242187, 0.047224, 0.236977, 0.359746, -0.337100, 0.142704, 0.058605, -0.137950, -0.001931, 0.544647, -0.409214, -0.104055, -0.221069, 0.377853, 0.207459, -0.187071, 0.275577, -0.634517, -0.074115, 0.383062, 0.139782, -0.157134, -0.219881, -0.441369, 0.364973, -0.479024, 0.084144, 0.025263, 0.243605, 0.228309, 0.290491, 0.403904, 0.275570, -0.119215, 0.193288, -0.224275, 0.019819, 0.356267, -0.504814, 0.150229, 0.013676, -0.057245, -0.113984, 0.083510, -0.001592, -0.258118, 0.183750, -0.099252, -0.082157, 0.164352, -0.204704, -0.175123, 0.169850, -0.169189, -0.107225, -0.298337, -0.018902, 0.240752, -0.282352, -0.167565, 0.288791, 0.155474, -0.315948, 0.062865, 0.128181, -0.061103, 0.131436, 0.048828, -0.130141, 0.209638, 0.261331, 0.103776, -0.355572, -0.210999, 0.253110, 0.224342, 0.346019, -0.222350, 0.180747, 0.073805, -0.327233, 0.118569, -0.006153, -0.271003, -0.162269, -0.432656, 0.008281, -0.676914, -0.385697, -0.054059, -0.435985, -0.146597, -0.117075, 0.298979, -0.322120, -0.352997, 0.090136, 0.546519, -0.181617, -0.123801, 0.418570, -0.016787, -0.193247, -0.361288, 0.202526, -0.265300, -0.168058, -0.470507, -0.230092, 0.066828, -0.279376, 0.042705, 0.302639, -0.294041, -0.119434, 0.269436, 0.239286, -0.186655, -0.352207, -0.116390, 0.152147, 0.283361, -0.256817, -0.319087, -0.204870, -0.221921, 0.077515, 0.266944, 0.262149, 0.365309, -0.054441, 0.259086, -0.070003, 0.136957, 0.080266, -0.241252, 0.217249, 0.098145, -0.152093, -0.113606, -0.208669, 0.048178, 0.255351, 0.051174, 0.117501, -0.110453, 0.024869, 0.135220, -0.142244, -0.095304, -0.061409, -0.100188, 0.131069, -0.003253, 0.159865, 0.047190, 0.319465, 0.048393, 0.212798, 0.012772, 0.233589, -0.056256, 0.172367, -0.116802, 0.149267, -0.105344, -0.154473, 0.023319, -0.106583, 0.042517, -0.219741, 0.130090, 0.216278, 0.020711, 0.080870, -0.324475, -0.254420, -0.019015, -0.186427, -0.015770, 0.354127, -0.212344, -0.214191, -0.233948, 0.289205, 0.081320, -0.313318, -0.211424, 0.207095, 0.148502, -0.080411, 0.126939, -0.190679, 0.055872, 0.200975, -0.141747, -0.302418, -0.201563, 0.401381, 0.074373, -0.006238, -0.269749, -0.073229, 0.230794, 0.072533, -0.268332, 0.117652, -0.039157, -0.173568, 0.383014, -0.077965, -0.099633, -0.012081, -0.029624, 0.302302, -0.089401, -0.043456, 0.191389, -0.403553, 0.072508, -0.031757, 0.151419, -0.274622, -0.297389, 0.443764, 0.210867, -0.142615, -0.319014, -0.015224, -0.263974, -0.184576, -0.123467, 0.315168, 0.169681, -0.321136, -0.055939, -0.459116, 0.586766, -0.410582, 0.067328, -0.124360, -0.085837, -0.036409, 0.080460, 0.351342, 0.056874, -0.124481, 0.035431, 0.267241, 0.237722, -0.151991, -0.159157, -0.192392, -0.352190, 0.236459, -0.003962, 0.147020, 0.139847, -0.037635, 0.540567, -0.318312, 0.219242, 0.036865, -0.260829, 0.063041, 0.311639, 0.066151, -0.112501, -0.173862, 0.319435, 0.111953, -0.156963, 0.231031, -0.338496, -0.089139, 0.169138, 0.120470, -0.076625, 0.136822, -0.123825, 0.270621, -0.213973, -0.020427, -0.062231, 0.263276, 0.192313, 0.185866, 0.065130, 0.282885, -0.141222, 0.073933, -0.276638, 0.179764, 0.204838, -0.125432, 0.139802, 0.059798, -0.153463, -0.078237, 0.323782, 0.009342, -0.330369, 0.022645, -0.135850, -0.004572, 0.284207, 0.019252, -0.163067, 0.066111, 0.059437, -0.423909, -0.011332, 0.299232, 0.294294, -0.246961, -0.368505, 0.144633, -0.079081, -0.072395, -0.070224, 0.168141, -0.171190, 0.274424, -0.189529, -0.082049, 0.034784, 0.051921, 0.067042, -0.113378, -0.198655, 0.174222, 0.095001, 0.258863, -0.066536, 0.321418, -0.030576, -0.117752, 0.237520, 0.036301, -0.152318, -0.102885, -0.107903, 0.126084, -0.163680, -0.170175, 0.103402, -0.224890, -0.101475, 0.059090, 0.415535, -0.059106, -0.200471, 0.130438, 0.022875, -0.160923, -0.173914, 0.182528, -0.355635, -0.419040, -0.433379, 0.341865, -0.329053, -0.102715, -0.432519, -0.392682, 0.127170, -0.177639, -0.183976, 0.219606, -0.243393, -0.343246, 0.189071, 0.276678, 0.035918, -0.334478, 0.030631, 0.274021, 0.123607, -0.268298, -0.063584, -0.185004, -0.222994, 0.176820, -0.020078, 0.185678, 0.325257, 0.056116, 0.139436, -0.079961, -0.045962, 0.195614, -0.014039, 0.357164, -0.017884, 0.017297, 0.074759, -0.049297, 0.029193, 0.094511, -0.103878, -0.101907, -0.052511, -0.075312, -0.044368, 0.139264, 0.002545, 0.242112, 0.075354, 0.533714, -0.189132, 0.017668, 0.041865, -0.005674, 0.222895, 0.066062, 0.149274, 0.119405, -0.221189, -0.230827, 0.106202, 0.127863, 0.111819, -0.078114, -0.037947, 0.190436, -0.090466, -0.002808, 0.189170, -0.197399, -0.361545, -0.030302, -0.061316, -0.350576, -0.072135, -0.101898, 0.127188, 0.103772, 0.081488, -0.145111, -0.176222, 0.220864, -0.033420, -0.287731, -0.178612, 0.207243, 0.452643, -0.045723, -0.011205, 0.040271, -0.004513, 0.312205, -0.270584, -0.049943, -0.107711, 0.026107, -0.046587, -0.055098, -0.186022, -0.050113, -0.056095, 0.168596, -0.180584, 0.342911, -0.057975, 0.085676, 0.198909, 0.121368, 0.033993, 0.023992, 0.131107, -0.003897, 0.118511, 0.020215, 0.147468, -0.476319, -0.007866, 0.032598, 0.249757, -0.181927, -0.461895, 0.038573, 0.350924, 0.037042, -0.059865, -0.039368, -0.162789, -0.280740, -0.269017, 0.186160, -0.056414, -0.222177, 0.011638, -0.157884, 0.385320, -0.061524, -0.130527, 0.152093, -0.147852, 0.076188, 0.147617, 0.146363, 0.177494, -0.214522, 0.301521, 0.160745, -0.014954, -0.142872, 0.036690, -0.042167, -0.223508, 0.025820, -0.038356, 0.190558, 0.257130, 0.075128, 0.323363, -0.252839, 0.246958, 0.194124, -0.168424, 0.184959, 0.566026, -0.300526, -0.091901, -0.125319, 0.276120, 0.318390, -0.245985, 0.281351, -0.432294, -0.088396, 0.256830, 0.032510, -0.244240, -0.193238, -0.453633, 0.310399, -0.346923, 0.056735, -0.068342, 0.415972, 0.325388, 0.183946, 0.155642, 0.239026, 0.055430, 0.407241, -0.279782, 0.116741, 0.442174, -0.387586, 0.281282, -0.165427, -0.303155, -0.256750, 0.412264, 0.250915, -0.313825, 0.168635, -0.228758, 0.012507, 0.372933, -0.215765, -0.311395, 0.177282, -0.059400, -0.186950, -0.159181, 0.165152, 0.258267, -0.235470, -0.454459, 0.423526, 0.194922, -0.250701, 0.245199, 0.278745, -0.301538, 0.257808, 0.149336, -0.091609, 0.396347, 0.315167, 0.221984, -0.203715, -0.188751, 0.245788, 0.191349, 0.308511, -0.144771, -0.079910, 0.094286, -0.344349, 0.090529, 0.065890, -0.351000, -0.173439, -0.505692, 0.106715, -0.391262, -0.325658, -0.136809, -0.268612, -0.192671, -0.104913, 0.308960, -0.194499, -0.410225, 0.155212, 0.510675, -0.327011, -0.122825, 0.305492, -0.219353, -0.196221, -0.277307, 0.261355, -0.328648, -0.304008, -0.308601, -0.344506, 0.131934, -0.201363, 0.237592, 0.201621, -0.209209, -0.319464, 0.268737, 0.152452, -0.238067, -0.309195, -0.209353, 0.248741, 0.137431, -0.402144, -0.348767, -0.263677, -0.262521, -0.034014, 0.116364, 0.010901, 0.126688, 0.065032, 0.261458, -0.149619, 0.164345, 0.084595, -0.214713, -0.035491, 0.294106, -0.063987, -0.225488, -0.022903, 0.188476, 0.190460, -0.069670, -0.014662, -0.365123, -0.081592, 0.120772, 0.211880, -0.078492, 0.106214, 0.025967, 0.133303, -0.090587, 0.159599, -0.109791, 0.086125, 0.006192, 0.202399, -0.157753, 0.198228, -0.295127, 0.025479, -0.020906, 0.081822, 0.109166, -0.215495, 0.016264, 0.061461, -0.075297, -0.006607, 0.199004, -0.017798, -0.154602, -0.078733, -0.068471, 0.189341, 0.253645, -0.106696, -0.077784, -0.136930, -0.044880, -0.162617, 0.035474, 0.073117, 0.142611, -0.247159, -0.104799, -0.066987, 0.009635, -0.248290, -0.084407, 0.039660, -0.078655, 0.180288, -0.100197, -0.044372, 0.027834, 0.138586, -0.031632, -0.217922, -0.077301, 0.109612, 0.049433, 0.176719, -0.049912, 0.234994, -0.010492, -0.076238, 0.191221, 0.249831, -0.236280, -0.011755, -0.055030, 0.147609, -0.160944, -0.048941, -0.044728, -0.140523, -0.094134, -0.052402, 0.236136, -0.052922, -0.259034, 0.066205, 0.005166, 0.205286, -0.124293, -0.063685, -0.173861, -0.266548, -0.304880, 0.312967, -0.135491, 0.006424, -0.074930, -0.136765, 0.267497, -0.091282, -0.155537, 0.291031, -0.084692, -0.149361, -0.019179, 0.195595, 0.108962, -0.451676, -0.101015, 0.085735, 0.048941, -0.270656, -0.023404, 0.046497, 0.081194, 0.234719, 0.250536, 0.094355, 0.327181, 0.100993, 0.038684, -0.200323, -0.021354, 0.312205, -0.021279, 0.246622, -0.009730, -0.089540, -0.165344, -0.050580, 0.164918, 0.231879, -0.103856, 0.316483, -0.064255, -0.128108, 0.147007, -0.180139, 0.053300, -0.093855, -0.023913, 0.125861, -0.196764, 0.170013, -0.016267, -0.069747, 0.314291, 0.152079, 0.091185, 0.073493, -0.141674, 0.388279, 0.123729, 0.226203, 0.085154, -0.336576, 0.082462, 0.123034, -0.003614, -0.034101, 0.065460, 0.305742, 0.026591, 0.199645, 0.075678, -0.159360, 0.081653, -0.262854, -0.039825, 0.233765, -0.247377, -0.123876, -0.266673, 0.201402, 0.093807, -0.243964, -0.007115, 0.431941, 0.169534, -0.285396, -0.033618, -0.002961, -0.342098, 0.148238, 0.199069, -0.285951, 0.083402, 0.235382, 0.033869, -0.120716, -0.294735, -0.094062, 0.221105, 0.073532, -0.147802, -0.141491, -0.056471, -0.177590, 0.355330, 0.354579, -0.123487, -0.176182, -0.017964, 0.287840, -0.181444, -0.339951, -0.106490, -0.249469, -0.005894, -0.181451, 0.316519, -0.295040, -0.313332, 0.135967, 0.349848, -0.129675, -0.220293, 0.184554, -0.089777, -0.082431, -0.170300, 0.081624, -0.137540, -0.213493, -0.153371, -0.198451, 0.315510, -0.222103, 0.199760, 0.203805, -0.219324, -0.009587, 0.089819, 0.313690, -0.056240, -0.037657, 0.074385, 0.092354, 0.167496, -0.124776, -0.114638, -0.375877, -0.344939, -0.051754, -0.046473, 0.198546, 0.097675, 0.144164, 0.267980, -0.095312, 0.171052, 0.108171, -0.206425, 0.194473, 0.240014, -0.277192, -0.270001, -0.200057, 0.337824, 0.310366, -0.182830, 0.146468, -0.319506, -0.139215, 0.194526, 0.131031, -0.127256, -0.043334, -0.150912, 0.324024, -0.150619, 0.180368, -0.059881, 0.204668, 0.402884, 0.229730, 0.129039, 0.368563, -0.152046, 0.118572, -0.091793, 0.174581, 0.007971, -0.218222, -0.047702, 0.036490, -0.153510, -0.212707, 0.182113, 0.182018, -0.083705, 0.065856, -0.137901, -0.108484, 0.289869, -0.321377, -0.029267, 0.072659, -0.239296, -0.229970, -0.198259, 0.204980, 0.171044, -0.481408, -0.259595, 0.210214, 0.196907, -0.206589, 0.083006, 0.077285, -0.125288, 0.153392, -0.263178, -0.344674, 0.099104, 0.396252, 0.127438, -0.224294, -0.217610, 0.217837, 0.130940, 0.272999, -0.205802, 0.219250, 0.143848, -0.200309, 0.294556, 0.116275, -0.134784, -0.090940, -0.269110, 0.163422, -0.366393, -0.212501, 0.048925, -0.380313, -0.028427, -0.041729, 0.391068, -0.380538, -0.496024, 0.214740, 0.194838, -0.122947, -0.115206, 0.096959, -0.311737, -0.148573, -0.167332, 0.216147, -0.159193, -0.247497, -0.285473, -0.408522, 0.324631, -0.193360, -0.049020, 0.185175, -0.234856, -0.024965, 0.178694, 0.337532, 0.061917, -0.339312, -0.024675, 0.293288, 0.245861, -0.426020, -0.142885, -0.249440, -0.153561, -0.067804, -0.008561, -0.094413, 0.208183, 0.146935, -0.012599, 0.130430, 0.031725, 0.303329, -0.043433, 0.030637, 0.083909, -0.043337, -0.164537, -0.024152, 0.155197, 0.060144, -0.127912, 0.124069, 0.023533, -0.202569, 0.319070, -0.057382, 0.080298, -0.134163, -0.325071, 0.105453, -0.240240, 0.008942, 0.041789, -0.155734, 0.013955, 0.200911, 0.038757, 0.069422, -0.132246, 0.025227, -0.041836, 0.044026, -0.110513, -0.087298, 0.010224, 0.051606, -0.252012, 0.152675, -0.056530, 0.175653, 0.139851, -0.116809, 0.017286, -0.110750, 0.090940, -0.244256, 0.019123, 0.128673, -0.170609, 0.117136, -0.098429, 0.115864, 0.078958, 0.070008, 0.057962, 0.066047, 0.140965, -0.264357, -0.056142, 0.092879, -0.033508, 0.133777, 0.151661, -0.035972, 0.050072, 0.020261, 0.253325, -0.281300, -0.083674, 0.074862, 0.280475, 0.073676, -0.041679, -0.059323, -0.038368, 0.070680, 0.172593, 0.020307, -0.225982, -0.161904, -0.099082, 0.158728, 0.001946, -0.206625, -0.318957, -0.260424, -0.049915, -0.315808, 0.393469, 0.063596, -0.165763, -0.198849, 0.078977, 0.115506, 0.086353, 0.012705, -0.078346, -0.081111, -0.058752, -0.065574, -0.113107, 0.184130, 0.020974, -0.027367, -0.045071, -0.090931, 0.038045, 0.152343, 0.007901, -0.108411, -0.209267, 0.434311, -0.205138, -0.080224, 0.203766, 0.078320, -0.186022, -0.045649, -0.018089, -0.015427, -0.010466, -0.110159, 0.137425, -0.194497, 0.155047, -0.019503, 0.084379, -0.164024, 0.108549, 0.088040, 0.003252, 0.066944, 0.294998, -0.136814, -0.144344, 0.002312, 0.274175, 0.275478, -0.057820, 0.278196, -0.319671, -0.182800, 0.075513, 0.118248, -0.122219, 0.104682, -0.004122, 0.238520, -0.542849, -0.104226, -0.150113, 0.036278, 0.211059, 0.192723, 0.068159, 0.138608, -0.152173, 0.095097, -0.014849, -0.269030, 0.276116, -0.230784, 0.101688, 0.073065, -0.093250, -0.030566, -0.116391, 0.299799, -0.001013, 0.088812, -0.249603, 0.068925, 0.275178, -0.086554, -0.188732, 0.012184, -0.211067, -0.067852, -0.100233, 0.027014, -0.034272, -0.077753, -0.063560, 0.321288, 0.129762, -0.220985, 0.155432, 0.288042, -0.020507, 0.201961, -0.003856, 0.201106, 0.001630, 0.088832, 0.139826, -0.311887, -0.059720, 0.395146, 0.105854, 0.193284, -0.272762, -0.014788, 0.087734, -0.108741, 0.268751, 0.088921, -0.343300, -0.083651, -0.235037, 0.288861, -0.181243, -0.109763, -0.134759, -0.278897, -0.141632, -0.377840, 0.272949, 0.052966, -0.081499, 0.052741, 0.078194, -0.062165, 0.154049, 0.137577, -0.040415, -0.148096, -0.038709, 0.034859, -0.226728, -0.094125, 0.065741, -0.131296, 0.175922, -0.239903, -0.019641, 0.322934, -0.021629, -0.208653, 0.437656, 0.166324, 0.021036, -0.280029, -0.137637, 0.186907, 0.059572, 0.081611, -0.045678, 0.056101, -0.241128, -0.087169, 0.345394, 0.037559, 0.077750, -0.013055, 0.240847, -0.027591, 0.227513, 0.223504, -0.115322, 0.079258, 0.065458, -0.212558, -0.246908, -0.271594, 0.202812, 0.298456, -0.244978, 0.337031, -0.283715, -0.090089, 0.289670, -0.077321, -0.369550, -0.160762, -0.166256, 0.518185, -0.237524, 0.005047, 0.041258, 0.011678, 0.410607, 0.328489, 0.194229, 0.230163, -0.007767, 0.210800, -0.120941, 0.008080, 0.275409, -0.293485, 0.068143, -0.032244, -0.388384, -0.117243, -0.059521, 0.183684, -0.119962, 0.167998, -0.208787, -0.104473, 0.125956, -0.306435, -0.015137, 0.167937, -0.181189, -0.144913, -0.348676, 0.284055, 0.029187, -0.301298, -0.202071, 0.149522, 0.310750, -0.235658, 0.078038, 0.236681, 0.020160, 0.153663, 0.156951, -0.118991, 0.027162, 0.200419, 0.183352, -0.282306, -0.133055, 0.161465, 0.113126, 0.256192, -0.379076, -0.239518, 0.045140, 0.019600, 0.349808, 0.130754, -0.398893, -0.189696, -0.249440, 0.291749, -0.184635, -0.225037, -0.114108, -0.569058, 0.008073, -0.328879, 0.335723, -0.215449, -0.373443, 0.196369, 0.173398, -0.157176, -0.168371, 0.360669, -0.259613, -0.391941, -0.179416, 0.311405, -0.119095, -0.240804, -0.295620, -0.193909, 0.423051, -0.185297, 0.180737, 0.159277, -0.206701, 0.002262, 0.468936, 0.225620, -0.023690, -0.184348, -0.069770, 0.287565, 0.131035, -0.027911, -0.045044, -0.086957, -0.391063, -0.126415, 0.247457, 0.136538, 0.114382, 0.026580, 0.365576, -0.226006, 0.081143, 0.128039, -0.165327, 0.166722, 0.335124, -0.243130, -0.077425, -0.101905, 0.184586, 0.124439, -0.328265, 0.141038, -0.375072, -0.169595, 0.283698, -0.022959, -0.077299, -0.040367, -0.094852, 0.394996, -0.410905, 0.319859, -0.089814, 0.182665, 0.422064, 0.121874, 0.093189, 0.289106, 0.077221, 0.141363, -0.012513, 0.081662, 0.123664, -0.334126, 0.196113, -0.215142, -0.195943, -0.117380, 0.034262, 0.283393, -0.181430, 0.082185, -0.153066, 0.044246, 0.122653, -0.082561, -0.281975, -0.058085, -0.153488, -0.195927, -0.123781, 0.189286, 0.181642, -0.289445, -0.146385, 0.105259, 0.161847, -0.134019, 0.117347, 0.070233, -0.124708, 0.285534, -0.139579, -0.169962, 0.148127, 0.403834, 0.070746, -0.248779, -0.237894, 0.119465, 0.146954, 0.169487, -0.115811, -0.119252, 0.150151, -0.196232, 0.295922, 0.036829, -0.158354, -0.055692, -0.117354, 0.221432, -0.361302, -0.147094, -0.092434, -0.296065, -0.032952, -0.124265, 0.168031, -0.284811, -0.413307, 0.014362, 0.091210, -0.215951, -0.213120, 0.189148, -0.022027, -0.216078, -0.256228, 0.262808, -0.141166, -0.185078, -0.202127, -0.252944, 0.309638, -0.220829, -0.011414, 0.083415, -0.313504, -0.180972, 0.206927, 0.294481, -0.111153, -0.140008, -0.164078, 0.043091, 0.251566, -0.633265, -0.022038, -0.192624, -0.222291, -0.083579, 0.150625, 0.261550, 0.072187, 0.024828, 0.392562, -0.058161, 0.052927, 0.225606, -0.129905, 0.009624, 0.377218, -0.201332, -0.275912, -0.122188, 0.412429, 0.089204, -0.374220, 0.326811, -0.510149, -0.008717, 0.325583, 0.160763, 0.026277, 0.068407, -0.277174, 0.171309, -0.119619, 0.064233, 0.030416, 0.140438, 0.285053, 0.198241, 0.206304, 0.424283, -0.185716, 0.044210, -0.002425, 0.266925, 0.099044, -0.333452, 0.237054, 0.128665, -0.358429, -0.073925, 0.023282, 0.154965, -0.295290, 0.004094, -0.005686, -0.160569, 0.328204, 0.033763, -0.095809, 0.092189, -0.130166, -0.191644, -0.259872, 0.147516, 0.130415, -0.276170, -0.170901, 0.010439, 0.006266, -0.112532, 0.073927, 0.227887, -0.187258, 0.258877, -0.084821, -0.134343, 0.058602, 0.454672, 0.200361, -0.379791, -0.180404, 0.390407, 0.101951, 0.243128, -0.069377, 0.212106, 0.071232, -0.146283, 0.207437, -0.074622, -0.253166, -0.322559, -0.270647, 0.075986, -0.274712, -0.184819, -0.018556, -0.335869, -0.225885, -0.206705, 0.284879, -0.324622, -0.349340, 0.074274, 0.360301, -0.173123, 0.034401, 0.307764, -0.053757, -0.101143, -0.392402, 0.063892, -0.270906, -0.204786, -0.420736, 0.003765, 0.288454, 0.017800, -0.127989, 0.384152, -0.154192, -0.003492, 0.088187, 0.357484, -0.111729, -0.407775, -0.124060, 0.030728, -0.007113, -0.387689, -0.139461, -0.280535, -0.084976, 0.000498, -0.132996, 0.046468, 0.242370, 0.221991, 0.157677, -0.196600, 0.096410, 0.129975, 0.032882, 0.159190, 0.235540, -0.021266, -0.381704, -0.145139, 0.011411, 0.269286, -0.305910, 0.217010, -0.317542, -0.101277, 0.066058, 0.286854, -0.100063, -0.077402, -0.009304, 0.350194, -0.231531, -0.041227, 0.018198, 0.264806, 0.116412, 0.159074, 0.026497, 0.338328, -0.098330, 0.282947, 0.109988, -0.156935, 0.027171, -0.133385, -0.028898, 0.013075, -0.230169, 0.136359, 0.108449, 0.085216, -0.039310, -0.032402, 0.089436, 0.067123, 0.129443, -0.217192, -0.069011, -0.071719, 0.145690, 0.032046, -0.223854, 0.080379, 0.114155, 0.034878, 0.016601, 0.379488, 0.286736, -0.509444, 0.004080, 0.201474, -0.514987, 0.081305, 0.008809, 0.053432, 0.125871, -0.004344, 0.077576, -0.298270, -0.000528, 0.252999, 0.027691, 0.215211, 0.048879, 0.083600, -0.015539, -0.002124, 0.140313, 0.406250, -0.254718, -0.356809, -0.228568, 0.033457, 0.056699, -0.223271, -0.003457, -0.253671, -0.171123, -0.186468, 0.091529, -0.319896, -0.418562, -0.007924, 0.372290, -0.014737, 0.122421, 0.246364, -0.158987, -0.034358, -0.091967, -0.011195, -0.329072, 0.029766, 0.020803, 0.039065, 0.233110, -0.042397, 0.080349, 0.393081, -0.125267, -0.303367, 0.314635, 0.148512, -0.110372, 0.031298, 0.112829, 0.064392, -0.001078, -0.226077, 0.017902, 0.118211, -0.088803, 0.079151, 0.217360, 0.154168, -0.030211, 0.089500, 0.359080, -0.241754, 0.115029, 0.108261, 0.016358, 0.196220, 0.241313, -0.108038, -0.258461, 0.102174, 0.460734, 0.104184, -0.297097, 0.366098, -0.356401, -0.285674, 0.406879, 0.030029, 0.101405, -0.077824, -0.168238, 0.352000, -0.361124, 0.053601, -0.262708, 0.339908, 0.384340, -0.008645, -0.013218, 0.310950, -0.103518, 0.159809, -0.016078, -0.056716, -0.012322, -0.407095, 0.262819, -0.225651, -0.348782, -0.198793, 0.222900, 0.125970, -0.121334, 0.037774, -0.175127, 0.099771, 0.438346, -0.202571, -0.258888, 0.012673, -0.127387, -0.205645, -0.273419, 0.393751, 0.117703, -0.435032, -0.112043, 0.356943, 0.228362, -0.336015, 0.023740, 0.183094, -0.427464, 0.277772, -0.000861, 0.039546, 0.025213, 0.283590, 0.154319, -0.310166, -0.121326, 0.317833, 0.220466, 0.385129, 0.087222, -0.059257, -0.134326, -0.027693, 0.328802, 0.194311, -0.217515, -0.192843, -0.160328, 0.102520, -0.361305, -0.192190, -0.049743, -0.346168, -0.165608, -0.280638, 0.347822, -0.720034, -0.262199, 0.000101, 0.163764, -0.247737, -0.111311, 0.226303, -0.098728, -0.310897, -0.245040, 0.141595, -0.514335, -0.326847, -0.388091, -0.196462, 0.407677, -0.035191, 0.021470, 0.301644, -0.270009, -0.098051, 0.283774, 0.298710, -0.070395, -0.283489, -0.121150, 0.085006, 0.270907, -0.231106, -0.050199, -0.017872, -0.134659, -0.185568, 0.085855, 0.180055, 0.351936, 0.022595, 0.327830, -0.441999, 0.091381, 0.048365, -0.231548, 0.303353, 0.202553, -0.417489, 0.079662, -0.198825, 0.221737, 0.395086, -0.104062, 0.163469, -0.263421, -0.082603, 0.175947, -0.158793, -0.448967, -0.261340, -0.225202, 0.200342, -0.255097, 0.288443, 0.011100, 0.305484, 0.280718, 0.287664, 0.267337, 0.256074, 0.044832, 0.294574, -0.234302, 0.116206, 0.176501, -0.646440, 0.369751, -0.298919, -0.188496, -0.082597, 0.320469, 0.186862, -0.272781, 0.080925, -0.213309, -0.072189, 0.217098, -0.194541, -0.138719, 0.124709, -0.270705, -0.263989, -0.109430, 0.167126, 0.120603, -0.346775, -0.182316, 0.317602, 0.059275, -0.118177, 0.126921, 0.110712, -0.106405, 0.343612, -0.065122, -0.313660, 0.338191, 0.343892, 0.156205, -0.044817, -0.328390, 0.189092, 0.145351, 0.137472, -0.089600, -0.197069, 0.109296, -0.500914, 0.199072, 0.056338, -0.042771, -0.025329, -0.145628, 0.162621, -0.248677, -0.196059, -0.099622, -0.162667, -0.055716, -0.030957, 0.361681, -0.236864, -0.321160, 0.127331, 0.232484, -0.404555, -0.213578, 0.357206, -0.096313, -0.356496, -0.214189, 0.249846, -0.293837, -0.272457, -0.305422, -0.233085, 0.223800, -0.313365, 0.027247, 0.090110, -0.256816, -0.104506, 0.445954, 0.280759, -0.093899, -0.182361, -0.363732, 0.224951, 0.094262, -0.449218, -0.242601, -0.109464, -0.196803, 0.026192, 0.302698, -0.081143, 0.208051, 0.201724, 0.307464, -0.101987, 0.166598, 0.132835, 0.024748, 0.179334, 0.229144, -0.221103, -0.326140, -0.013545, 0.471289, 0.136198, -0.347955, 0.295139, -0.203766, -0.026880, 0.401372, -0.046792, 0.089834, -0.143855, -0.218208, 0.319585, -0.231394, 0.018459, -0.330692, 0.160648, 0.340113, 0.014049, -0.131010, 0.404301, -0.024219, 0.157780, -0.115490, 0.134224, 0.105619, -0.311883, 0.233315, -0.144440, -0.145528, 0.023662, 0.343454, 0.365999, -0.000690, 0.046815, 0.052186, -0.002342, 0.346790, -0.151073, -0.120943, 0.029922, -0.125479, -0.153654, -0.020209, 0.217190, 0.169800, -0.288195, -0.253071, 0.215919, 0.145763, -0.198767, -0.078880, 0.223123, -0.247319, 0.183957, -0.129756, -0.061965, 0.199328, 0.194334, 0.251744, -0.295505, -0.194838, 0.123544, 0.308921, 0.290143, -0.165023, 0.047998, -0.029978, -0.176645, 0.310037, 0.115654, -0.187133, -0.310114, -0.116207, 0.169896, -0.271293, -0.233694, -0.143109, -0.308866, -0.157567, -0.272990, 0.203439, -0.254887, -0.275724, -0.072409, 0.077133, -0.291983, 0.046044, 0.133291, 0.026744, -0.249621, -0.327050, 0.145653, -0.230628, -0.174933, -0.130078, -0.247504, 0.127595, -0.155664, 0.003759, 0.214297, -0.233752, -0.174932, 0.064254, 0.284776, -0.132453, -0.214338, -0.093244, 0.198694, 0.022459, -0.259742, -0.002027, -0.258753, -0.153293, -0.110333, 0.048191, 0.281358, 0.398945, 0.238182, 0.202741, -0.120414, 0.191681, -0.007169, -0.247679, 0.320537, 0.386032, -0.450834, -0.232841, -0.157797, 0.225580, 0.288721, -0.200741, 0.295125, -0.392437, -0.063701, 0.183773, 0.030338, -0.175204, -0.197941, -0.307675, 0.268581, -0.207303, 0.398341, -0.004972, 0.083893, 0.496997, 0.393755, 0.122983, 0.370231, -0.123216, 0.362745, -0.287865, 0.411420, 0.392502, -0.589792, 0.116390, 0.005177, -0.141191, -0.327144, 0.141091, 0.291158, -0.367238, -0.076910, -0.042262, -0.036895, 0.121524, -0.377289, -0.299767, -0.071968, -0.189197, -0.141273, -0.299562, 0.197095, 0.110873, -0.330497, -0.241374, 0.429579, 0.176339, -0.253090, 0.123979, 0.067889, -0.044756, 0.223417, -0.157011, -0.292544, 0.303705, 0.495462, 0.150597, -0.193998, -0.368604, 0.098980, 0.243360, 0.307901, -0.201770, -0.017718, -0.047239, -0.340704, 0.232378, 0.181504, -0.251739, -0.117088, -0.287286, 0.074008, -0.388394, -0.426267, -0.116428, -0.383884, -0.047635, -0.217798, 0.202475, -0.339327, -0.556724, 0.102819, 0.287459, -0.130501, -0.346692, 0.428504, -0.250234, -0.098296, -0.314950, 0.193128, -0.224140, -0.389755, -0.319282, -0.263364, 0.188897, -0.254006, 0.356052, 0.301316, -0.426524, -0.186480, 0.308832, 0.312373, 0.023417, -0.270740, -0.135995, 0.263449, 0.064781, -0.570800, -0.158599, -0.382097, -0.302958, 0.026161, 0.017237, 0.089568, 0.098383, 0.152349, 0.349121, -0.095006, 0.045308, 0.009729, -0.032346, 0.122127, 0.244141, -0.263162, -0.331338, -0.083319, 0.193116, 0.323842, -0.314056, 0.164298, -0.331973, -0.050949, 0.249842, 0.173252, -0.036072, -0.031841, -0.073354, 0.315085, -0.224791, 0.130356, -0.183916, 0.176282, 0.389926, 0.100461, 0.007612, 0.377360, -0.237877, 0.223619, 0.042383, 0.231255, 0.027420, -0.395176, 0.056400, 0.129912, -0.142068, 0.045928, -0.053981, 0.382294, -0.176375, -0.118342, -0.217544, 0.073305, 0.226288, -0.203787, -0.151150, 0.054676, -0.194870, -0.121212, -0.110919, 0.311711, 0.084575, -0.294640, -0.025070, 0.309398, 0.054840, -0.306170, -0.139882, 0.238251, -0.026362, 0.052255, -0.048199, -0.276046, 0.219219, 0.561951, 0.034648, -0.487334, -0.086188, 0.120699, 0.103777, 0.309402, -0.126107, -0.031897, -0.147503, -0.103055, 0.339981, 0.161703, -0.315489, -0.271154, -0.138974, 0.305169, -0.180485, -0.140111, -0.108718, -0.442199, -0.161544, -0.091329, 0.306557, -0.243069, -0.396726, 0.074800, 0.083127, -0.128977, 0.101644, 0.327842, -0.197950, -0.191215, -0.153154, 0.137818, -0.168423, -0.278822, -0.137175, -0.264271, 0.279377, -0.361836, -0.001710, 0.371352, -0.194623, -0.035274, 0.346580, 0.115369, -0.019123, -0.067789, -0.225097, 0.179021, 0.078532, -0.449921, 0.101394, -0.119367, -0.173652, 0.007969, 0.213894, 0.185313, 0.212257, 0.127509, 0.284802, -0.247718, 0.208921, 0.066516, -0.174952, 0.180038, 0.204733, -0.088894, -0.076979, -0.219933, 0.038321, 0.304060, -0.179750, 0.127895, -0.328461, -0.024644, 0.301737, 0.156726, -0.047970, -0.086350, -0.169557, 0.241215, -0.189044, 0.288983, -0.057979, 0.350284, 0.192567, 0.148423, 0.171153, 0.324571, -0.079405, 0.191419, -0.053348, 0.139378, 0.290058, -0.219433, 0.072884, -0.044256, 0.016181, -0.298471, 0.204892, 0.268712, -0.170049, 0.274992, -0.156600, 0.012256, 0.167807, -0.266231, -0.204395, 0.170933, -0.169013, -0.314971, -0.090500, 0.219368, 0.069935, -0.196515, -0.390333, 0.276690, 0.159822, -0.263855, 0.298630, 0.061155, 0.018149, 0.070614, -0.138963, -0.172718, 0.144733, 0.494799, -0.039103, -0.297876, -0.544312, 0.168798, -0.039165, 0.125965, -0.311686, -0.032312, 0.057945, -0.180750, 0.294121, -0.131511, -0.055523, 0.026916, -0.217571, -0.028826, -0.277250, -0.272697, 0.161410, -0.267130, 0.056811, -0.239706, 0.171399, -0.195435, -0.263012, 0.239954, 0.136953, -0.124343, -0.223338, 0.236589, -0.248844, -0.052056, -0.129982, 0.368615, -0.229655, -0.425908, -0.255770, -0.178242, 0.264329, -0.328194, -0.150401, 0.062020, -0.307554, -0.326530, 0.453023, 0.265743, -0.010204, -0.126352, -0.175423, 0.250792, 0.182155, -0.527334, -0.120876, -0.312461, -0.351372, 0.172348, 0.126830, 0.171046, 0.228961, 0.037195, 0.117345, -0.377462, 0.118379, 0.137743, -0.027095, 0.215715, 0.143849, -0.275311, -0.089827, -0.007507, 0.134052, 0.206502, -0.164631, 0.146555, -0.229931, -0.064942, 0.178337, -0.067661, -0.053407, -0.144933, -0.219474, 0.286562, -0.617481, 0.170818, 0.020621, 0.175100, 0.092166, 0.108763, 0.162583, 0.301688, -0.011914, 0.222178, -0.156158, 0.013687, 0.059324, -0.259208, 0.170708, 0.001237, -0.253666, -0.189506, 0.320762, 0.118255, -0.263591, 0.127792, -0.062386, -0.147586, 0.198418, -0.263578, -0.036462, 0.012239, -0.124245, -0.160404, -0.426374, 0.011324, 0.060326, -0.176842, -0.157028, 0.245577, 0.174624, -0.078373, 0.406463, 0.224716, -0.277924, 0.327207, -0.023051, -0.059640, 0.272398, 0.183883, 0.149738, -0.306991, -0.152674, 0.026511, 0.133945, 0.237004, -0.104372, -0.050224, -0.006472, -0.191893, 0.210502, 0.188061, -0.182196, -0.167099, -0.239320, 0.103014, 0.012201, -0.099629, -0.189206, -0.158294, -0.154641, -0.417779, 0.199509, -0.293323, -0.334951, 0.154189, 0.299479, -0.248804, -0.172833, 0.227709, -0.074661, -0.277585, -0.177550, 0.267273, -0.293547, -0.165818, -0.139660, -0.137001, 0.349539, -0.197745, 0.173115, 0.123933, -0.297221, -0.214427, 0.097135, 0.400430, -0.110713, -0.154502, -0.028066, 0.231841, 0.280145, -0.358677, -0.170908, -0.114288, -0.272242, -0.002451, -0.156101, 0.365566, 0.185363, 0.071305, 0.036918, -0.336535, 0.040906, 0.050100, -0.294059, 0.203675, 0.199601, -0.302740, 0.221325, -0.063835, -0.002415, 0.101560, 0.033545, 0.234692, -0.366894, -0.078501, 0.210000, -0.027179, -0.077831, -0.047716, -0.217973, 0.206429, -0.213513, 0.141220, 0.229967, 0.188964, -0.087604, 0.361595, 0.383948, 0.133527, 0.158107, 0.093087, -0.105459, 0.142794, 0.112172, -0.206452, 0.156897, -0.030764, -0.293188, -0.106593, 0.288008, 0.049514, -0.428305, 0.199068, -0.132708, -0.410468, 0.259357, -0.258816, 0.032683, 0.008918, 0.266886, -0.036025, -0.334594, -0.131889, 0.054346, -0.156010, -0.142099, 0.247921, 0.029754, -0.002010, 0.036475, 0.227440, -0.207609, 0.058547, -0.209017, -0.203530, 0.246916, 0.027226, 0.158975, 0.141112, -0.241688, 0.096284, -0.069403, 0.195858, -0.104286, 0.161716, 0.080362, -0.205821, 0.054979, 0.050057, -0.086190, 0.003155, -0.151776, -0.073462, -0.141847, -0.221301, 0.029110, -0.059816, -0.223355, -0.101847, 0.290649, -0.001637, -0.590783, -0.066860, 0.526822, -0.358125, -0.063741, 0.196556, 0.145768, -0.029835, -0.202103, 0.140142, -0.264203, -0.122875, -0.213128, -0.145623, 0.104031, 0.088842, 0.254081, 0.379892, -0.281641, -0.335853, 0.382104, 0.230771, -0.094046, -0.184593, 0.041556, 0.004121, 0.050761, -0.160546, -0.191293, -0.290185, -0.005193, 0.072432, -0.091734, -0.010656, 0.143648, 0.031562, 0.197507, 0.028223, 0.272437, 0.017112, -0.112441, 0.032731, 0.103710, -0.207872, -0.241250, -0.199360, 0.264410, 0.047338, -0.240678, 0.218759, -0.274597, -0.086231, 0.124895, -0.053713, -0.259217, -0.089662, -0.249656, 0.231512, -0.131622, -0.012618, -0.085555, -0.003361, 0.262175, 0.115675, 0.004031, 0.193598, -0.215531, 0.268407, -0.050690, 0.139027, 0.277641, -0.234339, 0.011260, 0.057570, -0.172074, 0.161211, -0.230764, 0.142726, 0.094005, -0.016590, 0.028225, 0.103033, 0.026331, -0.203175, -0.059092, 0.092394, -0.154167, -0.114501, 0.016934, 0.107831, 0.152896, -0.041093, -0.145476, 0.251997, 0.094270, -0.392185, -0.099570, 0.251754, -0.010414, 0.133968, 0.120675, -0.135485, 0.024454, 0.181476, 0.082163, -0.323089, -0.220544, 0.468570, 0.272328, 0.358220, -0.000247, -0.111545, -0.013896, -0.105208, 0.217546, 0.043082, -0.406296, -0.167788, -0.149809, 0.090732, -0.198801, -0.080068, -0.032547, -0.284740, -0.077468, -0.203025, 0.260848, 0.046744, -0.112121, 0.156098, 0.202379, 0.047075, 0.061622, 0.145741, -0.248865, -0.049996, -0.176806, -0.037850, -0.042469, 0.020853, -0.311016, -0.117086, 0.144424, -0.072505, 0.024384, -0.035348, -0.065444, 0.131066, 0.276246, 0.395085, -0.057645, -0.103361, -0.009385, 0.219471, 0.084470, -0.127152, -0.003483, -0.295541, -0.200971, 0.069953, 0.093866, 0.304615, 0.303322, 0.132245, 0.443452, -0.168447, 0.153960, 0.168015, -0.275208, 0.111828, 0.271036, -0.376911, 0.021784, -0.111483, 0.164480, 0.165450, -0.306635, 0.209076, -0.439691, -0.046032, 0.187249, -0.058011, -0.129896, -0.033020, -0.186471, 0.348080, -0.030792, 0.212066, 0.171505, 0.194826, 0.223171, 0.279490, 0.260053, 0.329058, -0.048024, 0.259960, -0.151860, 0.234963, 0.105834, -0.491013, 0.324235, 0.033743, -0.152665, -0.169815, 0.098230, 0.218742, -0.381158, -0.090761, -0.191347, -0.165501, 0.189439, -0.081796, -0.149081, 0.062449, -0.114679, -0.208699, -0.214499, 0.282309, 0.144396, -0.316644, -0.192976, 0.249279, -0.052174, -0.129728, -0.011869, 0.130962, -0.174840, 0.248484, -0.205864, -0.347679, 0.343112, 0.491634, 0.066345, -0.118413, -0.277848, 0.201707, 0.100347, 0.108233, -0.277375, 0.200230, 0.002727, -0.190445, 0.382693, 0.021907, -0.119989, -0.106854, -0.106601, -0.029651, -0.350449, -0.210270, -0.063227, -0.202882, -0.090204, -0.152111, 0.532716, -0.211693, -0.383420, 0.158684, 0.179220, -0.412071, -0.063713, 0.377461, -0.170018, -0.218153, -0.148052, 0.142676, -0.238928, -0.212613, -0.238348, -0.295488, 0.147089, -0.185573, -0.040101, 0.158353, -0.251875, -0.041364, 0.254971, 0.326018, -0.110025, -0.403518, -0.114527, 0.183386, 0.278811, -0.479841, -0.389756, -0.199817, -0.252180, 0.007936, -0.028734, 0.321476, 0.209829, 0.269360, 0.262471, -0.053741, 0.059168, 0.144795, -0.122418, 0.319842, 0.338156, -0.266718, -0.256225, -0.076993, 0.336776, 0.210456, -0.105224, 0.318913, -0.234143, -0.305803, 0.152486, 0.097548, 0.057783, -0.212340, -0.244723, 0.321157, -0.467385, 0.433828, -0.138914, 0.136651, 0.395210, 0.205651, 0.128518, 0.370063, -0.064091, 0.381413, 0.006570, 0.314228, 0.056835, -0.321759, 0.411381, 0.134304, -0.175542, -0.278055, 0.431297, 0.171256, -0.216367, -0.001951, -0.029373, -0.061187, 0.111112, -0.342930, -0.106275, 0.047685, -0.077616, -0.061663, -0.335631, 0.153077, 0.037068, -0.116587, -0.154961, 0.321662, 0.140671, -0.060220, 0.260563, 0.134748, -0.386240, 0.222369, -0.066532, -0.240773, 0.042455, 0.254285, 0.252758, -0.329166, -0.208882, 0.100868, 0.271475, 0.084252, 0.165198, -0.170841, -0.088938, -0.078263, 0.167251, 0.178151, -0.075073, -0.153417, -0.238586, 0.008014, -0.156209, -0.472411, -0.208341, -0.304007, -0.029955, -0.295037, 0.319586, -0.563040, -0.502104, -0.039567, 0.355235, -0.665907, -0.194831, 0.212294, -0.146385, -0.266982, -0.297229, 0.209587, -0.455813, -0.040436, -0.538245, -0.218434, 0.247766, -0.075689, 0.104916, 0.038968, -0.682045, -0.333987, -0.031576, 0.293993, -0.246277, -0.138135, -0.016599, 0.014589, 0.078089, -0.401975, -0.221371, -0.195139, -0.109452, -0.010894, -0.107807, 0.201689, 0.209419, 0.100194, 0.017613, -0.411109, 0.066988, 0.094553, -0.133327, 0.271286, 0.220456, -0.008635, 0.125952, -0.118263, 0.106597, 0.160608, 0.016232, 0.173734, -0.292695, 0.082089, 0.099249, 0.184744, -0.013362, -0.222879, -0.097944, 0.180234, -0.258014, 0.211571, 0.181455, 0.127400, 0.139027, 0.138954, 0.145393, 0.283640, -0.004275, 0.001197, -0.169861, 0.007097, 0.218101, -0.558703, 0.063806, -0.165697, -0.007069, -0.262033, 0.036029, 0.290250, -0.292429, 0.370039, -0.165981, -0.099690, 0.019496, -0.118493, -0.409848, 0.110269, 0.039678, -0.056490, -0.123502, -0.085761, 0.226619, -0.151164, -0.082582, 0.198573, 0.085818, -0.067448, 0.154995, -0.026878, -0.009491, 0.113434, 0.088763, -0.230213, 0.219352, 0.095225, 0.028508, -0.158834, -0.194747, -0.111907, -0.094815, 0.005145, -0.357105, -0.027878, -0.033481, -0.172587, 0.159069, -0.033319, 0.067909, -0.078832, -0.270505, 0.150155, -0.022554, -0.060155, -0.068312, -0.351188, -0.097262, 0.039455, 0.027945, -0.204360, -0.162469, 0.203691, 0.125353, -0.197475, -0.302002, 0.170386, -0.074601, -0.201378, -0.064293, 0.244092, 0.033281, -0.241414, -0.187236, -0.045407, 0.384060, -0.198303, 0.053047, 0.177567, -0.240390, -0.212843, 0.128392, 0.150127, -0.024264, -0.084187, 0.040168, 0.090236, 0.336748, -0.111648, -0.015442, -0.105648, -0.381140, 0.117890, -0.033490, 0.153859, 0.152332, 0.207592, 0.381525, -0.292858, 0.177597, 0.243196, -0.256279, 0.108743, 0.270517, -0.271783, -0.301367, 0.020574, 0.231991, 0.332482, -0.184745, 0.098498, -0.439894, -0.094464, 0.356770, 0.029733, -0.172722, 0.031651, -0.133229, 0.221111, -0.152142, 0.068018, 0.027303, 0.257352, 0.206831, 0.318967, 0.082126, 0.262660, -0.165346, 0.013024, -0.193426, -0.028208, 0.090362, -0.329401, 0.299413, 0.137974, -0.114921, -0.093509, 0.196118, 0.307768, -0.457853, 0.074885, -0.208053, -0.298013, 0.188690, -0.201722, -0.101264, 0.244946, -0.160007, -0.268785, -0.395507, 0.199338, 0.090698, -0.454735, -0.320599, -0.008430, 0.160030, -0.270004, 0.141101, 0.238053, -0.284790, 0.389441, -0.255643, -0.068849, 0.043081, 0.438744, 0.144865, -0.330222, -0.191327, 0.203579, -0.039108, 0.239753, -0.227829, 0.343571, 0.096201, -0.163166, 0.419686, 0.181607, -0.362910, -0.206171, -0.094726, 0.309884, -0.249566, -0.120148, 0.051201, -0.311594, -0.195628, -0.130077, 0.351535, -0.569085, -0.519253, 0.133937, 0.509562, -0.082255, -0.053401, 0.418825, -0.175643, -0.445224, -0.317788, 0.160768, -0.270357, -0.242472, -0.355867, -0.217161, 0.532322, -0.249388, -0.131377, 0.285461, -0.337005, 0.002315, 0.548311, 0.170336, 0.014361, -0.451153, 0.010165, 0.136283, 0.298702, -0.365911, 0.004161, -0.014883, -0.238546, 0.010253, 0.074928, 0.276788, 0.056554, 0.105077, 0.270735, -0.445326, -0.020754, 0.615324, -0.024545, 0.296140, 0.225798, -0.056242, -0.199406, -0.135705, 0.296284, 0.421772, -0.130339, 0.171077, -0.093333, -0.033680, 0.182012, 0.167027, 0.020442, -0.255885, -0.076671, 0.143479, -0.397359, 0.137185, 0.314158, 0.057664, 0.075141, 0.211416, 0.230673, 0.348648, -0.040272, 0.191684, -0.022059, -0.119124, 0.236961, -0.298125, 0.214928, -0.003936, -0.111622, -0.221396, 0.255693, 0.233710, 0.003838, 0.242537, -0.067686, -0.358808, 0.212428, -0.434960, -0.061592, 0.075642, -0.166909, -0.149583, -0.633309, 0.124410, 0.107678, -0.192544, 0.057131, 0.186540, 0.252047, -0.018556, 0.440174, 0.098600, -0.617857, 0.130992, 0.021069, 0.020402, 0.213140, 0.299096, 0.115053, -0.204193, -0.072247, -0.018150, 0.174299, 0.238655, -0.108237, 0.089096, 0.075066, -0.010651, 0.247793, 0.332291, 0.070070, -0.252146, -0.038227, 0.075308, -0.205944, -0.327029, -0.163315, -0.169939, -0.161406, -0.325033, 0.212041, -0.571544, -0.491661, 0.000859, 0.551166, -0.240693, -0.173760, 0.126272, -0.099190, -0.190336, -0.300063, 0.285848, -0.239998, -0.130357, -0.263215, -0.283314, 0.620097, -0.129538, 0.121173, 0.181384, -0.443767, -0.094746, 0.188245, 0.582905, 0.021781, -0.218314, -0.135323, 0.110751, 0.395440, -0.359997, -0.187509, -0.067268, -0.278770, 0.063660, -0.016518, 0.198517, 0.338670, 0.171884, 0.127135, -0.282773, 0.196797, 0.271359, -0.161137, 0.121481, 0.176672, -0.179231, -0.011739, -0.079633, 0.194446, 0.306022, -0.089919, 0.205918, -0.197267, -0.052938, 0.192051, -0.126195, -0.176691, -0.102815, -0.298533, 0.229033, -0.196286, 0.096058, 0.091771, 0.155486, 0.080773, 0.112705, 0.251789, -0.063116, 0.025882, 0.195439, -0.332240, 0.042645, 0.286399, -0.416126, 0.542187, -0.076313, -0.179442, -0.010388, 0.202452, 0.227810, -0.204244, 0.229688, -0.188691, -0.144237, 0.166956, -0.041442, -0.028631, 0.238531, -0.257399, -0.166439, -0.226280, 0.065412, 0.101717, -0.033570, -0.223763, 0.228775, 0.134492, -0.044400, 0.072107, 0.071427, -0.160563, 0.370404, 0.086299, -0.149415, 0.329442, 0.064745, 0.125393, -0.087913, -0.136946, 0.057999, 0.115423, 0.241519, -0.138199, 0.107718, 0.106925, -0.206701, 0.034673, 0.149615, -0.183594, -0.089246, -0.091187, 0.085649, -0.214582, -0.041975, -0.152712, -0.449302, -0.056302, -0.381989, 0.418536, -0.123753, -0.138811, 0.145764, 0.238974, -0.597310, -0.156609, 0.406814, -0.091591, -0.521131, -0.081886, 0.261539, -0.226136, -0.285021, -0.200131, -0.308742, 0.138528, -0.050600, 0.169950, -0.011571, -0.291289, -0.054240, 0.520640, 0.194521, -0.191347, -0.222400, -0.290288, 0.090969, 0.131644, -0.298737, -0.210832, -0.122063, -0.459766, -0.083738, -0.095955, 0.023293, 0.177013, 0.087013, 0.205925, -0.114318, 0.308031, 0.218539, -0.004910, 0.238346, 0.257104, -0.444453, -0.266642, -0.339684, 0.309161, 0.146045, -0.137760, 0.168762, -0.212793, -0.200950, 0.278064, -0.034926, -0.095769, -0.267321, -0.229383, 0.104841, -0.148657, 0.089662, -0.026333, 0.244753, 0.267047, 0.338841, 0.216927, 0.123309, -0.125780, 0.179211, -0.165795, 0.079593, 0.209131, -0.487243, 0.175503, 0.050214, -0.189782, -0.153220, 0.121005, 0.214627, -0.208150, 0.003030, -0.108455, 0.060830, 0.159603, -0.279304, -0.121354, 0.068063, -0.326156, -0.183372, -0.208264, 0.178466, 0.184115, -0.190781, -0.228484, 0.377375, 0.130511, -0.229276, -0.024961, 0.211460, -0.054264, 0.370756, -0.051963, -0.337906, 0.150451, 0.211797, 0.145013, -0.267912, -0.257793, 0.171819, 0.397288, 0.386399, -0.251213, -0.205765, -0.040961, -0.153003, 0.282788, -0.017365, -0.325747, -0.040298, -0.194518, 0.236655, -0.393448, -0.134220, -0.178616, -0.423499, -0.048123, -0.184693, 0.417888, -0.281116, -0.304123, 0.005284, 0.151151, -0.132630, -0.247958, 0.368117, -0.261321, -0.458171, -0.256271, 0.190951, -0.113170, -0.230424, -0.292113, -0.409035, 0.143354, -0.144773, -0.016168, -0.026273, -0.436784, -0.032975, 0.359763, 0.385115, -0.189572, -0.300496, -0.207130, 0.256014, 0.046967, -0.295572, -0.063379, -0.192768, -0.297564, -0.050972, 0.099406, 0.269852, 0.185910, 0.047311, 0.226895, -0.231973, 0.002997, 0.286582, -0.016976, 0.243215, 0.120668, 0.060595, -0.117157, 0.055638, 0.257093, 0.270625, -0.258988, 0.192157, -0.252009, -0.043574, 0.242134, 0.134022, -0.038330, 0.009508, -0.086350, 0.406061, -0.196879, 0.056892, 0.095179, 0.149996, 0.034607, 0.197528, 0.134084, 0.316976, -0.155815, 0.109330, -0.276766, 0.049303, 0.093336, -0.032335, 0.200940, -0.009226, -0.200087, -0.129909, 0.407007, 0.090223, -0.281820, 0.006494, -0.128052, -0.223817, 0.296338, -0.442995, 0.010577, 0.032594, -0.014900, -0.270610, -0.443886, 0.227754, 0.224270, -0.385548, -0.247198, 0.116744, 0.120535, -0.083671, 0.159814, 0.197633, -0.236634, -0.001158, -0.099959, -0.106931, 0.043621, 0.095641, 0.145028, -0.187236, -0.104786, 0.064726, -0.022026, 0.227403, 0.000341, 0.213938, 0.030232, -0.195678, 0.290089, 0.159568, -0.083917, -0.213015, -0.117952, 0.130008, -0.233218, -0.190560, -0.105302, -0.192299, -0.243518, -0.123196, 0.219352, -0.334451, -0.501161, -0.010147, 0.523731, -0.275280, -0.215492, 0.303074, -0.042168, -0.154093, -0.350279, 0.100627, -0.320717, -0.141352, -0.231254, -0.134847, 0.374575, 0.059231, -0.078602, 0.229334, -0.268908, -0.149241, 0.214091, 0.287474, -0.048982, -0.330396, -0.060068, 0.173116, 0.124310, -0.178113, -0.171024, -0.217423, 0.041236, 0.048723, -0.087574, 0.009731, 0.278922, 0.168439, 0.433905, -0.122766, 0.042903, 0.193549, -0.021105, 0.098020, 0.526839, -0.112596, -0.261059, -0.079206, 0.370067, 0.187717, -0.278324, 0.321908, -0.302730, -0.153094, 0.426108, 0.043008, -0.062156, 0.043742, -0.117082, 0.548136, -0.306817, 0.212615, 0.062770, 0.021478, 0.268902, 0.105674, 0.004294, 0.393934, -0.267860, 0.252325, -0.057313, 0.253896, 0.170350, -0.287644, 0.223253, 0.049391, -0.422531, -0.110547, 0.184026, 0.123146, -0.098422, -0.185340, 0.020578, -0.054394, 0.267163, -0.173286, -0.042125, -0.153273, -0.277672, -0.163644, -0.255479, 0.330587, 0.166395, -0.286090, -0.151023, 0.186535, 0.128542, -0.269718, 0.011888, 0.304813, -0.421673, 0.388987, -0.080093, -0.204193, 0.133586, 0.489685, 0.215419, -0.309556, -0.074234, 0.344450, 0.373621, 0.293012, -0.016693, 0.215615, -0.026458, -0.124527, 0.281715, 0.161835, -0.227603, -0.317285, -0.246766, 0.210195, -0.442853, -0.303961, -0.098635, -0.519786, -0.144147, -0.211402, 0.666005, -0.393353, -0.510546, -0.199311, 0.270738, -0.124989, -0.146933, 0.256757, -0.329530, -0.338707, -0.534793, 0.120135, -0.289853, -0.037110, -0.584449, -0.363535, 0.027860, -0.013634, -0.001343, 0.229354, -0.438965, -0.148948, 0.192867, 0.243791, -0.020076, -0.260985, -0.251866, 0.223819, 0.092610, -0.521202, -0.181974, -0.337819, -0.000661, 0.043618, 0.100740, 0.209943, 0.358644, 0.101615, 0.316745, -0.254595, 0.270556, 0.042240, -0.142305, 0.436343, 0.269136, -0.283771, -0.198119, -0.289175, 0.191290, 0.252497, -0.246657, 0.203425, -0.305592, -0.036634, 0.274619, -0.065381, -0.221025, -0.381110, -0.246415, 0.409102, -0.291530, 0.538823, -0.092526, 0.333876, 0.379106, 0.248460, 0.270606, 0.259599, 0.182246, 0.516349, -0.130987, 0.247061, 0.216006, -0.550880, 0.195138, -0.182077, -0.222703, -0.301397, 0.346677, 0.184062, -0.181907, 0.090331, -0.195969, -0.057499, 0.123544, -0.328224, -0.306206, 0.137578, -0.073499, -0.157834, -0.239812, 0.345177, 0.088531, -0.289250, -0.159876, 0.432851, 0.164775, -0.247957, 0.137710, 0.113331, -0.191097, 0.221624, -0.133208, -0.321744, 0.262595, 0.379272, 0.116344, -0.227469, -0.379981, 0.130981, 0.241056, 0.158950, -0.210259, -0.203605, 0.159432, -0.429560, 0.115411, 0.105898, -0.206178, -0.045733, -0.298820, 0.119086, -0.302798, -0.390744, -0.120847, -0.394751, -0.030627, -0.208226, 0.374956, -0.072956, -0.536223, 0.199481, 0.227317, -0.372733, -0.251271, 0.417617, -0.416018, -0.275578, -0.145520, 0.417806, -0.205823, -0.293881, -0.271312, -0.425629, 0.093819, -0.225858, 0.247440, 0.135381, -0.271485, -0.120187, 0.336944, 0.156779, 0.002265, -0.126077, -0.005226, 0.192290, 0.149717, -0.550041, -0.210799, -0.322441, -0.376244, -0.074077, 0.101436, 0.316300, 0.353214, 0.117292, 0.295223, -0.126649, 0.463761, -0.154575, -0.209270, 0.308027, 0.282186, -0.518858, 0.153740, -0.207350, 0.081899, 0.292969, -0.108424, 0.151868, -0.439966, -0.036565, 0.388220, 0.203006, -0.109494, -0.047697, -0.490652, 0.206800, -0.293852, 0.226438, 0.079531, 0.317168, 0.335749, 0.326872, 0.364210, -0.014162, -0.015317, 0.159148, -0.008685, 0.113936, 0.380884, -0.408176, 0.191125, -0.348581, -0.133748, -0.219386, -0.055401, 0.349396, -0.421191, 0.015053, -0.312197, -0.080251, 0.006535, -0.041758, -0.404842, 0.154285, 0.005074, -0.265805, -0.189113, 0.100698, 0.094208, -0.050474, -0.277667, 0.211371, 0.031089, -0.048596, 0.234523, 0.187130, -0.089483, 0.222200, -0.020936, -0.133619, 0.275563, 0.149694, 0.286848, -0.279611, -0.427290, 0.094614, -0.102239, 0.002927, -0.276233, 0.376070, 0.183335, -0.439761, 0.093074, -0.155221, -0.192006, 0.061737, -0.392866, -0.017241, -0.278657, -0.041868, 0.220052, -0.120443, 0.026915, -0.213954, 0.060962, -0.060067, -0.474563, 0.218480, 0.193285, -0.333712, -0.063403, 0.339487, -0.161133, -0.059501, -0.124553, 0.350055, -0.046656, -0.366509, -0.181875, -0.178307, 0.052795, -0.274373, 0.001312, -0.088114, -0.294372, -0.138341, 0.190401, 0.139404, -0.159221, -0.293054, -0.171639, 0.145009, 0.137356, -0.624836, -0.109476, -0.094486, -0.399670, 0.129908, -0.034267, 0.081810, 0.195299, 0.082125, 0.105470, -0.148392, -0.028982, 0.228303, -0.130251, 0.239368, 0.307338, -0.366963, -0.340784, -0.003351, 0.388656, 0.266576, -0.081839, 0.000426, -0.183959, 0.008857, 0.445807, -0.081776, 0.027614, -0.050309, -0.082460, 0.258820, -0.318952, 0.149495, 0.069658, 0.189472, 0.227846, 0.368532, 0.180674, 0.265713, 0.005284, 0.275715, -0.023565, 0.038471, 0.050919, -0.420039, 0.508801, 0.066106, -0.189540, -0.151493, 0.101195, 0.449771, 0.102972, -0.122674, -0.156708, 0.042435, 0.081199, -0.386563, -0.160740, 0.101873, -0.239051, -0.063969, -0.409500, 0.040123, 0.209218, -0.193118, -0.016360, 0.269339, 0.087536, -0.180681, 0.088767, 0.241373, -0.366030, 0.230521, 0.189656, -0.084135, 0.283160, 0.400680, 0.148675, -0.160000, -0.173215, 0.172740, 0.492646, 0.207100, -0.103115, -0.016371, -0.090601, -0.168315, 0.437878, 0.013876, -0.127695, -0.186558, -0.182180, 0.200425, -0.240335, -0.282430, -0.360692, -0.330318, 0.006631, -0.140810, 0.384951, -0.447717, -0.495402, 0.039823, 0.222211, -0.333889, -0.240755, 0.188690, 0.062399, -0.264337, -0.223759, 0.071491, -0.135068, -0.075552, -0.278270, -0.169600, 0.339181, -0.258988, 0.067419, 0.154913, -0.441890, 0.079275, 0.290143, 0.361476, -0.145675, -0.180766, -0.298626, 0.109251, 0.341488, -0.441656, -0.167777, -0.165503, -0.146524, 0.050907, 0.128032, 0.414891, 0.158213, 0.150375, 0.099091, -0.337019, 0.121867, 0.160797, -0.447660, 0.042907, 0.241236, -0.339864, -0.024808, -0.231546, 0.181847, 0.122897, -0.151137, 0.067670, -0.285815, 0.185914, 0.116675, -0.197304, -0.046088, -0.098272, -0.291445, 0.035177, -0.080996, 0.247130, 0.174360, 0.363349, 0.251031, 0.339790, 0.384349, 0.181553, 0.241982, 0.300251, -0.229759, 0.299450, -0.004847, -0.346040, 0.366603, -0.093456, -0.029679, -0.396303, 0.378919, 0.317154, -0.036755, 0.162637, -0.224306, -0.230557, -0.088774, -0.134977, -0.035645, 0.092716, -0.096501, -0.071153, -0.194371, 0.071035, 0.148228, -0.220648, -0.244734, 0.220739, -0.109879, 0.074491, 0.184824, 0.004456, -0.415747, 0.184828, 0.110057, -0.274335, 0.326751, 0.396518, -0.004741, 0.002768, -0.357357, 0.028511, 0.026027, 0.049990, -0.091478, 0.061068, 0.112059, -0.359941, 0.102844, 0.123931, 0.004864, -0.094918, -0.150424, 0.090239, -0.154041, -0.126813, -0.010208, -0.024872, 0.072505, 0.162793, 0.163596, -0.264620, -0.392664, 0.381879, 0.170062, -0.377333, -0.121739, 0.281318, -0.172782, -0.184790, -0.145593, 0.290666, -0.061002, -0.389040, -0.255697, -0.179403, 0.179266, -0.277633, 0.223327, -0.067813, -0.250436, -0.169386, 0.180121, 0.176925, 0.171556, -0.038444, -0.202588, 0.270273, 0.311212, -0.617046, -0.215737, -0.531630, -0.136154, 0.279212, -0.125862, -0.082227, 0.235881, -0.066005, 0.065196, -0.054040, -0.105227, 0.121188, 0.160022, 0.127978, 0.151337, 0.147478, -0.067312, 0.007625, 0.176647, -0.035202, -0.026130, 0.062847, -0.045050, -0.342311, 0.033614, 0.022470, -0.082394, -0.249791, 0.058823, 0.130087, -0.303983, 0.042477, -0.048470, -0.015514, -0.193858, -0.011654, 0.012915, 0.195266, -0.014671, 0.071549, -0.033427, -0.191371, -0.057662, -0.174181, -0.064494, -0.172713, -0.141846, 0.058423, 0.020486, 0.011746, 0.154315, 0.063693, 0.224428, 0.052850, 0.023265, -0.148750, -0.158009, -0.032207, 0.067649, 0.039926, -0.173947, -0.070115, 0.266939, 0.004058, 0.180405, 0.068816, 0.379430, -0.283746, 0.050796, 0.276867, -0.260820, 0.119938, 0.078192, 0.032368, 0.133626, -0.153623, 0.165292, -0.058635, 0.013334, 0.216693, 0.137966, 0.253104, 0.087283, -0.171008, -0.211919, -0.132437, -0.082048, 0.259065, -0.054430, -0.112878, -0.161083, 0.155435, -0.107460, -0.073287, -0.353212, -0.080657, -0.417785, -0.280389, 0.189135, -0.289431, -0.201135, 0.000174, 0.132602, 0.042025, 0.011155, -0.059552, -0.011006, -0.174606, -0.132692, -0.057119, -0.315570, 0.091212, -0.208157, 0.064225, -0.088688, 0.138392, 0.010740, 0.097400, -0.156558, -0.057456, -0.057027, 0.093122, -0.218596, -0.061912, -0.000486, 0.072094, 0.100408, -0.034124, 0.023135, -0.001560, 0.049248, -0.173583, 0.059967, 0.176847, 0.292909, -0.116521, 0.083776, -0.189457, 0.091104, 0.200168, -0.066040, 0.174272, 0.164665, -0.199366, -0.350304, -0.165801, 0.205522, 0.218979, -0.145212, 0.176510, -0.264819, -0.103595, 0.166859, -0.006707, -0.134166, -0.214199, -0.148157, 0.284315, -0.194214, 0.153000, 0.061499, 0.092358, 0.151397, 0.129063, 0.143768, 0.240162, -0.000954, 0.126354, -0.194543, 0.064066, 0.069342, -0.291688, 0.246673, -0.125958, -0.193608, -0.074641, 0.094053, 0.230576, -0.099311, 0.243016, -0.120474, -0.090789, 0.130341, -0.282823, -0.092358, 0.124238, -0.276911, -0.078908, -0.367777, 0.189894, 0.158003, -0.342740, -0.082804, 0.291035, 0.107336, -0.133767, 0.210413, 0.199259, -0.296516, 0.186865, 0.097210, -0.150212, 0.120179, 0.272153, 0.037792, -0.215622, -0.112236, 0.206626, 0.266614, 0.003769, -0.137474, -0.078945, 0.104818, -0.156220, 0.319779, 0.135260, -0.048219, -0.347021, -0.245069, 0.321876, -0.344082, -0.168648, -0.233470, -0.369618, -0.008504, -0.202465, 0.237047, -0.380581, -0.289798, 0.030938, 0.300227, -0.114037, -0.133018, 0.230992, -0.092417, -0.197423, -0.152028, 0.242443, -0.127348, -0.278402, -0.165567, -0.490992, 0.420708, -0.369314, 0.117354, 0.103357, -0.381646, -0.105276, 0.154983, 0.378265, -0.040768, -0.083589, -0.127293, 0.057282, 0.219122, -0.185968, -0.035443, -0.259573, -0.285509, -0.095866, -0.195476, 0.232302, 0.141905, -0.004682, 0.139089, -0.487502, 0.259532, -0.096147, -0.268728, -0.104794, 0.095008, -0.300822, -0.119451, -0.239110, 0.183988, 0.329836, -0.077702, 0.276350, -0.302468, -0.020404, 0.172620, 0.083320, -0.246380, -0.313726, -0.325231, 0.178154, -0.177960, 0.123834, 0.078796, 0.318551, -0.150844, 0.442734, 0.371048, 0.002794, 0.016557, 0.328635, -0.353867, 0.026270, 0.191561, -0.195184, 0.260409, -0.141463, -0.173785, -0.418771, 0.251314, 0.251660, -0.321403, 0.212161, -0.284244, -0.158746, 0.323171, -0.141586, -0.227909, 0.067105, 0.145289, -0.217520, -0.038427, -0.036142, 0.169576, -0.218188, -0.382140, 0.068562, 0.056426, -0.119417, 0.362166, 0.200753, 0.020824, 0.164053, -0.040896, -0.157512, 0.269318, -0.137617, 0.327952, -0.069147, -0.100652, 0.017795, -0.096965, 0.136021, -0.068313, 0.109980, 0.182621, -0.336257, 0.187202, -0.047691, -0.196490, -0.211666, -0.246672, -0.033172, -0.027529, -0.144931, 0.049653, -0.234377, 0.021342, -0.093753, 0.095992, 0.031985, -0.129941, 0.233205, 0.237887, -0.535765, -0.331998, 0.494361, -0.150577, -0.107516, -0.298774, 0.307057, -0.106054, -0.220328, -0.134945, -0.235797, 0.069315, -0.246244, -0.040915, 0.297843, -0.208090, -0.335973, 0.205643, 0.373357, -0.140243, -0.327772, -0.079413, 0.217219, 0.037530, -0.345525, -0.331877, -0.151670, -0.055189, 0.236770, -0.047900, 0.114975, 0.160947, 0.074110, 0.420182, -0.170850, 0.130824, -0.026053, -0.039601, 0.072013, 0.341592, -0.267768, -0.011175, -0.199838, 0.316205, 0.221824, -0.192534, 0.262681, -0.346840, -0.234834, 0.386321, 0.012530, -0.184712, 0.123604, -0.197949, 0.293426, -0.154609, 0.167301, -0.065494, 0.135793, 0.320055, 0.212943, 0.146975, 0.158768, -0.019370, 0.217134, -0.059985, -0.022762, 0.144533, -0.345743, 0.247661, -0.113783, -0.446542, 0.020096, 0.040093, -0.000415, -0.074127, 0.109817, -0.143926, 0.228663, 0.322011, -0.075001, -0.195831, 0.025422, 0.004551, -0.183761, -0.079427, 0.102539, 0.200740, -0.145841, -0.129146, 0.078849, 0.069025, -0.340202, -0.096531, 0.340380, -0.065190, 0.404760, -0.085053, -0.279744, 0.278503, 0.171157, 0.277285, -0.240657, 0.031336, 0.170607, 0.219638, 0.523676, -0.049345, 0.118243, -0.007314, -0.102805, -0.039409, 0.044636, -0.447220, -0.367660, -0.196939, 0.172108, -0.279703, -0.088770, -0.178819, -0.255358, -0.328357, -0.134787, 0.320089, -0.285086, -0.441489, 0.089632, 0.172709, -0.351442, -0.074549, 0.364153, -0.183536, -0.435417, -0.362204, 0.274175, -0.367750, -0.118248, -0.281915, -0.106225, 0.210501, -0.075633, -0.217977, 0.109558, -0.492254, 0.008575, 0.417507, 0.342120, -0.281501, -0.381311, -0.064944, 0.091504, 0.189820, -0.224584, 0.007759, -0.014613, -0.171693, -0.147180, 0.118754, 0.030414, -0.047392, 0.082980, -0.006292, 0.083517, 0.042116, 0.061670, -0.100102, -0.022972, 0.039826, -0.189275, -0.048042, -0.045241, 0.099568, -0.109702, -0.015170, -0.068449, -0.110530, 0.046801, -0.090252, -0.034701, 0.044004, 0.082399, -0.021155, 0.111856, -0.069462, -0.005042, 0.168390, 0.045715, 0.082748, 0.135834, 0.094001, 0.122367, 0.035016, 0.094471, 0.033854, 0.218481, 0.056813, -0.102342, 0.021517, 0.026344, -0.022753, -0.090268, -0.041788, 0.090236, 0.008402, -0.072755, 0.003628, 0.041972, -0.034640, -0.150402, -0.055530, -0.101531, -0.027013, -0.107539, 0.047063, 0.147774, 0.089965, -0.118358, 0.051913, -0.011156, 0.085490, -0.051436, -0.037776, -0.175092, -0.179921, -0.010072, -0.066234, 0.017006, 0.175771, 0.101014, -0.031589, -0.011203, -0.058947, -0.060826, -0.012444, 0.010420, -0.008155, -0.055448, -0.027781, -0.022500, 0.003457, 0.051501, -0.077442, -0.135943, -0.041137, 0.071257, -0.002779, -0.010548, 0.004762, -0.037620, 0.027631, 0.026294, -0.009620, -0.105513, -0.117197, 0.112117, -0.069655, 0.077733, 0.008441, 0.057062, -0.019747, 0.031309, 0.032592, 0.117172, -0.242609, -0.164551, -0.122048, 0.018432, -0.055444, -0.095913, 0.064346, -0.006629, -0.054587, -0.154846, -0.015128, -0.060616, -0.054481, -0.020843, -0.090476, 0.086810, 0.052279, -0.131703, -0.088520, -0.130740, 0.112828, 0.193646, -0.087221, 0.084944, 0.177196, 0.147646, 0.110810, -0.114948, -0.092008, 0.096877, 0.077647, 0.166507, 0.070854, -0.018439, -0.099443, -0.059997, 0.113916, 0.108665, -0.145998, 0.219259, -0.013780, -0.212327, 0.166586, 0.074966, -0.072000, 0.028379, 0.004378, 0.214833, -0.418387, 0.187035, -0.109784, -0.079587, -0.039260, -0.044465, -0.009904, 0.223014, -0.021485, 0.118544, 0.121545, 0.138298, -0.097314, -0.261051, 0.032863, 0.161825, -0.237533, 0.001368, -0.032466, 0.107270, 0.057828, -0.065705, 0.125106, -0.070400, 0.054948, -0.237307, 0.015984, 0.104915, -0.102467, 0.047398, -0.233816, -0.040651, 0.024691, -0.110973, -0.002617, 0.132654, 0.284206, -0.162229, 0.077610, 0.042538, -0.002418, 0.147566, 0.069891, -0.054733, -0.038507, 0.062115, 0.101960, -0.326021, -0.196964, 0.107041, 0.175516, 0.170812, -0.090510, -0.095550, -0.115471, 0.081032, 0.111299, 0.117769, -0.353223, -0.039718, -0.051792, 0.104226, -0.110835, -0.101915, 0.048742, -0.330284, -0.015649, -0.208283, 0.242433, -0.186841, -0.191515, -0.094442, 0.209757, -0.133507, -0.124328, 0.105018, -0.093036, -0.181691, -0.086510, 0.102636, -0.287078, -0.029771, -0.212942, -0.020675, 0.258313, -0.089496, 0.012970, 0.166415, -0.258210, -0.113520, 0.001605, 0.300241, -0.050007, -0.104835, 0.131951, 0.046908, 0.006262, -0.143604, 0.069657, 0.061325, -0.284879, -0.036658, 0.094429, -0.069341, 0.016468, 0.086565, 0.285505, -0.154909, 0.081610, -0.104622, 0.046157, -0.065328, 0.121743, -0.093074, 0.205908, -0.058299, 0.292589, 0.197860, -0.086213, 0.163418, -0.420307, -0.173665, 0.451994, 0.165848, -0.105088, 0.083132, -0.055145, 0.551573, -0.470194, 0.260128, -0.293173, 0.244979, 0.288814, -0.085982, -0.045794, 0.185696, -0.194989, 0.074566, 0.114735, -0.007574, 0.148212, -0.424659, 0.199822, -0.178585, -0.180931, -0.184013, -0.155646, 0.285283, -0.261250, 0.075789, -0.124313, 0.216070, 0.351030, 0.011077, -0.424493, 0.032874, -0.037439, -0.286601, -0.005488, 0.144034, 0.176472, 0.060847, -0.172005, 0.377300, 0.205659, -0.240200, 0.055810, 0.197281, 0.011715, 0.350641, -0.055120, 0.075603, 0.260748, 0.601515, 0.046668, -0.293018, -0.116527, 0.301309, -0.047086, 0.191228, -0.169016, 0.031796, -0.062657, -0.383847, 0.133869, -0.074593, -0.249135, 0.081963, -0.283240, 0.176577, -0.246715, 0.010236, 0.069756, -0.215366, -0.151436, -0.263385, 0.158937, -0.266320, -0.301995, -0.052926, 0.069735, -0.326884, 0.099727, 0.246797, -0.109086, -0.028529, -0.251390, 0.165985, -0.376799, -0.269250, -0.150876, -0.239686, 0.287278, -0.165599, 0.017103, 0.164683, -0.298554, -0.099144, 0.328735, 0.188736, -0.112950, -0.203004, -0.452820, 0.005356, 0.106913, -0.417744, 0.030955, -0.016970, -0.488835, -0.083172, 0.231582, 0.176163, 0.204857, 0.213402, 0.351143, -0.131578, -0.009467, 0.289838, -0.104403, 0.165681, 0.166571, -0.199342, -0.262457, -0.070877, 0.370745, 0.373548, -0.270141, 0.193197, -0.197743, -0.082575, 0.298283, -0.100504, -0.237551, -0.110014, -0.070997, 0.396028, -0.339928, 0.342273, 0.130259, -0.049404, 0.200547, 0.310453, 0.136475, 0.204917, -0.179782, 0.239677, -0.112008, 0.228856, 0.272872, -0.400777, 0.345491, 0.164755, -0.251733, 0.019075, 0.072183, -0.134353, 0.031812, 0.074614, -0.019252, -0.256283, 0.174809, -0.307873, 0.036751, 0.090701, -0.106879, -0.072927, -0.264436, 0.026602, 0.093929, -0.112072, -0.152712, 0.261356, 0.203053, -0.306722, -0.148974, 0.116043, -0.163434, 0.230152, 0.084474, -0.181852, 0.168690, 0.196685, 0.090798, -0.175164, -0.144992, 0.167863, 0.208649, 0.302637, -0.139353, -0.001031, -0.146206, -0.092394, 0.229036, 0.191841, -0.370598, -0.288709, -0.007475, 0.233670, -0.241160, -0.416808, -0.128002, -0.411924, -0.217685, -0.257976, 0.570205, -0.044664, -0.456718, 0.032289, 0.382614, -0.219109, -0.227935, 0.288246, -0.063710, -0.308815, -0.342994, 0.114537, -0.207422, -0.165742, -0.375911, -0.172638, 0.227121, -0.161254, 0.086801, 0.259012, -0.320326, -0.058326, 0.324056, 0.586406, -0.134387, -0.144656, -0.084323, 0.275095, 0.081133, -0.344302, -0.145516, -0.298841, -0.010648, -0.037152, 0.213256, 0.080437, 0.360100, 0.255945, 0.073790, 0.020464, 0.265085, 0.089329, -0.111437, 0.163502, 0.068978, -0.178248, -0.316503, -0.011028, 0.036947, 0.191027, -0.363972, 0.230332, -0.356408, -0.196274, 0.048422, -0.050882, -0.014159, -0.179898, -0.001772, 0.215901, -0.029030, 0.135077, 0.036492, -0.018187, 0.319659, 0.198412, 0.188777, 0.255958, -0.125167, 0.265518, 0.094755, 0.390190, 0.021833, -0.037561, 0.031554, 0.165308, -0.086930, 0.278835, 0.170649, 0.096085, 0.025321, -0.116807, -0.063011, -0.107438, 0.014850, -0.359688, 0.205042, -0.027709, -0.181083, 0.129878, -0.053592, 0.160587, -0.008184, -0.271096, -0.077401, -0.034141, 0.341451, -0.370253, -0.296223, -0.006557, -0.285298, 0.152128, -0.057625, -0.036719, 0.096463, 0.083112, 0.218121, -0.128722, -0.269744, 0.014890, 0.172044, 0.141437, -0.200167, -0.064732, -0.120061, 0.040955, 0.264236, 0.367165, -0.255087, -0.356461, 0.061109, 0.039772, -0.177802, -0.284219, 0.082112, -0.521653, -0.044208, -0.063338, 0.237253, -0.052619, -0.332559, 0.302229, 0.072498, -0.043603, -0.202886, 0.029472, -0.076843, -0.009187, -0.093468, -0.074494, 0.063180, -0.203257, -0.173787, -0.115476, 0.224118, -0.262512, 0.169961, 0.478047, -0.060422, 0.106841, 0.319722, 0.272604, 0.030428, -0.033781, 0.234761, 0.005974, -0.058726, -0.159050, -0.008510, -0.296284, -0.048170, -0.036791, -0.009115, -0.042329, 0.091277, 0.264364, -0.014993, 0.109024, -0.019036, 0.028794, -0.089692, 0.166939, -0.028940, -0.150937, -0.444172, -0.049405, 0.197490, 0.043659, -0.207968, 0.320964, -0.082618, 0.071971, 0.099494, -0.060000, -0.013050, -0.476669, -0.025229, 0.101147, -0.113319, 0.273348, -0.108842, -0.078150, 0.238357, 0.231299, 0.149279, 0.178275, -0.026366, 0.329472, 0.021829, 0.184826, 0.035292, -0.112937, -0.152896, 0.079552, -0.091062, 0.069092, 0.254600, 0.086801, 0.054895, -0.098020, 0.129838, 0.056118, 0.010081, -0.518615, 0.176527, -0.152684, -0.229323, 0.185052, -0.092720, 0.134161, -0.030294, -0.144967, 0.000372, 0.242065, 0.202744, -0.440313, -0.077585, -0.003414, -0.174897, 0.066349, 0.169357, -0.126885, 0.181576, 0.219372, -0.005505, -0.072398, -0.151558, 0.278565, 0.360982, 0.118010, 0.146661, -0.093721, -0.173086, 0.116962, 0.151312, 0.346625, -0.033147, -0.307336, -0.061481, -0.057261, -0.146786, -0.543142, -0.432519, -0.223161, -0.051073, -0.051548, 0.217448, -0.091122, -0.167087, -0.182674, 0.129211, 0.158358, -0.142458, -0.022838, 0.019886, 0.055826, -0.098974, -0.144111, -0.136146, -0.027521, -0.088618, 0.122182, -0.205121, 0.066394, 0.125906, 0.406870, -0.161603, 0.087027, 0.124480, 0.025166, -0.018435, 0.096568, 0.003501, 0.004050, -0.161823, -0.046608, 0.029500, -0.202879, 0.100838, -0.005196, -0.016430, 0.203989, 0.221367, 0.235534, 0.014437, -0.116131, -0.067727, -0.057846, -0.168273, 0.232947, 0.193103, 0.064755, -0.124445, -0.055078, 0.060343, -0.015514, -0.231462, 0.104239, -0.111824, -0.109587, -0.076318, -0.039517, 0.049991, -0.242985, -0.055728, 0.367923, -0.352567, 0.121931, -0.163896, 0.330374, 0.263191, -0.049111, -0.043004, 0.179235, 0.079507, 0.127898, 0.070668, 0.179090, 0.067434, -0.259089, 0.031966, -0.101645, 0.111945, -0.036037, 0.206674, 0.227970, -0.006527, 0.077947, -0.007018, 0.058044, 0.089355, -0.132486, -0.022505, -0.062665, -0.176744, 0.020135, -0.183869, 0.038204, 0.047532, -0.215558, 0.006364, 0.219941, 0.102276, -0.603132, -0.040339, 0.147113, -0.148558, 0.086154, 0.021951, 0.017472, 0.242467, 0.311020, 0.112326, -0.030221, -0.142487, 0.265950, 0.140730, 0.061580, -0.111879, -0.191254, -0.063118, -0.233917, 0.242349, 0.100058, -0.010435, -0.081099, -0.057775, 0.107379, -0.124032, -0.199002, 0.027686, -0.444018, 0.037186, 0.089771, 0.187061, 0.013138, -0.162401, 0.138224, 0.006207, -0.086479, -0.111983, 0.049825, -0.019557, 0.041285, -0.119036, 0.111589, -0.104486, 0.059071, 0.098618, -0.007972, 0.200477, -0.144445, 0.146759, -0.007830, -0.011316, -0.226056, -0.202090, 0.083034, 0.093923, -0.062713, 0.098297, -0.022925, 0.221397, -0.256206, -0.172889, -0.296667, -0.276486, -0.017588, -0.042267, 0.303636, 0.293478, 0.034015, 0.288644, -0.267472, 0.140928, 0.244174, -0.390386, 0.211812, 0.341187, -0.248238, -0.220993, -0.049583, 0.164865, 0.316081, -0.098847, 0.240125, -0.431895, -0.162076, 0.185084, -0.057807, -0.134091, -0.147901, -0.423415, 0.220525, -0.072816, 0.196321, -0.028001, 0.233058, 0.256105, 0.450230, 0.347365, 0.248907, -0.015364, 0.211092, -0.299520, 0.151547, 0.302452, -0.357283, 0.176355, -0.009737, -0.120629, -0.171109, 0.268583, 0.274070, -0.200867, 0.018150, -0.216807, -0.431537, 0.045858, -0.370574, -0.011423, -0.055976, 0.012986, -0.280938, -0.332062, 0.248023, 0.056913, -0.416715, -0.327605, -0.029507, 0.130058, -0.184014, -0.039949, 0.083126, -0.347205, 0.188176, -0.024705, -0.235581, 0.356910, 0.101424, 0.046821, -0.233101, -0.272259, 0.126368, 0.122487, 0.245374, -0.204182, 0.140147, 0.052948, -0.224685, 0.208489, 0.236222, -0.238223, -0.117367, -0.125380, 0.102742, -0.250369, -0.406812, 0.039754, -0.184265, 0.034180, -0.155910, 0.351295, -0.132430, -0.346539, 0.223477, 0.617131, -0.099988, -0.192665, 0.365581, -0.199587, -0.408410, -0.237750, 0.212264, -0.188473, -0.235759, -0.303773, -0.263032, 0.118902, -0.200976, 0.212378, 0.213476, -0.200669, -0.048830, 0.499051, 0.222090, 0.031366, -0.254926, -0.024574, 0.296466, 0.080551, -0.301824, -0.146434, -0.217811, -0.111252, 0.010126, -0.028113, 0.039720, -0.027154, 0.041316, 0.343151, -0.054707, 0.199403, 0.127576, -0.147114, 0.091668, 0.101438, -0.129454, -0.129821, -0.243298, 0.280211, 0.124837, -0.182058, -0.001109, -0.331088, -0.077287, 0.298187, 0.097489, -0.062337, 0.126886, -0.063850, 0.227993, -0.175544, -0.109803, -0.109025, 0.330489, -0.008249, 0.032320, 0.026555, 0.226009, -0.098318, -0.064727, -0.160028, 0.036975, 0.132898, -0.154901, 0.241698, -0.049129, -0.389021, -0.093066, 0.028714, 0.270494, -0.232928, -0.098128, -0.190643, 0.022047, 0.383844, 0.050324, -0.147787, 0.064910, 0.128886, -0.199818, -0.165177, 0.175999, 0.346244, -0.093746, -0.225786, 0.203334, 0.025210, -0.149441, 0.273142, 0.201443, -0.208707, 0.268318, -0.118858, -0.031039, 0.050917, 0.207395, 0.339395, -0.299288, -0.193319, 0.222350, 0.077163, 0.291387, -0.076956, 0.228771, 0.097163, -0.156262, 0.353192, 0.050012, -0.314401, -0.017750, -0.302287, 0.215857, -0.267125, -0.012011, 0.001141, -0.216639, -0.098448, -0.191463, 0.245302, -0.386693, -0.274498, 0.009938, 0.219496, -0.220778, -0.075063, 0.093634, -0.158802, -0.251832, -0.226773, 0.216030, -0.197532, -0.057950, -0.257264, -0.162902, 0.222471, -0.184191, -0.160174, 0.042059, -0.094530, 0.044783, 0.140782, 0.096145, -0.042820, -0.481865, -0.286202, 0.160658, 0.216021, 0.011556, -0.000755, 0.010681, -0.154302, 0.032827, 0.097942, 0.155037, 0.295974, 0.008943, 0.224453, -0.249064, 0.072619, 0.140335, -0.327910, 0.133460, 0.231528, -0.304114, -0.060025, -0.052701, 0.319819, 0.132238, -0.183252, 0.174678, -0.529785, -0.172792, 0.447167, 0.142576, -0.094660, -0.134185, -0.272003, 0.324933, -0.135144, 0.145069, 0.074321, 0.092979, 0.041369, 0.234363, 0.276001, 0.471501, -0.107519, 0.083178, -0.056063, 0.250500, 0.063577, -0.456264, 0.221297, -0.014347, -0.307156, -0.066280, 0.086547, 0.153442, -0.252945, -0.083543, -0.045453, -0.232823, 0.161736, -0.131785, -0.099490, -0.049570, -0.049694, -0.175544, -0.163868, 0.064756, 0.286064, -0.204142, -0.082189, 0.104806, 0.054563, -0.261251, 0.170203, 0.278639, -0.191769, 0.331209, -0.019529, -0.154507, 0.230005, 0.167185, 0.115956, 0.007159, -0.181419, 0.168371, 0.161787, 0.287277, -0.200490, 0.207872, -0.014610, -0.377513, 0.130680, 0.155720, -0.252686, -0.137621, -0.201112, 0.156784, -0.190545, -0.150693, -0.185009, -0.215961, -0.388397, -0.039540, 0.421756, -0.357219, -0.589975, -0.119078, 0.367753, -0.345352, -0.049193, 0.197618, -0.189024, -0.299841, -0.376329, 0.258341, -0.287135, 0.026772, -0.249924, -0.142334, 0.076855, -0.020304, -0.041048, 0.166924, -0.420176, -0.070471, 0.148724, 0.344274, -0.068213, -0.526810, 0.020721, 0.078703, 0.192285, -0.325809, -0.150437, -0.130165, 0.007657, -0.099898, 0.023812, 0.088238, -0.004875, 0.015658, 0.024010, 0.057649, -0.030415, 0.107087, 0.028514, 0.142307, -0.098429, -0.026325, 0.125999, 0.052878, -0.023917, -0.019526, 0.172301, 0.049393, 0.136929, 0.025299, -0.177700, 0.083124, 0.087250, 0.109968, 0.061754, 0.157540, 0.168969, 0.062140, 0.106177, -0.040784, 0.078176, 0.031104, 0.011133, -0.021903, -0.121723, 0.065536, 0.007115, 0.001297, -0.151322, 0.013625, -0.034483, 0.161769, 0.000603, 0.060342, -0.005015, -0.168526, 0.101713, -0.170515, 0.036836, -0.047212, -0.056146, -0.027277, 0.037549, 0.009379, -0.136085, 0.082094, 0.031518, 0.102743, 0.000557, 0.101071, 0.100918, -0.186469, 0.071248, 0.111981, -0.086607, -0.231064, 0.070636, 0.049740, -0.094585, 0.024213, 0.028731, -0.107583, -0.041677, -0.006289, 0.048356, -0.258710, -0.101646, -0.087238, 0.123614, -0.034822, -0.075003, 0.030435, -0.036167, 0.052649, -0.033066, 0.032137, 0.099693, -0.187052, 0.048291, -0.014744, 0.082789, -0.020279, 0.048785, 0.028314, -0.084995, 0.100779, -0.057071, 0.023726, -0.123443, -0.001346, -0.101019, 0.061548, 0.022620, 0.037535, 0.096218, -0.036237, 0.044072, -0.093418, 0.062078, -0.028197, -0.006453, 0.125929, 0.027258, 0.009310, 0.040229, 0.045800, -0.072852, -0.003563, 0.038393, 0.008607, 0.028827, -0.104807, -0.038812, 0.041868, -0.105981, 0.116239, 0.177488, 0.122044, -0.118424, 0.227511, 0.501606, 0.167981, 0.049039, -0.186464, -0.091595, 0.473525, -0.356977, 0.262022, 0.285198, -0.216186, -0.287889, -0.119981, 0.280002, 0.294455, -0.209120, 0.188355, -0.301003, -0.063557, 0.117725, -0.044573, -0.280592, -0.304222, -0.127711, 0.540604, -0.355124, 0.359898, 0.066718, -0.080745, 0.269754, 0.376030, 0.264024, 0.313953, -0.236855, 0.305440, -0.128278, 0.402124, 0.096945, -0.401065, 0.213602, 0.156817, -0.152589, -0.014304, 0.205499, 0.156338, -0.118195, -0.103136, -0.162326, -0.323293, 0.123634, -0.364823, 0.024767, 0.076914, -0.263993, 0.059526, -0.324628, 0.319404, 0.073896, -0.296205, -0.054765, 0.308048, 0.364275, -0.296326, 0.008829, 0.173547, -0.318192, 0.410454, 0.143176, -0.306935, 0.185234, 0.264893, 0.100111, -0.136759, -0.156740, 0.168630, 0.467254, 0.322075, -0.179137, -0.015349, -0.080353, -0.223070, 0.324068, 0.401549, -0.355270, -0.460129, -0.101974, 0.169395, -0.286939, -0.350624, -0.293146, -0.391118, -0.176991, -0.272584, 0.811168, -0.211161, -0.528959, 0.135646, 0.339969, -0.310332, -0.341180, 0.166371, -0.187222, -0.252433, -0.316061, 0.063391, -0.115253, -0.114769, -0.184981, -0.391090, 0.130313, -0.256139, 0.261519, 0.177130, -0.310011, -0.080715, 0.143671, 0.355196, 0.013423, -0.116159, 0.219680, 0.354390, 0.102449, -0.370649, -0.307660, -0.440521, -0.129411, -0.109452, 0.226561, 0.134968, 0.324320, 0.133830, 0.246545, -0.258472, 0.193349, 0.049214, -0.027276, 0.305448, 0.216733, -0.018387, -0.318883, -0.158625, 0.270122, 0.305396, -0.152104, 0.102915, -0.426878, 0.015405, 0.094801, 0.181206, -0.230347, -0.092857, -0.063096, 0.343382, -0.332213, 0.110440, -0.018345, 0.322269, 0.312404, 0.112793, 0.054972, 0.177222, -0.131691, 0.261432, -0.155359, 0.088925, 0.307821, -0.218851, 0.047741, -0.075350, -0.041386, -0.102905, 0.089000, 0.321363, -0.259069, 0.184604, -0.053365, -0.102872, 0.215186, -0.268016, -0.418318, 0.194790, 0.016731, -0.313187, -0.104031, 0.315971, 0.191196, -0.324665, -0.148804, 0.310376, 0.164769, -0.230479, 0.155723, 0.115646, -0.098389, 0.228593, -0.077397, -0.141038, 0.129141, 0.418727, 0.107156, -0.267874, -0.148528, 0.189446, 0.056129, 0.087190, -0.175916, 0.026921, 0.119990, -0.268490, 0.251662, 0.181028, -0.048717, -0.171562, -0.184184, 0.177918, -0.261527, -0.109918, 0.004354, -0.493605, -0.028568, -0.134648, 0.220500, -0.299998, -0.398052, 0.203554, 0.196777, -0.019882, -0.125745, 0.310877, -0.242874, -0.238904, -0.212362, 0.269552, -0.183516, -0.256733, -0.181838, -0.311112, 0.404096, -0.293092, -0.003548, 0.172524, -0.132528, -0.210889, 0.366397, 0.155257, 0.077411, -0.220257, -0.181350, 0.255074, 0.226731, -0.544581, -0.093246, -0.102015, -0.398526, -0.133163, 0.142164, 0.183020, 0.207421, 0.235121, 0.105747, -0.008193, -0.129877, -0.112061, -0.121808, 0.367736, 0.293348, -0.188864, -0.280006, -0.021935, 0.182700, -0.065417, -0.203485, 0.315250, -0.274410, -0.134204, 0.086173, 0.092732, 0.034303, 0.067382, -0.043128, 0.259351, -0.348691, 0.315232, -0.122913, 0.173048, 0.479169, 0.109467, 0.016083, 0.196098, -0.238010, 0.426577, 0.126332, 0.312231, 0.153571, -0.348279, -0.118812, 0.127539, -0.063093, -0.265832, -0.049666, 0.167776, 0.011350, 0.017040, 0.029098, 0.099753, 0.124504, -0.322844, -0.101436, -0.081965, -0.183121, -0.047241, -0.109353, 0.118984, 0.010586, -0.334972, -0.043928, 0.493471, 0.332013, -0.332284, -0.096388, -0.064784, 0.003306, 0.266931, -0.045780, -0.207582, 0.001061, 0.341192, -0.208661, -0.347232, -0.220629, 0.056660, 0.248540, 0.206116, -0.226532, -0.205008, -0.213108, -0.002600, 0.234587, 0.272633, -0.298629, -0.214101, -0.306587, 0.038486, -0.322720, -0.428768, -0.125405, -0.251924, -0.029726, -0.103557, 0.336060, -0.333608, -0.255499, 0.221514, -0.043737, -0.086233, -0.182093, 0.250219, -0.125776, -0.045397, -0.111685, 0.108960, -0.096883, -0.291844, -0.276687, -0.135985, 0.285536, -0.200445, 0.088821, 0.187870, -0.315950, -0.301058, 0.288832, 0.169261, 0.166892, 0.065448, 0.043958, 0.232841, 0.199816, -0.545494, 0.158687, -0.303849, -0.162280, -0.004210, 0.030710, 0.181773, 0.293711, -0.010103, 0.487404, -0.198524, 0.251421, 0.106946, -0.031909, 0.165383, 0.388251, -0.353269, -0.257287, -0.188201, 0.381378, 0.201508, -0.254444, 0.202551, -0.464836, -0.096266, 0.379065, 0.034433, -0.204688, -0.095799, -0.362177, 0.417602, -0.471248, 0.290023, -0.175671, 0.354924, 0.497221, 0.129426, 0.032431, 0.252566, -0.090359, 0.346688, -0.177442, 0.151874, 0.256520, -0.348086, 0.195261, -0.050244, -0.285309, -0.225049, 0.293314, 0.317240, -0.383658, -0.000211, -0.115319, 0.015777, 0.280645, -0.214998, -0.250448, -0.044396, -0.252151, -0.320326, -0.180022, 0.255261, 0.313405, -0.098877, -0.256602, 0.410089, 0.060791, -0.283115, 0.061696, 0.218442, -0.202292, 0.432311, -0.009926, -0.177313, 0.275035, 0.059026, 0.295593, -0.411681, -0.264644, 0.312350, 0.335803, 0.494545, -0.326623, 0.102332, 0.097176, -0.358897, 0.245483, 0.106095, -0.345165, -0.247266, -0.290652, 0.252024, -0.475275, -0.284184, -0.058631, -0.578465, -0.206202, -0.321487, 0.551192, -0.247154, -0.326139, 0.000328, 0.177313, -0.359871, -0.200918, 0.291746, -0.206303, -0.301537, -0.406922, 0.336042, -0.381859, -0.242919, -0.262119, -0.394385, 0.106064, -0.140352, -0.013504, 0.191984, -0.374487, -0.225514, 0.142720, 0.422325, -0.217932, -0.216907, -0.423551, 0.200654, 0.329282, -0.219609, -0.170049, -0.243551, -0.252180, -0.051957, 0.130575, 0.078047, 0.132374, 0.034376, 0.157492, -0.166468, 0.090621, 0.107904, 0.019827, 0.023123, 0.228413, -0.299660, -0.011665, -0.152607, 0.151299, 0.105771, -0.099548, -0.009255, -0.316960, -0.029960, 0.152664, -0.118533, -0.199014, -0.146644, -0.314855, 0.279921, -0.140913, -0.026715, -0.025505, 0.166182, 0.141569, 0.029441, 0.233352, 0.093450, 0.067740, 0.107886, -0.287539, 0.075381, 0.200783, -0.262506, 0.097871, 0.001149, -0.129092, -0.056416, 0.002530, 0.191216, -0.080867, 0.010307, -0.123488, -0.186215, 0.097077, 0.097213, -0.213718, 0.238844, -0.095179, -0.197282, -0.082157, 0.096280, 0.298899, -0.281713, -0.177036, 0.377053, 0.056428, -0.044970, -0.025982, 0.084536, -0.021719, 0.249502, -0.026714, -0.106372, 0.120678, 0.185225, 0.142548, -0.141738, -0.137469, 0.091251, 0.009908, 0.233163, -0.191335, 0.036823, 0.074807, -0.230023, 0.070640, 0.016229, -0.172323, -0.046363, -0.407721, 0.143989, -0.332289, -0.057092, -0.065061, -0.241357, -0.122088, -0.092241, 0.305111, -0.132554, -0.244232, 0.201046, 0.169730, -0.100699, -0.041976, 0.334613, -0.275016, -0.402289, -0.110789, 0.198117, -0.101051, 0.015278, -0.317874, -0.320350, -0.034255, -0.034994, -0.009626, -0.054389, -0.137874, -0.098505, 0.093072, 0.091139, -0.103839, -0.388706, -0.102021, 0.342452, 0.308214, -0.133781, -0.122318, -0.178075, -0.127996, 0.034514, 0.070357, 0.155783, 0.409904, 0.284149, 0.212198, -0.095147, 0.168338, 0.219682, 0.062273, 0.347789, 0.147839, -0.169489, -0.044453, 0.008387, 0.082775, 0.178532, -0.011776, 0.503747, -0.317081, -0.296493, 0.143470, -0.091983, -0.012547, -0.132128, -0.192922, 0.416119, -0.324081, 0.274307, -0.181966, 0.195227, 0.165264, 0.249338, 0.029021, 0.287826, 0.072081, 0.251207, 0.008003, 0.000673, -0.001666, -0.338341, 0.170437, 0.149081, -0.021326, -0.024465, 0.448201, 0.058926, -0.068581, 0.195378, 0.047818, -0.194345, 0.051836, -0.180357, -0.047569, 0.213979, -0.036032, 0.000473, -0.387705, 0.194591, 0.024728, -0.014978, -0.171207, 0.130293, 0.261386, 0.032715, -0.044898, 0.258813, -0.512256, 0.310855, 0.028442, -0.109438, 0.119765, 0.038985, 0.161069, -0.022754, -0.088408, 0.170811, 0.207645, 0.112567, 0.115288, -0.008297, -0.127005, -0.019400, 0.105032, 0.281734, -0.168475, -0.389928, -0.006318, 0.166938, -0.194675, -0.315885, 0.137335, -0.238230, -0.125963, -0.152277, 0.353744, -0.222625, -0.660502, 0.084004, 0.546043, -0.342116, -0.186864, 0.027411, 0.026359, -0.346479, -0.265287, 0.010202, -0.205551, -0.091981, -0.314257, -0.165090, 0.256582, -0.120618, 0.139051, 0.395883, -0.263833, -0.270751, 0.066357, 0.418337, -0.046824, -0.151053, -0.069727, 0.089092, 0.192285, -0.299479, -0.273648, -0.129244, -0.116646, -0.198197, -0.189541, 0.063176, 0.185666, 0.062085, 0.367367, -0.031906, 0.086729, 0.195553, -0.037958, 0.180754, 0.384996, -0.126372, -0.304086, 0.017686, 0.344378, 0.236448, -0.297290, 0.222255, -0.239605, -0.022244, 0.288741, 0.076548, -0.105544, 0.069967, -0.031715, 0.434349, -0.288779, 0.122823, 0.012324, 0.129812, 0.406196, 0.006477, 0.038659, 0.377584, -0.277696, 0.029954, -0.069965, 0.002245, 0.217360, -0.281071, 0.084737, 0.037682, -0.222518, -0.028602, 0.065110, 0.253672, -0.151085, -0.059024, 0.013116, 0.047218, 0.195930, -0.190833, -0.185349, 0.060438, -0.227025, -0.181513, -0.381246, 0.156469, 0.176542, -0.169746, -0.137038, 0.129640, 0.248488, -0.237728, 0.100407, 0.142472, -0.138707, 0.368822, 0.065513, -0.103756, 0.075059, 0.420490, 0.123083, -0.436232, -0.117618, 0.118355, 0.258649, 0.239173, -0.282952, 0.117312, -0.044021, -0.133211, 0.506122, 0.385541, -0.337992, -0.151744, -0.094490, 0.220950, -0.264051, -0.018983, -0.081049, -0.512026, -0.118091, -0.321429, 0.521346, -0.518662, -0.356394, 0.081021, 0.294976, -0.008603, 0.024134, 0.159450, -0.121719, -0.317148, -0.366450, 0.168636, -0.132838, -0.301313, -0.300695, -0.076390, 0.404602, -0.198223, 0.058120, 0.240196, -0.316193, 0.029046, 0.309590, 0.384311, 0.071398, -0.371450, -0.027416, 0.239802, 0.102979, -0.351967, 0.028189, -0.031162, -0.222752, -0.036396, 0.148056, 0.254806, 0.259515, 0.079184, 0.224645, -0.200733, 0.104559, 0.185777, -0.057291, 0.355305, 0.072102, -0.040250, -0.008259, -0.082437, 0.057627, 0.259463, 0.010927, 0.131027, -0.122643, -0.133121, 0.027814, 0.121398, -0.056651, -0.165344, -0.056928, 0.387631, -0.566544, 0.196832, 0.111943, 0.040842, 0.091919, 0.143677, 0.081088, 0.039190, -0.011722, 0.206687, -0.064887, 0.088330, 0.095187, -0.244693, 0.125494, 0.029840, -0.121864, -0.171252, 0.227319, 0.081848, -0.075289, 0.096149, 0.035256, -0.158923, 0.011434, -0.109921, -0.152928, 0.187200, 0.121089, -0.107171, -0.213604, 0.072413, -0.169346, -0.016829, -0.046552, 0.422423, 0.245641, 0.013876, 0.159308, 0.104103, -0.120072, 0.254782, -0.000143, -0.028633, 0.238793, 0.051436, -0.050858, -0.004856, -0.133054, 0.043656, 0.043023, 0.085057, -0.162350, -0.093326, -0.086304, -0.030285, 0.089698, 0.187526, 0.016803, -0.087321, -0.140133, 0.052619, -0.001654, -0.056973, -0.001638, -0.368370, -0.005363, -0.075475, 0.221390, -0.215940, -0.222035, 0.227247, 0.170096, -0.391880, -0.269250, 0.307691, -0.040130, -0.319615, -0.261087, 0.253316, -0.083393, -0.117298, -0.132261, -0.092415, 0.196095, -0.105206, 0.156154, 0.047165, -0.366735, -0.027887, 0.319193, 0.262126, 0.071738, -0.076054, -0.014368, 0.165281, 0.098787, -0.325831, -0.201169, 0.013212, -0.287799, -0.004347, 0.011733, 0.104758, 0.099595, 0.049066, 0.009221, -0.049150, 0.018676, 0.214328, -0.067114, 0.179673, 0.006781, -0.334593, -0.364612, -0.150335, 0.241057, 0.121490, -0.189444, 0.272158, -0.058821, -0.064771, 0.244791, -0.207593, -0.004811, -0.201084, -0.132847, 0.196778, -0.165701, 0.248828, -0.054209, 0.137142, 0.223733, 0.014256, 0.191764, 0.280354, 0.054049, 0.114894, -0.124602, 0.269853, 0.118776, -0.184875, 0.209691, -0.155528, -0.001826, -0.148918, 0.025670, 0.514760, -0.002788, 0.002697, -0.237744, 0.053722, 0.105654, -0.161982, -0.331987, 0.101424, -0.317198, -0.123179, -0.343129, 0.111334, 0.084670, -0.151915, -0.054368, 0.188741, 0.209636, -0.183847, -0.121392, 0.093571, 0.050754, 0.145501, -0.078937, -0.203605, 0.077346, 0.575753, 0.062656, -0.334719, -0.345439, 0.127281, 0.253465, 0.188294, -0.118270, -0.111417, 0.018951, -0.177702, 0.295983, 0.141086, -0.130826, -0.120790, -0.241527, 0.041387, -0.228951, -0.246690, -0.192297, -0.316390, 0.007663, -0.194849, 0.220051, -0.377358, -0.251777, 0.064199, 0.035772, -0.098089, -0.208570, 0.229789, -0.139503, -0.030710, -0.104630, 0.084879, -0.072686, -0.269862, -0.173646, -0.148236, 0.256258, -0.249595, -0.023089, 0.183244, -0.309559, 0.043296, 0.001781, 0.170581, -0.100898, -0.090550, -0.261487, 0.247850, 0.091510, -0.204035, -0.077757, -0.315179, -0.235655, -0.019618, -0.000829, 0.335606, -0.009398, 0.095738, 0.144761, -0.223379, -0.120128, 0.181558, -0.077537, 0.056522, 0.182485, -0.100970, -0.112347, 0.092163, 0.252695, 0.176542, -0.171977, -0.005959, -0.202415, -0.011589, 0.270856, 0.018791, 0.199539, -0.021448, -0.069326, 0.165416, -0.276960, -0.004054, 0.053483, 0.067049, 0.146548, 0.214352, 0.191644, 0.188667, -0.035079, 0.099824, -0.102103, 0.064760, -0.070381, -0.242221, 0.248681, -0.036477, -0.154759, -0.122114, 0.238814, 0.137919, -0.115239, 0.040599, 0.001452, -0.166380, 0.144394, -0.118474, -0.032882, 0.029736, -0.159139, -0.172925, -0.367789, -0.047556, 0.028104, -0.136801, -0.080870, 0.071669, 0.065079, -0.116075, 0.117100, 0.176890, -0.151456, 0.106043, 0.032789, -0.176133, 0.125842, 0.242275, -0.020345, -0.048985, -0.144493, 0.063081, 0.177873, 0.138781, -0.084699, 0.123767, 0.065159, -0.022627, 0.130285, 0.206708, -0.140109, -0.135651, -0.082976, 0.081795, -0.125268, -0.154504, -0.152750, -0.163522, -0.116022, 0.039381, 0.158099, -0.342163, -0.380569, 0.067339, 0.268400, -0.090497, -0.167520, 0.265704, 0.105027, -0.006394, -0.232551, 0.179577, -0.207964, -0.151557, -0.110434, -0.084322, 0.248650, -0.152482, 0.038400, 0.275111, -0.228505, -0.168894, 0.087957, 0.130229, -0.018089, -0.098552, 0.011460, 0.058869, 0.132224, -0.269146, -0.072153, -0.022183, -0.132042, -0.037308, -0.107916, 0.302457, 0.346023, 0.178852, 0.208255, -0.149876, 0.007026, 0.022295, -0.108128, 0.132841, 0.369629, -0.180038, -0.056341, 0.035725, 0.144803, 0.089075, 0.010130, 0.164284, -0.366052, -0.210541, 0.205170, 0.100145, -0.131343, 0.035618, -0.114105, 0.362889, -0.115299, 0.147712, -0.015394, 0.155669, -0.106882, 0.056131, 0.194314, 0.146301, -0.194260, 0.245547, -0.014747, 0.119382, -0.085091, -0.163473, 0.279556, 0.096613, -0.338395, 0.023457, 0.322865, -0.044966, -0.240857, -0.135059, 0.006953, -0.126058, 0.189826, -0.154545, -0.015028, -0.033979, 0.244446, 0.022738, -0.281508, -0.018724, 0.003781, 0.070086, -0.071804, 0.023592, 0.076304, 0.049318, -0.179464, 0.199388, -0.063009, 0.097703, 0.100159, 0.109101, 0.301548, 0.009123, 0.231479, -0.134436, 0.071796, 0.223640, -0.081429, 0.224706, 0.135917, 0.111695, 0.091351, 0.001205, 0.039775, 0.208823, -0.220459, -0.157752, -0.056000, 0.091753, -0.054037, -0.068156, -0.072579, -0.200387, -0.262854, -0.067130, 0.470617, -0.072215, -0.523679, 0.082878, 0.318721, -0.297369, -0.073204, 0.201599, 0.016807, -0.302979, -0.432530, 0.089656, -0.266384, -0.001421, -0.218737, -0.066571, -0.067366, 0.015347, 0.015106, 0.298960, -0.277451, -0.117477, 0.138618, 0.174064, -0.055007, -0.222019, -0.034148, -0.044652, -0.028382, -0.169641, -0.255977, -0.066401, -0.032880, -0.089718, 0.135269, 0.229289, 0.263347, 0.084693, 0.299216, -0.334394, 0.133750, 0.582835, -0.304010, 0.342483, 0.138393, -0.034316, -0.450865, -0.109315, 0.384283, 0.436945, -0.321152, 0.140033, -0.190906, -0.213550, 0.174813, -0.158291, -0.020626, -0.229870, -0.099601, 0.227115, -0.294956, 0.332094, 0.105438, 0.170699, 0.113621, 0.062197, 0.250078, 0.319521, -0.119489, 0.229413, -0.069366, 0.158264, -0.080973, -0.440699, 0.250963, -0.018185, -0.223914, -0.277835, 0.314283, 0.224301, -0.102155, 0.156237, -0.146481, -0.017756, 0.195432, -0.431027, -0.056375, 0.297826, -0.410228, -0.191998, -0.335473, 0.160894, 0.125747, -0.237522, -0.134100, 0.386528, 0.320663, -0.264820, 0.275925, 0.207037, -0.195476, 0.154792, 0.104719, -0.083940, 0.378912, 0.387587, 0.263205, -0.282507, -0.167539, 0.207552, 0.411903, 0.294275, -0.106813, -0.113700, 0.069387, -0.072283, 0.386982, 0.267874, -0.153014, -0.404209, -0.132930, 0.135570, -0.276871, -0.335104, -0.146368, -0.454912, -0.131303, -0.353659, 0.545024, -0.465977, -0.439444, 0.209641, 0.274897, -0.385345, -0.193702, 0.171520, -0.076461, -0.112092, -0.339749, 0.421959, -0.325224, -0.216868, -0.333215, -0.213816, 0.441281, -0.333085, 0.138858, 0.192213, -0.404642, -0.187061, 0.141300, 0.590933, -0.113769, -0.169665, -0.149365, 0.184774, 0.201133, -0.339706, -0.165976, -0.383344, -0.282421, 0.003018, 0.010850, 0.211609, 0.307387, 0.079895, 0.002250, -0.272380, 0.251965, 0.200895, -0.157340, 0.128770, 0.097242, -0.324374, -0.403772, -0.201990, 0.067989, 0.459755, -0.011428, 0.068529, -0.113758, 0.196322, -0.005975, -0.157127, -0.274444, -0.304973, -0.114449, 0.206407, -0.060108, 0.061980, 0.109258, 0.060247, 0.188295, 0.518853, 0.233135, -0.096316, -0.079209, 0.451992, -0.085499, 0.434743, 0.028640, -0.121629, 0.153899, 0.139371, -0.021326, -0.012634, 0.246702, 0.217193, -0.015495, 0.118610, -0.157849, -0.120889, 0.023422, -0.573343, 0.103160, 0.022363, -0.076342, -0.069064, -0.182140, 0.116787, -0.013945, -0.024705, -0.195212, 0.327742, 0.261578, -0.202178, 0.054725, -0.074569, 0.023871, 0.124960, 0.253760, -0.194640, 0.213362, 0.159298, -0.040535, -0.091037, -0.155928, 0.041965, 0.164958, -0.010121, -0.146199, -0.220429, 0.167384, -0.068834, 0.246459, 0.201132, -0.135421, -0.350381, -0.023361, 0.039885, -0.081467, -0.216190, -0.053048, -0.297810, 0.169890, -0.237415, 0.208438, 0.046779, -0.305193, 0.278178, 0.331688, -0.090809, -0.290464, 0.220616, -0.181619, -0.110580, -0.150682, 0.000199, 0.067408, -0.283157, -0.261407, -0.217108, 0.080772, -0.204224, 0.267897, 0.105448, -0.054714, -0.166597, 0.235452, 0.313173, -0.025777, -0.014626, -0.047519, 0.117863, -0.162559, -0.199425, -0.182167, -0.281562, -0.160333, 0.299543, 0.157946, 0.230095, 0.209027, 0.081726, 0.066081, -0.086738, 0.022394, 0.008151, -0.134403, 0.356163, 0.144493, -0.064935, -0.017678, -0.042998, -0.149659, 0.166208, -0.210367, 0.022479, -0.193656, -0.172066, -0.077901, -0.095361, 0.065242, -0.127610, -0.025454, 0.324240, -0.226007, 0.208502, 0.175211, 0.240844, 0.270009, 0.137388, 0.015030, 0.138327, -0.113414, 0.158134, 0.063127, 0.292570, 0.048772, -0.147988, -0.006877, 0.054593, 0.235991, 0.041722, 0.140044, 0.154840, -0.015828, 0.092574, -0.078610, -0.131982, -0.170151, -0.123758, -0.018417, 0.157869, -0.050386, 0.090828, -0.101831, 0.010809, -0.038053, -0.144540, 0.028937, 0.158082, 0.230959, -0.154858, -0.182174, -0.020913, -0.082429, 0.051608, 0.030452, -0.115700, 0.182557, 0.237994, -0.072624, -0.096830, -0.302268, 0.087127, 0.061389, -0.035023, -0.098628, 0.005980, -0.074910, -0.171043, 0.107432, 0.222541, 0.045638, -0.080429, 0.120867, 0.061903, -0.038557, -0.192702, 0.038435, -0.495077, 0.239258, -0.013500, 0.121333, -0.091593, -0.328057, 0.344395, 0.101711, -0.151074, -0.192180, 0.184044, -0.082091, -0.110490, -0.131297, 0.170771, 0.079772, -0.295908, -0.065925, -0.102310, 0.102721, -0.152445, 0.261057, 0.255602, 0.043723, -0.147737, 0.213579, 0.208316, 0.156933, 0.028865, 0.130147, 0.086136, 0.059697, -0.468028, -0.116039, -0.196170, -0.517548, -0.024361, -0.010775, 0.099558, 0.117097, 0.104825, 0.081478, -0.139081, 0.080859, 0.084832, -0.082525, 0.232968, 0.063412, -0.143413, 0.019727, 0.068022, 0.148171, -0.171761, -0.107229, 0.208131, -0.113472, -0.123282, -0.005008, -0.067635, 0.047651, 0.011678, 0.035469, 0.035643, 0.001760, 0.232339, 0.002009, 0.052275, 0.046685, 0.134792, -0.153367, 0.097393, 0.013630, 0.084329, -0.076883, 0.278239, -0.069046, -0.259567, 0.234792, -0.116708, 0.068121, -0.142746, 0.128328, 0.057509, -0.141922, 0.028850, -0.085861, 0.028059, -0.068844, -0.057204, 0.049009, -0.052935, -0.179248, 0.072498, -0.038761, 0.120306, 0.038403, -0.171406, -0.038530, -0.073944, 0.112796, -0.149723, -0.036860, 0.043344, -0.161118, 0.040235, 0.000630, -0.143361, 0.113121, 0.142541, -0.054181, 0.004048, -0.251470, 0.010940, 0.059176, 0.073286, 0.096816, -0.062363, -0.071799, -0.164652, -0.037121, -0.037640, -0.070488, -0.013654, -0.130538, 0.068405, 0.020098, -0.031242, 0.030549, 0.080947, -0.053556, -0.046948, 0.026461, -0.196916, -0.116338, 0.042164, -0.108129, -0.134386, -0.053846, 0.010838, 0.041041, 0.073439, -0.071668, 0.107567, -0.143704, -0.071966, -0.062039, -0.069081, -0.014831, -0.069948, 0.074677, 0.159821, -0.066016, -0.057507, -0.201714, 0.022353, 0.016593, 0.024968, -0.206440, 0.011707, 0.155354, -0.162222, -0.166705, -0.115127, 0.032343, 0.001163, -0.211043, 0.028451, -0.098332, 0.258778, 0.109763, 0.153919, 0.331965, 0.211400, -0.201104, 0.017958, 0.248784, -0.240410, -0.468387, 0.038572, 0.453986, 0.320378, -0.319655, 0.244474, -0.037533, -0.075349, 0.267417, 0.230825, 0.047685, -0.159739, -0.028226, 0.001982, -0.180457, 0.148293, -0.174817, -0.130022, 0.393350, 0.477063, 0.095095, 0.167457, -0.478327, 0.182061, 0.033281, 0.168546, 0.029853, -0.125032, 0.002444, 0.425789, -0.171752, 0.094370, -0.051482, 0.279562, 0.103787, -0.359840, 0.045361, -0.112688, 0.088351, -0.522274, -0.077387, -0.089077, -0.040616, -0.073608, -0.239843, 0.010628, 0.035212, -0.034340, 0.107607, 0.324531, 0.268787, -0.357501, 0.161209, 0.008077, 0.108172, -0.071188, 0.119996, 0.014876, 0.130232, 0.029646, 0.080807, -0.464451, -0.145077, 0.004529, 0.285692, 0.181269, 0.062148, -0.139414, -0.153438, -0.032332, 0.151989, 0.034788, -0.397028, -0.185118, -0.204792, 0.031512, -0.020446, -0.190647, -0.157646, -0.038678, -0.068037, -0.464519, 0.254112, 0.177376, -0.289060, -0.444086, 0.182252, 0.004499, -0.057639, 0.348156, -0.027747, 0.003941, -0.101387, -0.056489, -0.076127, 0.247948, -0.270867, 0.051826, -0.089439, -0.250899, 0.080246, 0.274333, -0.187057, 0.042432, 0.079563, 0.200589, -0.155683, -0.097933, -0.168718, 0.122550, -0.368459, -0.054848, -0.160375, -0.168257, 0.189913, 0.024004, 0.207001, 0.212886, 0.303746, 0.163048, 0.137437, -0.189017, 0.023844, 0.094111, -0.205413, 0.187629, 0.127654, -0.026112, -0.172113, -0.041662, 0.276635, 0.103910, -0.153188, 0.289162, -0.175355, 0.062499, 0.110253, -0.154797, 0.153313, -0.201900, -0.015464, 0.359087, -0.399822, 0.275084, 0.203631, 0.073931, 0.180586, 0.155565, 0.119681, 0.317203, -0.013127, 0.058116, 0.025396, 0.103364, -0.051888, -0.192082, 0.047780, 0.133289, -0.056081, -0.115336, 0.113878, 0.034930, -0.171482, -0.051073, -0.101760, -0.018296, -0.016433, -0.163628, 0.098881, -0.020150, 0.000700, -0.034859, -0.461192, 0.148957, 0.060221, -0.355278, -0.060780, 0.202745, 0.141720, -0.003487, 0.062468, -0.037715, -0.079490, 0.111824, -0.083260, -0.198420, 0.123041, 0.181466, -0.068011, 0.025604, -0.149508, 0.022750, 0.206804, 0.080696, -0.113453, 0.110337, -0.076217, -0.012176, 0.042082, 0.364289, 0.156753, -0.215435, -0.073603, 0.051737, -0.154495, -0.281287, -0.060745, -0.227371, -0.035550, 0.095807, 0.163920, -0.469209, -0.319706, -0.001460, 0.329322, -0.060190, -0.238467, 0.054111, -0.051328, -0.151430, -0.220454, 0.043364, -0.086381, -0.212057, -0.135248, -0.230180, 0.291936, -0.085530, 0.053306, 0.148882, -0.313293, -0.097959, -0.032918, 0.071876, 0.156041, -0.090883, -0.001993, 0.089689, 0.110016, -0.117324, 0.019594, -0.312788, -0.113768, -0.005176, -0.278945, 0.146282, 0.172586, 0.015409, 0.130013, -0.143269, 0.111074, 0.051714, -0.129086, 0.172221, 0.227297, -0.120862, -0.433990, -0.097119, 0.284646, 0.119693, -0.174433, 0.077391, -0.285567, -0.127703, 0.184809, 0.004196, -0.014800, 0.007310, -0.085258, 0.472853, -0.307299, 0.189942, -0.096101, 0.133290, 0.362591, 0.217918, 0.012913, 0.302058, -0.180315, 0.300110, -0.004518, 0.080895, 0.136806, -0.322827, 0.005348, 0.115784, -0.115715, -0.060102, 0.165644, 0.076456, -0.136810, -0.027992, 0.049212, -0.001040, -0.074127, -0.314940, -0.069275, -0.036193, -0.134510, 0.070871, -0.100986, -0.035000, 0.094526, -0.025539, -0.061871, 0.316571, 0.275544, -0.336474, -0.028978, 0.077085, -0.150200, 0.211693, 0.218145, 0.072754, 0.295510, 0.277899, 0.035658, -0.478533, -0.143668, 0.089844, 0.127669, 0.279572, -0.023431, 0.007681, -0.116712, -0.091789, 0.093136, 0.239334, -0.303755, -0.180003, -0.018947, 0.175250, -0.358566, -0.291300, -0.126305, -0.399574, 0.037858, -0.120871, 0.389959, -0.087163, -0.253019, -0.041521, 0.285231, -0.006364, -0.200588, 0.143377, -0.006547, -0.091622, -0.078891, 0.131347, -0.092869, -0.002117, -0.302489, -0.059120, 0.124736, -0.080778, 0.137781, 0.228811, -0.325959, -0.050785, 0.216519, 0.257241, -0.040728, -0.096934, -0.034141, 0.140232, -0.021668, -0.282385, -0.257294, 0.046830, -0.137439, 0.128519, 0.210027, 0.404634, 0.342224, 0.183892, 0.208459, -0.169217, 0.164300, 0.157619, -0.168231, 0.217544, 0.140715, -0.239338, -0.356559, 0.144292, 0.047100, 0.662218, -0.002357, 0.188090, -0.025179, 0.180632, 0.159712, -0.205038, -0.046911, -0.280558, -0.172780, 0.000294, 0.073088, 0.158196, 0.208702, 0.134665, -0.034963, 0.439225, 0.084154, -0.013151, 0.073426, 0.363770, -0.150522, 0.200045, -0.176655, -0.089881, 0.302951, -0.061178, -0.099264, -0.189062, 0.445535, 0.068622, -0.077098, -0.117569, -0.160198, -0.066773, 0.174347, -0.228864, 0.048981, 0.017440, 0.058177, -0.136806, -0.121799, 0.081815, -0.064534, -0.131447, -0.152535, -0.201496, -0.099301, 0.054646, 0.163005, -0.016860, -0.269972, 0.031650, 0.082805, 0.011990, 0.285726, 0.194365, 0.306016, 0.017039, 0.063629, 0.018702, 0.050954, -0.021259, 0.229987, -0.092393, -0.065757, 0.075678, 0.036176, 0.037366, 0.074968, -0.223162, 0.114580, -0.164312, 0.131965, -0.144284, -0.081907, -0.000426, -0.008422, -0.138714, 0.269416, 0.069916, -0.206652, 0.183643, 0.314972, -0.337627, -0.299402, 0.385098, 0.009818, -0.059803, 0.004357, 0.166394, -0.092388, -0.126556, -0.192402, -0.031381, -0.018851, -0.190361, 0.150434, -0.002254, -0.046514, -0.100437, -0.051514, 0.218719, -0.213340, -0.230207, -0.072099, -0.012171, -0.001550, -0.273414, -0.495170, -0.240047, 0.070638, 0.384117, -0.192140, 0.074171, 0.103153, 0.077237, -0.020354, 0.046341, 0.055209, -0.068109, -0.089908, 0.045234, 0.144385, -0.270197, -0.081067, 0.098722, 0.078876, -0.027779, 0.012492, 0.014033, -0.164881, -0.017235, -0.070936, -0.092887, -0.060555, -0.113170, -0.126278, 0.150365, 0.008445, 0.112645, 0.050306, 0.109150, 0.145865, 0.124142, -0.028053, 0.029862, -0.037895, 0.287123, 0.073482, 0.095598, 0.003969, -0.155202, 0.097052, -0.026605, -0.062533, -0.005831, -0.015584, 0.034769, 0.031849, 0.024400, 0.034584, -0.022025, 0.028577, -0.063527, -0.154169, 0.046230, 0.090056, 0.028866, -0.099693, 0.014717, 0.075935, -0.055544, 0.067990, -0.120939, 0.089456, -0.218378, -0.008915, 0.014748, -0.046549, 0.047051, 0.016339, -0.070275, 0.141148, 0.070434, -0.106234, 0.001007, -0.278549, 0.111404, -0.057339, 0.068731, -0.087118, 0.002337, -0.013375, -0.083431, 0.130979, 0.017095, -0.112017, 0.107414, 0.049011, 0.052841, -0.049091, -0.007084, 0.058661, -0.074004, -0.104007, -0.017985, 0.035307, -0.059525, -0.028847, 0.029692, 0.008637, -0.031074, -0.004756, 0.101097, 0.029932, -0.010138, 0.061282, 0.006071, -0.093563, 0.043090, -0.045060, 0.061263, 0.106370, -0.021554, 0.102366, 0.119201, -0.046331, 0.010836, -0.007265, -0.040074, 0.040032, -0.011041, -0.102041, -0.018010, -0.009661, 0.009392, -0.175170, -0.071705, 0.095341, 0.164935, -0.018742, 0.251975, 0.181417, 0.065598, 0.113439, -0.045565, 0.032160, -0.024802, -0.089744, 0.204538, 0.217958, -0.232389, 0.072252, -0.022649, 0.147760, -0.015289, -0.122009, 0.195315, -0.176221, -0.028316, 0.163468, 0.097820, -0.117351, -0.042995, -0.253578, 0.426603, -0.140106, -0.131960, -0.077327, 0.183916, 0.113570, 0.347353, 0.113954, 0.081991, -0.081966, 0.037488, -0.140811, 0.068934, -0.012147, -0.284341, 0.189349, -0.024719, -0.076501, -0.103610, 0.005868, 0.127267, -0.202997, -0.030024, -0.087721, 0.030833, 0.217497, -0.016917, 0.015974, 0.125264, 0.036825, -0.055785, -0.291276, -0.013060, 0.022157, -0.079475, -0.140306, -0.035228, 0.077364, -0.028695, -0.018866, 0.194217, -0.001785, 0.218549, -0.056479, -0.035901, 0.190459, 0.127877, 0.095352, -0.201323, -0.154825, 0.118389, -0.050935, 0.181332, -0.176185, 0.128946, -0.043862, -0.092204, 0.089445, 0.136116, -0.066621, -0.061638, -0.159055, 0.071875, -0.139974, 0.097185, -0.038465, -0.322167, -0.085016, -0.015933, 0.293711, -0.183781, -0.336462, 0.082385, 0.047956, -0.198405, -0.000025, 0.313905, 0.035361, -0.210239, -0.251018, 0.181965, -0.077321, -0.158557, -0.019105, -0.043627, 0.007607, -0.006809, 0.057212, 0.227616, -0.178148, -0.012370, 0.136863, 0.348454, -0.063993, -0.218125, -0.044821, -0.062801, 0.079112, -0.038487, -0.186234, -0.050159, -0.078932, 0.101262, 0.221453, 0.347922, 0.048801, -0.067942, 0.153838, -0.669140, 0.341926, 0.474658, -0.197349, 0.073073, 0.067212, -0.256341, 0.026657, -0.195081, 0.059046, 0.257287, 0.026472, -0.078726, -0.221386, 0.003671, 0.261377, -0.179409, -0.213377, -0.393218, -0.334644, 0.241590, -0.250005, 0.158341, 0.192688, 0.262798, -0.115037, 0.035585, 0.318958, 0.231316, 0.080796, 0.144212, -0.157713, 0.136182, 0.145467, -0.419949, 0.413117, -0.209323, 0.003641, -0.258511, 0.122495, 0.230197, -0.137157, 0.142459, -0.340795, -0.099268, 0.006159, -0.432566, -0.084638, 0.384124, -0.269082, -0.129173, -0.370889, 0.179973, 0.224132, -0.228851, -0.073374, 0.056089, 0.277926, 0.183644, 0.030618, -0.027586, -0.432801, 0.218168, 0.038267, -0.325487, 0.070803, 0.199871, 0.164465, -0.253823, -0.067707, 0.014413, 0.246592, 0.138104, -0.366870, -0.106767, 0.310683, -0.299815, 0.207093, -0.005065, -0.007025, 0.102465, -0.215041, -0.040033, -0.368094, -0.185597, -0.166031, -0.159371, 0.099163, -0.053054, 0.291077, -0.481794, -0.318451, 0.366667, 0.349618, -0.662143, -0.323560, 0.018041, -0.043489, -0.476402, -0.142825, 0.446736, 0.086696, -0.172723, -0.301447, -0.335536, 0.191359, -0.376261, 0.022299, -0.365508, -0.307557, 0.106604, 0.146722, 0.393753, 0.063181, -0.272103, -0.334822, 0.252127, 0.427302, -0.341423, -0.224125, -0.111656, -0.263141, -0.067748, 0.107616, 0.159120, 0.249601, 0.262673, 0.198836, 0.064180, 0.187899, 0.171226, -0.151306, 0.058922, 0.193926, -0.328254, -0.277224, -0.105616, 0.266423, 0.140043, -0.263890, 0.296464, -0.268594, -0.117394, 0.214777, -0.100501, -0.101878, -0.174537, -0.295036, 0.203594, -0.253793, 0.151309, -0.012617, 0.163987, 0.379422, 0.233612, 0.235306, 0.303993, -0.171584, 0.285544, -0.116794, 0.151846, 0.235035, -0.220562, 0.043633, 0.106220, -0.176600, -0.130386, 0.170760, 0.197906, 0.097972, -0.010197, -0.121869, -0.155209, 0.188798, -0.296818, -0.136737, 0.034782, -0.282373, -0.192454, -0.159699, 0.093186, 0.009757, -0.369548, -0.113410, 0.374531, 0.354922, -0.372363, -0.019062, 0.122489, -0.101352, 0.129583, 0.129312, -0.120735, 0.041079, 0.194838, 0.197419, -0.303449, -0.286707, 0.057245, 0.437971, 0.318214, -0.234742, 0.076261, -0.106991, -0.069613, 0.265224, 0.163771, -0.391314, -0.221930, -0.260959, 0.166403, -0.306530, -0.256735, -0.106711, -0.403879, -0.029200, -0.112125, 0.425989, -0.140386, -0.189034, 0.159303, 0.206561, -0.144303, -0.165545, 0.340224, -0.109003, -0.029509, -0.222528, -0.005555, -0.122367, -0.236362, -0.312298, -0.340283, 0.023672, -0.291323, 0.223072, 0.188071, -0.246460, -0.057153, 0.218119, 0.257705, -0.046772, -0.138023, -0.136215, 0.185875, 0.124081, -0.137819, -0.096308, -0.185199, -0.182940, 0.048912, 0.146945, -0.044492, 0.363259, -0.000541, 0.148716, -0.215440, -0.010468, 0.017789, 0.014838, 0.031712, 0.153190, -0.049305, 0.056772, -0.078153, -0.001169, 0.033979, -0.093805, 0.151801, -0.102157, -0.207833, 0.019681, 0.069141, -0.186156, -0.035322, -0.120095, 0.319389, -0.201722, -0.031859, 0.017689, 0.037380, 0.133122, -0.016772, 0.088777, 0.011079, -0.086004, 0.062515, -0.048844, 0.123496, 0.166316, 0.012658, -0.061349, 0.108027, -0.047544, -0.041109, 0.115385, 0.039778, 0.100777, 0.134342, 0.054925, -0.122779, -0.051474, -0.089801, 0.071442, 0.054459, 0.051760, -0.012065, -0.010968, -0.051811, 0.023003, 0.055607, -0.065762, -0.008327, 0.111670, -0.213888, -0.228468, 0.087934, 0.106782, 0.031656, 0.082086, -0.056751, 0.059320, -0.112863, -0.026887, -0.036466, -0.038541, 0.016477, 0.063224, 0.048412, -0.065468, -0.002713, -0.094040, 0.062993, 0.120105, 0.352991, -0.112808, -0.085941, -0.012386, 0.052936, 0.039982, -0.116415, -0.026769, -0.401505, -0.012772, -0.040930, 0.176126, 0.041595, -0.351627, 0.097408, 0.207279, 0.155321, 0.022752, 0.059217, -0.049189, -0.039903, -0.202557, 0.100113, -0.095759, 0.012554, -0.049657, -0.075246, 0.004493, -0.115117, 0.142575, 0.285450, -0.074898, -0.115024, -0.004641, 0.263749, 0.097932, -0.012166, 0.173250, 0.052922, -0.120644, -0.031163, -0.028570, -0.177452, -0.117184, -0.018086, 0.159584, 0.481128, 0.310766, 0.086066, 0.184160, -0.397234, 0.244894, 0.044047, -0.251778, 0.481946, 0.437039, -0.377102, 0.341019, -0.262754, 0.203325, 0.353873, -0.160914, 0.150796, -0.409314, 0.016358, 0.188146, -0.018976, -0.266703, -0.239572, -0.454846, 0.250531, -0.425793, 0.324890, 0.206025, 0.455304, 0.324195, 0.212806, 0.342314, 0.141340, 0.067297, 0.172101, -0.196419, 0.054616, 0.428708, -0.549316, 0.355317, -0.199157, -0.101414, -0.325343, 0.207539, 0.352260, -0.201397, 0.352210, -0.305274, -0.058753, 0.157878, -0.172993, -0.404566, 0.120387, -0.012662, -0.145310, -0.326131, 0.015682, 0.184377, -0.207492, -0.107076, 0.475844, 0.137378, 0.046216, 0.220713, 0.156626, -0.205888, 0.251638, -0.105960, -0.151011, 0.411578, 0.377554, 0.011263, -0.189242, -0.150012, 0.169270, -0.119374, 0.241889, -0.346604, -0.166775, -0.019206, -0.321952, 0.122986, -0.004380, -0.241328, -0.171449, -0.442813, 0.100515, -0.322307, -0.295511, -0.051161, -0.243531, 0.004031, -0.210634, 0.176813, -0.217649, -0.418398, 0.391410, 0.307223, -0.386781, -0.345106, 0.291047, -0.193540, -0.213139, -0.145573, 0.352356, -0.081900, -0.381060, -0.297485, -0.266378, 0.266197, -0.133324, 0.134006, 0.110967, -0.214312, -0.240803, 0.439857, 0.048455, -0.207548, -0.161761, -0.289622, 0.221839, 0.420923, -0.387440, -0.289240, -0.113869, -0.451620, -0.030670, 0.015367, 0.088445, 0.257109, 0.098994, 0.219676, -0.176526, 0.024808, 0.042583, 0.017537, 0.074423, 0.367621, -0.081238, -0.296073, -0.154439, 0.542245, 0.024291, -0.391283, 0.263404, -0.698277, -0.163673, 0.277804, 0.065562, -0.100471, -0.060738, -0.267495, 0.406488, -0.425790, 0.125661, -0.149778, 0.066445, 0.315110, -0.041770, 0.029208, 0.324718, -0.138946, 0.106716, -0.128735, 0.168367, 0.154916, -0.509971, 0.078636, 0.056899, -0.113465, -0.163327, 0.055389, 0.249544, -0.209057, 0.025515, -0.086911, 0.065616, 0.253611, -0.130222, -0.291521, -0.056747, -0.246089, -0.094178, -0.143411, 0.294412, 0.252240, -0.148498, -0.179221, 0.336580, 0.218483, -0.308109, 0.033816, 0.316546, -0.458336, 0.376691, 0.019639, -0.227960, 0.099301, 0.550072, 0.113185, -0.349243, -0.082508, 0.351287, 0.196103, 0.316879, -0.113254, 0.140914, -0.022170, -0.150621, 0.497135, 0.167472, -0.246859, -0.272646, -0.417349, 0.252319, -0.655592, -0.048613, -0.107846, -0.483711, -0.179361, -0.204635, 0.365179, -0.292715, -0.591508, -0.148123, 0.283324, -0.165137, -0.049604, 0.042978, -0.129909, -0.315978, -0.325491, 0.140211, -0.307977, -0.153728, -0.467126, -0.219942, 0.294406, -0.120263, -0.056613, 0.278483, -0.285227, -0.311364, 0.217243, 0.320067, -0.171066, -0.323633, -0.065628, 0.125118, 0.348732, -0.478011, -0.030335, -0.138955, -0.180815, -0.156629, 0.131427, 0.111738, -0.161618, -0.083947, 0.055704, -0.011150, -0.008135, -0.171389, -0.018679, -0.054916, 0.248011, -0.101127, 0.148093, -0.010726, 0.245690, 0.035774, -0.045217, 0.190814, -0.119311, 0.015064, 0.105414, -0.012859, -0.110770, 0.165741, -0.078699, -0.003613, -0.081858, -0.065804, -0.195449, 0.011766, 0.072757, 0.086858, 0.044376, -0.108516, -0.112574, 0.014771, -0.071853, 0.081582, 0.120996, -0.135783, 0.130665, 0.020089, -0.108212, -0.129372, 0.109025, 0.072018, -0.082629, -0.011563, -0.048028, -0.150620, 0.155375, -0.111120, -0.137690, 0.027358, 0.253814, -0.071681, -0.089557, 0.009927, -0.015656, -0.156514, -0.047445, -0.133992, 0.063796, 0.004745, 0.048970, 0.157374, -0.055470, 0.152653, -0.076845, 0.065402, -0.015477, -0.090896, 0.006299, 0.127542, 0.000492, 0.173954, -0.099939, 0.106905, -0.039297, 0.136186, 0.035464, -0.145075, 0.031637, 0.058596, -0.002668, 0.047848, -0.061189, 0.043216, -0.007926, -0.087282, -0.026791, 0.078665, -0.181065, 0.005416, -0.001488, 0.043335, -0.224640, -0.152472, 0.053625, -0.073198, 0.170048, 0.089544, -0.045726, 0.066679, -0.223388, 0.132109, -0.287502, -0.090741, -0.172965, 0.029011, -0.036665, 0.016915, 0.095981, 0.218194, -0.164679, -0.078486, 0.094295, -0.143176, -0.058778, -0.097922, 0.095338, 0.086080, 0.012723, 0.073429, -0.117962, -0.038096, -0.008378, -0.124959, -0.043838, 0.013822, 0.325303, 0.120761, 0.426861, -0.059140, 0.245619, 0.135256, 0.051996, 0.330017, 0.233724, -0.345132, -0.213805, -0.283945, 0.288124, 0.042164, -0.135502, 0.282990, -0.447939, -0.424100, 0.248140, -0.368341, -0.200718, -0.247271, -0.426961, 0.139023, -0.015519, 0.351658, -0.028949, 0.262259, 0.403602, 0.267388, 0.103410, -0.073395, 0.059387, 0.280732, -0.106420, -0.105729, 0.285938, -0.646899, 0.266901, -0.024125, -0.291428, 0.120145, 0.201889, -0.150071, -0.153484, 0.107728, -0.066813, 0.247971, 0.330980, -0.228221, 0.283209, -0.009767, -0.312688, -0.113667, 0.035604, -0.008423, 0.241375, -0.164847, -0.011282, 0.293103, 0.222875, -0.267487, -0.142310, 0.055035, -0.142236, 0.277871, 0.249230, -0.290855, 0.320338, 0.277391, 0.450741, -0.167555, -0.083316, 0.255866, 0.312141, 0.451548, -0.008130, -0.031495, 0.051885, -0.068957, -0.085053, 0.075381, -0.262793, -0.277098, -0.125448, 0.362483, -0.500811, -0.175052, -0.400303, -0.388201, -0.103599, -0.119318, 0.579424, -0.092142, -0.178199, -0.097554, 0.101732, -0.284016, -0.118848, 0.287799, -0.121370, -0.519265, -0.067719, 0.057330, -0.556587, -0.169665, -0.429912, -0.276672, -0.001850, 0.140003, 0.079498, 0.202706, -0.487158, 0.031457, 0.442639, 0.253232, -0.384272, -0.248901, -0.342956, 0.215120, 0.012740, -0.235258, -0.147291, 0.037413, -0.296661, -0.145898, 0.159919, -0.044852, 0.094498, 0.061353, 0.152824, 0.062884, 0.064273, 0.061614, 0.275017, 0.222461, 0.139428, -0.235169, -0.246942, -0.168552, 0.358833, 0.142368, -0.245834, 0.263900, 0.029684, -0.156160, 0.217094, -0.135605, 0.244336, -0.141965, -0.079771, 0.287802, -0.318424, 0.214819, -0.139927, -0.284373, 0.341880, -0.052266, -0.008647, 0.106012, -0.281584, 0.269075, 0.103446, -0.038140, 0.395602, -0.282657, 0.149044, 0.025664, -0.226162, 0.008309, -0.046233, 0.001146, -0.096822, -0.048119, 0.115090, 0.011606, 0.129495, -0.151997, -0.080852, 0.159849, -0.278406, -0.123031, -0.157265, 0.094842, 0.160178, -0.067913, -0.056542, 0.272413, 0.248138, -0.280242, 0.034800, 0.148444, 0.143705, 0.185195, 0.102858, -0.212385, -0.133704, 0.212858, 0.120561, -0.663429, -0.179109, 0.239221, 0.322107, 0.225878, -0.087717, -0.200877, -0.155215, 0.173729, 0.129140, 0.128451, -0.195665, -0.235339, -0.212742, 0.151685, -0.289824, -0.268444, -0.076844, -0.441724, 0.041933, -0.323629, 0.162045, -0.293312, -0.026077, -0.339633, 0.033315, -0.065536, -0.220054, 0.035373, -0.108464, -0.162278, -0.075367, -0.005311, -0.268195, -0.258766, -0.214614, -0.191048, 0.193444, -0.076060, 0.081998, 0.187289, -0.403681, 0.002899, 0.101494, 0.433302, -0.097704, -0.085168, -0.182617, 0.105520, 0.092979, -0.320662, 0.162820, 0.055753, -0.265967, -0.198012, 0.156111, 0.120547, 0.081672, -0.036939, 0.567380, -0.115401, 0.036955, 0.364612, 0.030509, 0.208695, 0.197793, -0.085746, -0.107722, 0.022468, 0.237478, 0.131495, -0.302107, 0.044659, -0.367995, -0.305248, 0.341279, 0.209089, 0.048912, 0.084534, 0.008399, 0.365518, -0.278135, 0.026066, -0.089872, 0.241711, 0.255914, -0.014441, 0.072280, 0.260636, -0.231336, 0.003183, -0.104616, 0.083924, 0.048875, -0.214039, 0.122423, 0.014430, -0.310062, -0.000759, -0.062750, 0.256457, -0.360380, 0.029510, -0.087854, -0.144785, 0.293996, -0.018122, -0.217026, -0.035367, -0.024634, -0.246144, -0.193265, 0.347831, 0.268019, -0.286572, -0.315728, 0.107276, 0.019097, 0.012543, 0.112173, 0.374557, -0.175642, 0.245457, -0.185963, -0.031038, -0.050214, 0.481284, 0.221385, -0.308164, -0.192867, 0.323731, 0.028498, 0.187702, -0.266299, 0.277081, 0.023200, -0.218140, 0.452384, 0.155918, -0.151788, -0.176617, -0.084653, 0.317828, -0.207891, 0.006000, -0.101871, -0.430673, -0.209845, -0.097424, 0.206003, -0.377706, -0.226090, -0.021894, 0.287694, -0.225383, 0.098328, 0.130214, -0.211013, -0.233431, -0.364541, 0.258834, -0.310802, -0.132282, -0.195820, -0.046616, 0.437781, -0.189525, -0.151937, 0.316889, -0.304671, -0.013754, 0.234742, 0.341821, -0.117111, -0.548520, -0.084476, 0.046714, 0.188378, -0.471155, 0.124994, 0.000433, -0.222674, -0.250694, 0.159860, 0.073579, 0.228711, 0.269307, 0.349845, -0.130670, -0.048238, 0.140696, -0.060457, 0.057319, 0.306805, -0.278586, -0.093216, -0.066360, 0.244733, 0.172984, -0.137008, 0.171730, -0.401935, -0.084178, 0.359503, 0.208952, -0.175797, -0.105577, -0.029979, 0.388299, -0.266003, 0.256559, -0.225101, 0.083921, 0.290885, 0.126863, -0.020494, 0.423899, -0.219907, 0.261524, -0.095103, 0.000248, 0.034715, -0.461978, 0.112176, 0.006155, -0.196393, -0.228640, 0.040538, 0.314316, -0.110559, -0.049652, -0.033396, -0.047013, 0.170353, -0.210948, -0.330676, 0.097098, -0.112125, -0.193656, -0.196919, 0.173258, 0.245193, -0.085954, -0.147917, 0.240125, 0.059335, -0.181724, -0.084879, 0.354314, -0.088175, 0.276249, -0.131992, -0.307969, 0.110954, 0.315841, 0.127228, -0.247899, 0.054113, 0.407269, 0.316641, 0.298871, -0.042497, -0.074306, -0.023680, -0.204038, 0.192671, 0.117224, -0.325991, -0.204127, -0.212848, 0.199194, -0.283825, -0.223709, -0.159321, -0.204631, -0.242538, -0.165221, 0.522614, -0.415332, -0.499681, 0.057801, 0.155145, -0.329055, -0.105338, 0.041900, -0.169406, -0.299600, -0.389452, 0.256167, -0.194685, 0.128809, -0.270164, 0.029413, 0.077564, -0.125704, 0.015607, 0.104677, -0.375417, -0.128840, 0.246770, 0.304684, -0.133749, -0.457447, -0.108233, 0.140965, 0.205292, -0.318655, -0.013468, 0.010732, 0.011705, -0.078172, 0.281294, 0.228689, 0.046422, 0.181083, 0.110147, 0.133347, 0.038709, 0.008578, -0.064293, 0.110818, 0.103435, -0.518005, -0.366271, 0.054690, 0.352464, 0.574596, -0.033689, 0.134488, -0.305182, -0.077147, 0.192818, -0.127923, -0.079626, 0.086734, 0.070973, 0.196976, -0.437092, 0.283548, -0.118182, 0.170261, 0.297907, 0.378450, 0.099006, 0.200466, -0.129589, 0.404267, 0.041704, -0.099450, -0.140053, -0.535033, 0.487606, 0.068145, -0.274790, 0.095463, 0.116754, 0.281035, -0.059910, -0.171019, 0.073591, 0.209155, 0.157171, -0.197150, -0.076774, 0.026404, -0.117185, -0.128448, -0.134325, 0.161933, 0.182975, 0.145474, -0.172912, 0.682834, 0.075775, -0.210144, -0.119355, 0.430197, -0.232521, 0.329487, -0.011210, -0.045024, 0.432057, 0.406868, 0.104901, -0.183113, -0.138365, 0.062852, 0.217156, 0.312874, -0.038747, -0.020815, -0.122263, -0.151305, 0.299199, 0.216436, -0.313999, -0.231308, 0.059155, 0.028495, -0.024673, 0.018822, -0.273110, -0.212009, -0.182338, -0.418866, 0.543172, -0.455179, -0.416469, 0.161600, 0.044984, -0.207748, -0.108332, 0.535950, 0.041197, -0.247476, -0.291519, 0.064328, -0.188902, -0.041934, -0.384924, -0.018579, 0.178308, -0.011127, 0.028555, 0.281570, -0.364085, 0.172757, 0.385302, 0.309929, -0.224857, -0.296735, -0.277491, 0.013907, 0.114317, -0.654500, -0.192683, -0.088399, -0.031426, 0.113155, 0.182272, 0.210440, 0.196223, 0.030400, 0.391055, -0.120609, 0.179553, 0.310876, -0.062805, 0.312988, 0.043017, -0.192149, -0.089615, -0.203967, 0.284359, 0.296905, -0.240022, 0.193981, -0.351117, -0.077249, 0.358979, -0.024356, -0.053134, 0.045699, -0.032014, 0.147988, -0.108247, 0.190776, -0.007161, 0.300407, 0.291192, 0.256100, 0.063127, 0.280957, -0.107273, -0.098074, -0.134144, -0.051191, 0.119549, -0.410045, 0.469927, -0.060819, -0.230486, -0.073350, 0.210812, 0.364329, -0.440296, 0.006413, -0.183555, -0.311812, 0.270121, -0.121524, -0.236596, 0.148465, -0.123336, -0.264380, -0.409087, 0.421832, 0.294400, -0.353718, -0.201034, 0.042249, 0.293065, -0.128176, 0.043709, 0.132281, -0.289364, 0.308590, -0.282369, -0.077805, 0.021086, 0.557744, 0.009015, -0.266966, -0.168349, 0.141260, 0.100086, 0.196630, -0.227117, 0.154343, 0.095369, -0.139924, 0.442084, 0.260498, -0.136280, -0.321122, -0.040935, 0.340652, -0.223799, -0.078377, 0.066341, -0.353226, -0.111160, -0.048780, 0.226530, -0.426328, -0.360551, 0.040417, 0.349109, -0.403683, -0.027832, 0.179996, -0.216178, -0.304173, -0.344485, 0.233108, -0.233281, -0.154720, -0.170718, -0.265131, 0.577826, -0.280689, -0.062174, 0.145765, -0.229011, -0.037247, 0.461600, 0.322706, 0.012690, -0.476978, -0.160664, 0.071475, 0.433599, -0.574209, -0.109823, -0.112006, -0.165133, -0.050596, -0.025531, -0.134581, 0.425398, 0.071754, 0.187879, 0.049288, 0.310224, 0.166144, -0.050132, 0.162211, 0.137386, 0.092481, -0.490117, -0.312100, 0.420617, -0.074252, -0.330886, 0.389968, -0.148384, -0.530472, 0.374060, 0.024276, -0.114853, -0.004507, -0.245528, 0.167363, -0.296699, 0.174945, 0.076178, 0.198763, 0.264134, 0.000797, -0.133545, 0.232943, -0.138160, 0.370038, 0.022624, -0.006877, -0.033158, -0.166871, 0.120203, 0.028969, -0.383846, -0.072728, 0.110837, 0.248930, 0.035691, -0.163107, -0.070129, 0.063783, 0.314520, -0.275151, 0.002329, 0.019304, -0.349034, -0.055412, 0.069128, 0.476060, 0.131358, -0.156349, -0.083012, 0.595656, 0.297357, -0.269147, -0.118178, 0.298549, -0.517105, 0.450997, 0.036553, -0.068982, 0.115757, -0.024920, 0.241792, -0.080704, 0.004733, 0.367786, 0.323233, 0.409024, 0.161437, -0.072483, -0.042432, -0.117596, 0.206465, 0.197176, -0.258312, -0.238054, -0.122244, 0.407275, -0.246615, -0.223337, -0.297641, -0.287959, -0.180776, -0.486414, 0.455508, -0.332325, -0.373419, -0.376563, -0.116370, -0.135141, 0.018748, 0.121579, -0.436050, -0.318362, -0.229234, 0.026051, -0.545234, -0.043191, -0.374044, -0.370245, 0.053564, -0.033019, 0.075620, 0.261551, -0.246523, -0.147344, 0.210762, 0.383794, -0.342904, -0.195925, -0.039230, 0.208736, -0.105581, -0.062963, 0.241270, -0.199727, -0.012008, -0.256670, 0.056315, 0.124350, 0.009873, 0.009691, 0.119222, 0.014275, -0.092325, -0.013503, 0.044182, 0.043404, 0.063605, 0.122281, 0.021017, -0.045223, 0.115995, 0.005553, 0.069882, -0.054055, -0.065654, -0.136668, 0.051854, -0.052678, -0.055140, -0.025313, -0.077777, -0.060103, -0.039263, 0.112216, 0.048917, -0.014658, -0.026780, 0.037452, -0.078581, 0.102881, -0.114642, 0.096951, 0.029431, 0.037759, -0.040937, -0.122310, 0.024232, 0.088199, -0.025322, -0.073773, -0.040467, 0.129506, -0.029371, -0.187131, -0.028268, -0.127080, -0.005328, -0.104068, -0.000225, 0.039516, -0.005911, -0.058183, 0.100456, 0.163953, 0.031046, -0.096767, -0.066165, 0.027942, 0.125406, -0.039879, -0.090015, 0.008611, -0.048608, 0.136155, 0.080096, -0.167608, 0.002500, 0.130862, -0.001420, 0.016534, -0.042363, 0.088456, 0.041094, 0.084773, -0.163680, -0.088956, -0.008602, -0.022356, 0.078224, 0.113242, 0.041807, -0.081370, -0.004580, 0.196551, -0.035848, 0.074642, -0.006240, -0.092106, -0.004572, -0.082675, 0.087324, -0.088502, -0.070735, 0.129603, 0.003187, -0.172731, -0.152414, 0.079169, -0.065044, -0.002574, -0.103934, 0.115441, -0.103020, -0.109130, -0.045024, -0.029816, 0.106598, -0.107545, 0.048771, -0.067575, -0.134984, -0.046725, -0.021859, 0.079894, -0.014116, -0.010476, -0.026810, 0.146434, 0.220197, -0.086089, 0.025582, -0.156022, -0.106331, -0.064307, -0.159558, 0.224463, 0.158815, 0.057247, 0.010986, -0.193372, -0.028958, -0.041567, -0.104020, 0.093134, -0.036261, -0.198215, -0.037735, 0.062511, 0.030720, 0.257377, -0.061643, 0.142894, -0.050431, 0.121674, 0.023602, 0.076665, 0.071488, -0.052082, 0.118898, 0.148430, -0.220476, 0.137728, 0.026401, -0.085519, 0.143042, 0.147875, 0.193751, 0.077895, -0.138707, 0.225063, 0.130702, -0.058333, 0.064894, -0.197071, 0.027042, 0.000214, -0.087315, -0.331095, 0.172096, 0.130105, -0.227165, 0.023581, -0.236125, -0.090461, -0.082659, -0.244979, -0.157481, -0.011974, -0.024187, -0.046084, -0.212669, -0.034190, 0.063249, -0.151238, 0.048314, 0.061489, 0.227202, -0.309013, 0.107413, 0.104884, -0.030685, 0.110691, 0.076465, 0.049095, 0.171655, 0.164407, 0.012378, -0.274972, -0.188634, -0.021072, 0.105248, -0.099285, -0.073034, -0.022395, -0.194645, -0.230327, 0.166564, 0.030851, -0.140548, -0.138038, -0.106089, 0.016836, -0.125120, -0.010025, 0.097900, -0.255528, 0.017950, -0.045119, 0.140798, -0.235990, -0.043404, 0.068109, 0.104723, -0.028436, -0.063626, 0.138273, 0.056806, 0.028312, -0.127041, 0.249657, -0.153390, -0.232791, 0.038949, 0.065427, 0.239766, -0.087963, 0.106312, 0.087450, -0.190455, -0.038431, 0.060475, 0.101345, -0.058314, -0.070341, -0.027196, 0.012241, 0.042127, -0.118923, -0.196486, -0.153657, -0.163057, 0.057722, -0.007294, 0.391318, 0.151915, 0.120281, 0.151040, -0.367178, -0.037385, 0.535429, -0.079367, 0.297281, 0.226352, -0.081682, -0.337286, 0.025139, 0.451366, 0.543858, -0.330916, 0.295101, -0.091145, 0.037125, 0.241398, 0.079584, 0.052971, -0.019315, 0.020311, 0.375536, -0.387904, 0.114259, 0.097496, 0.192749, 0.132406, 0.320741, 0.130569, 0.384076, -0.184009, 0.356490, -0.154110, -0.024430, 0.186787, -0.268815, 0.065874, 0.070341, -0.365977, -0.117008, 0.412293, 0.206664, -0.095980, 0.063130, -0.037392, -0.395101, 0.211927, -0.423446, -0.122477, 0.101213, -0.190673, -0.115855, -0.508755, 0.321166, 0.085586, -0.417021, -0.134064, 0.275741, 0.240275, -0.258528, 0.352828, 0.345615, -0.492789, 0.166654, 0.148314, 0.028052, 0.022013, 0.220885, 0.309288, -0.279341, -0.040984, 0.212924, 0.165279, 0.268785, -0.053613, 0.029024, -0.131808, -0.226473, 0.431709, 0.353871, -0.184296, -0.611766, -0.270298, 0.172485, -0.283202, -0.209194, -0.101393, -0.395771, -0.200248, -0.484332, 0.323425, -0.541155, -0.470483, 0.017614, 0.605588, -0.193815, -0.181427, 0.400910, -0.059240, -0.206565, -0.420557, 0.065812, -0.430386, -0.115704, -0.279697, -0.293824, 0.519920, -0.192496, 0.145897, 0.218732, -0.487546, -0.149332, 0.423783, 0.407947, -0.026038, -0.228897, -0.067538, 0.156833, 0.132767, -0.352099, -0.236005, -0.056767, -0.315707, 0.105393, -0.014045, 0.143975, 0.254403, 0.033749, 0.156474, -0.528505, -0.048218, 0.411718, -0.057895, 0.256369, 0.202571, -0.059891, -0.146551, -0.093866, 0.161000, 0.281229, 0.068884, 0.074671, -0.197087, -0.045573, 0.054997, -0.259609, -0.133830, -0.171959, -0.109894, 0.145978, -0.217534, 0.014087, 0.175303, 0.092619, 0.095498, 0.245325, 0.123124, 0.377953, 0.113477, -0.041244, -0.040674, -0.044576, 0.242444, -0.362135, 0.196621, -0.054437, -0.083796, -0.176068, 0.384377, 0.257896, -0.110851, 0.219696, -0.232753, -0.322928, 0.032473, -0.225115, 0.046454, 0.375834, -0.252645, -0.252991, -0.461026, 0.282779, 0.160776, -0.360065, -0.101249, 0.357933, 0.147824, -0.101757, 0.174846, 0.204461, -0.252140, 0.098737, 0.081399, -0.119356, 0.085078, 0.256266, 0.090244, -0.099106, -0.139955, 0.001995, 0.165730, 0.061180, -0.322905, 0.036356, 0.166451, -0.191464, 0.341710, 0.096623, -0.169975, -0.036392, -0.002520, 0.237612, -0.216054, -0.113147, -0.106104, -0.366696, 0.029103, 0.083459, 0.200376, -0.464975, -0.295372, 0.178012, 0.477597, -0.338360, -0.320223, 0.084883, -0.139030, -0.162877, -0.200829, 0.171032, -0.012931, -0.186151, -0.214053, -0.398309, 0.531053, -0.191832, 0.132923, -0.027394, -0.033577, -0.084533, 0.199043, 0.332879, -0.087621, -0.245208, -0.154298, 0.217383, 0.195221, -0.324458, -0.123656, -0.132478, -0.474447, -0.010357, -0.053234, 0.300619, 0.145160, 0.045918, 0.271516, -0.421607, 0.103715, 0.098545, -0.304985, 0.125535, 0.033991, -0.511227, -0.041397, -0.249651, 0.054962, 0.195378, 0.041699, 0.175512, -0.279385, 0.065677, 0.115541, -0.031092, -0.143436, -0.125810, -0.513143, -0.042876, -0.122094, 0.041815, 0.067650, 0.702688, -0.334697, 0.235537, 0.362030, 0.122222, 0.225853, 0.366163, -0.300224, 0.058519, 0.049340, -0.492166, 0.301612, -0.209106, -0.183825, -0.408771, 0.276138, 0.381887, -0.342583, 0.267650, -0.364043, -0.240097, 0.245425, -0.061724, -0.155980, 0.189072, 0.006418, -0.350915, -0.171138, 0.161445, 0.337647, -0.302967, -0.358614, 0.156074, -0.154212, 0.022238, 0.204796, 0.054464, -0.343781, 0.085548, -0.004216, -0.302740, 0.366147, 0.101648, 0.230950, 0.036327, -0.093811, 0.010613, -0.363452, 0.026171, -0.186873, -0.013418, 0.261275, -0.527554, 0.074408, -0.207532, -0.076277, 0.038551, -0.418179, 0.128900, -0.156711, -0.186574, 0.099655, 0.050863, 0.027203, -0.200289, 0.081162, -0.025827, -0.314688, 0.141063, 0.220238, -0.583737, -0.098220, 0.329193, -0.080699, -0.257076, -0.003441, 0.242910, -0.170273, -0.012966, -0.133764, -0.399670, -0.102715, -0.174609, -0.117438, -0.007952, -0.195282, -0.305128, 0.185172, 0.242411, -0.070361, -0.220013, -0.114078, 0.108458, 0.221632, -0.119808, -0.383769, -0.210627, -0.106113, -0.003562, -0.158512, 0.104404, 0.072862, 0.266388, 0.330912, -0.057473, -0.027936, 0.200733, 0.031895, 0.022024, 0.358740, 0.054277, -0.144809, 0.183876, 0.478598, 0.192558, -0.264434, 0.243500, -0.334356, -0.189279, 0.297553, 0.262340, -0.052991, 0.022977, -0.019849, 0.464597, -0.251023, 0.209988, 0.115785, 0.037755, -0.032300, 0.113266, 0.244898, 0.321918, -0.114834, 0.272908, -0.073771, 0.024743, -0.062093, -0.371864, 0.149435, 0.146744, -0.335410, -0.154964, 0.151095, -0.061854, -0.097868, -0.223419, 0.112405, -0.130680, 0.238273, -0.395362, -0.291110, -0.138109, 0.139717, -0.161601, -0.313436, 0.084714, 0.062879, -0.165365, -0.166373, 0.127086, -0.060607, -0.212335, -0.102658, 0.271689, -0.291944, 0.243380, 0.007926, -0.004208, 0.104667, 0.160848, 0.177822, -0.116880, -0.033162, 0.350981, 0.254382, 0.203102, 0.177011, 0.149903, -0.158998, -0.083370, 0.139548, 0.166418, -0.248526, -0.262576, -0.227823, -0.027730, -0.213586, -0.033096, -0.075298, -0.272627, -0.248874, -0.176692, 0.446683, -0.350294, -0.724317, -0.053057, 0.330779, -0.238269, -0.180343, 0.337717, -0.099035, -0.319810, -0.561728, 0.072478, -0.318005, 0.042614, -0.580339, -0.236840, 0.183171, 0.175335, 0.083137, 0.193024, -0.456431, -0.110102, -0.057025, 0.213006, -0.031394, -0.296226, -0.014455, 0.092958, 0.040738, -0.420372, -0.177725, -0.116757, 0.092573, 0.043734, 0.070090, 0.088949, 0.086646, -0.038628, 0.153468, -0.233965, 0.038929, 0.215070, -0.098640, 0.283549, 0.002718, 0.065432, -0.036384, -0.057643, 0.034416, 0.333239, -0.009216, 0.073115, -0.250764, -0.172054, 0.135138, 0.015495, -0.045522, -0.140824, -0.071221, 0.414176, -0.252254, -0.181469, 0.132170, 0.048156, 0.006346, 0.249223, 0.220826, 0.178272, -0.084641, -0.073060, -0.103206, 0.070822, 0.030628, -0.160579, 0.106464, -0.042446, -0.174408, -0.135863, 0.282553, 0.241259, -0.198013, 0.228364, -0.093441, -0.306731, 0.113140, -0.153038, 0.095457, 0.343513, -0.083761, -0.175252, -0.488187, 0.199858, -0.008882, -0.194033, -0.180067, 0.022199, 0.296954, -0.096105, 0.252906, 0.019928, -0.295298, 0.143872, -0.135531, -0.161415, -0.052016, 0.232592, 0.027895, -0.083157, -0.246335, -0.090704, -0.024960, -0.047736, -0.151125, 0.119209, 0.078387, -0.049113, 0.281350, 0.174509, -0.085237, -0.147135, -0.082229, 0.094737, 0.029182, -0.175815, 0.009989, -0.322182, 0.050450, -0.253200, 0.197176, -0.060655, -0.227672, 0.100821, 0.370959, -0.413613, -0.090101, 0.056770, -0.034657, -0.147403, -0.166874, 0.238925, -0.066476, -0.175944, 0.007789, -0.046128, 0.385395, -0.285426, 0.048100, 0.163400, -0.171640, -0.267217, 0.017557, 0.324711, -0.013387, -0.119166, 0.138574, 0.125798, 0.096684, -0.221582, -0.252181, -0.210595, -0.341701, 0.043707, -0.144518, 0.252910, 0.136213, -0.089053, -0.022118, -0.069657, 0.121820, 0.073697, -0.219377, 0.111541, 0.089465, -0.120581, -0.039097, 0.074901, 0.017821, 0.175921, -0.081372, -0.034198, -0.030441, 0.007489, 0.048485, -0.172665, -0.167777, -0.016219, -0.053293, 0.116430, 0.133289, 0.003138, 0.054095, 0.149283, 0.045506, 0.067008, 0.153918, 0.108705, 0.021269, 0.255132, 0.015509, 0.134145, 0.035499, -0.316305, 0.192297, -0.042774, 0.014111, -0.304714, 0.129531, 0.070099, -0.043667, 0.025240, 0.007368, -0.182278, 0.009135, -0.189463, -0.156838, 0.137943, -0.052087, -0.116030, -0.232604, 0.138796, 0.002654, -0.131239, -0.151795, 0.039945, 0.075650, 0.046627, 0.077950, 0.016859, 0.130145, 0.067611, -0.106836, -0.071339, 0.122418, 0.221552, 0.015930, 0.013648, -0.308252, -0.018429, -0.114301, 0.019465, -0.166398, -0.018515, 0.010203, -0.203261, 0.164226, -0.013245, 0.010495, -0.075972, -0.012497, 0.025846, 0.059449, 0.031099, 0.078200, -0.101192, 0.063786, 0.119511, -0.055065, -0.070248, -0.096787, 0.161558, 0.099044, -0.150727, -0.054824, 0.064540, 0.026059, -0.009721, 0.014503, 0.130974, -0.049885, -0.168988, -0.120682, -0.038276, 0.064789, -0.129837, 0.126398, 0.024370, -0.043520, 0.007094, 0.075126, 0.030584, 0.136857, -0.019975, -0.169085, 0.172819, 0.076435, -0.129856, -0.177359, -0.259425, -0.230584, 0.148018, -0.170779, 0.216781, -0.043563, 0.296454, 0.476631, -0.152372, -0.081932, -0.029064, -0.116692, 0.230225, 0.574435, -0.463746, -0.131203, 0.169112, 0.621429, 0.055065, -0.422110, 0.206561, -0.459237, -0.202550, 0.450368, 0.180344, 0.011840, 0.188180, -0.314953, 0.320972, -0.280995, 0.144657, -0.010705, -0.111803, 0.411353, 0.271917, 0.267509, 0.504358, -0.339886, 0.250315, -0.076822, 0.224659, 0.120700, -0.579245, 0.247589, 0.151393, -0.334170, -0.157796, 0.166492, 0.002562, -0.400934, -0.120765, -0.032194, -0.203442, 0.223110, -0.195599, -0.126137, -0.260962, 0.004763, -0.038750, -0.354272, -0.008475, 0.214238, -0.483831, -0.285178, 0.219753, 0.060041, -0.161262, -0.023841, 0.219959, -0.163973, 0.254334, -0.224998, -0.290998, 0.141739, 0.281599, 0.228136, -0.223361, -0.199819, 0.243265, 0.169041, 0.299280, 0.027551, 0.255682, -0.161022, -0.243887, 0.216655, 0.044043, -0.305372, -0.172553, -0.171849, 0.095881, -0.410256, -0.465333, -0.054644, -0.247590, -0.244288, -0.033769, 0.323691, -0.478890, -0.649483, -0.243412, 0.374544, 0.078051, -0.050554, 0.424991, -0.012004, -0.286307, -0.525561, 0.064382, -0.446082, -0.288417, -0.426302, -0.128303, 0.218206, 0.142988, 0.018405, 0.498598, -0.508109, -0.220931, 0.395854, 0.392651, 0.014740, -0.240618, -0.034118, 0.134662, 0.190624, -0.375247, -0.107013, -0.198173, 0.045988, -0.102241, 0.146104, 0.300267, 0.104745, -0.022354, 0.286808, -0.022710, 0.025101, 0.243564, -0.076834, 0.165584, 0.333943, -0.020891, -0.198811, 0.118312, 0.302964, 0.201357, -0.251903, 0.214156, -0.224517, -0.142646, 0.287569, 0.021272, -0.141720, -0.081621, -0.200683, 0.306201, -0.249554, 0.099958, 0.085345, 0.125141, 0.049236, 0.149408, 0.124964, 0.129110, -0.005498, -0.006632, -0.299906, 0.079549, 0.115516, -0.233017, 0.461496, 0.052255, -0.325555, -0.090217, 0.287850, -0.081174, -0.234589, -0.103446, -0.081026, -0.211417, 0.239336, -0.373092, 0.222206, 0.025837, -0.042721, -0.098771, -0.333926, 0.171408, 0.181470, -0.312505, -0.026048, 0.240525, 0.184620, 0.063218, 0.088815, 0.114822, -0.476983, 0.456631, 0.037734, -0.109869, 0.130948, 0.178223, 0.347085, -0.095225, -0.116418, 0.161291, 0.117368, 0.263353, 0.028155, 0.203889, 0.070098, -0.064437, 0.219215, 0.156995, -0.144135, -0.191994, -0.022142, 0.195081, -0.123382, -0.129998, -0.135337, -0.275244, -0.228202, -0.206716, 0.481740, -0.100060, -0.497902, -0.123884, 0.426906, -0.440679, 0.060307, 0.241726, -0.087766, -0.371877, -0.312694, 0.079395, -0.331732, 0.027748, -0.229511, -0.358288, 0.201328, 0.047585, 0.048871, 0.423906, -0.346240, -0.181709, 0.211039, 0.450511, -0.127087, -0.394904, 0.013994, 0.293367, 0.115013, -0.183277, -0.057024, -0.297379, -0.123840, -0.064258, -0.056912, 0.115545, 0.389600, 0.111460, 0.400668, -0.235884, 0.161942, 0.235057, -0.138895, 0.196598, 0.322463, -0.266843, -0.103851, -0.192587, 0.274411, -0.017130, -0.077136, 0.251335, -0.344771, -0.204371, 0.375701, 0.178750, -0.230454, 0.013949, -0.218477, 0.328045, -0.516069, 0.295395, -0.018201, 0.192796, 0.216734, 0.359684, 0.217140, 0.056071, 0.088322, 0.166403, -0.090691, -0.033210, 0.221919, -0.474450, 0.367514, -0.307349, -0.298212, -0.125264, 0.164934, 0.100319, -0.308736, 0.229728, -0.137257, -0.051992, 0.224758, -0.263145, -0.138398, 0.108399, -0.065166, -0.037663, -0.291404, -0.109445, 0.322793, -0.129697, -0.146791, 0.426876, 0.180116, -0.039430, 0.024977, 0.125247, -0.285110, 0.263588, 0.062655, -0.221150, 0.276019, 0.294866, 0.144309, -0.270375, -0.246512, -0.025761, 0.304180, 0.270593, -0.160990, 0.050116, -0.084987, -0.265137, 0.191330, -0.040970, -0.244856, -0.035507, -0.177724, 0.158177, -0.370901, -0.204745, -0.261497, -0.375734, -0.143011, -0.154262, 0.163577, -0.282849, -0.607068, 0.189106, 0.265324, -0.117953, -0.179075, 0.303208, 0.003373, -0.405372, -0.270908, 0.112097, -0.256101, -0.207010, -0.296786, -0.197014, 0.498922, -0.045214, 0.075232, 0.263179, -0.327027, -0.242410, 0.344935, 0.309361, -0.295043, -0.248394, -0.168246, 0.074052, 0.240930, -0.419768, -0.194510, -0.086692, -0.224385, -0.009410, 0.158847, 0.111104, 0.302857, 0.127854, 0.242246, -0.253250, 0.189273, 0.267309, -0.142006, 0.223504, 0.223152, -0.141202, -0.168656, -0.228347, 0.300184, 0.231755, -0.273481, 0.179836, -0.428888, -0.027342, 0.192460, 0.011019, -0.100085, -0.163594, -0.135061, 0.349442, -0.265966, 0.330075, -0.075483, 0.267539, 0.427236, 0.168801, 0.125337, 0.297086, -0.154321, 0.232418, -0.239653, 0.080436, 0.327096, -0.435453, 0.164895, -0.029600, -0.244005, -0.168499, 0.104205, 0.372252, -0.401497, 0.065707, -0.279363, -0.087261, 0.189845, -0.206931, -0.255971, 0.176859, -0.223543, -0.262789, -0.178749, 0.304809, 0.065895, -0.409645, -0.291987, 0.347805, 0.098735, -0.134927, 0.086442, 0.224674, -0.328788, 0.307951, -0.165301, -0.277343, 0.334195, 0.430477, 0.024287, -0.308615, -0.333535, 0.167317, 0.030575, 0.263559, -0.365639, 0.046177, 0.067765, -0.178345, 0.273707, 0.180719, -0.189351, -0.219786, -0.234252, 0.275001, -0.469171, -0.192241, -0.120194, -0.387869, -0.104215, -0.247731, 0.346333, -0.371552, -0.346573, 0.179959, 0.458322, -0.301902, -0.140509, 0.330574, -0.314463, -0.449495, -0.165767, 0.227105, -0.227039, -0.255329, -0.344734, -0.405342, 0.375084, -0.305316, 0.020734, 0.116867, -0.313326, -0.211480, 0.459488, 0.257338, -0.127347, -0.367236, -0.203969, 0.309216, 0.089263, -0.453239, -0.094995, -0.067692, -0.231893, -0.027971, 0.160413, 0.157513, 0.056966, -0.178216, 0.324412, -0.155955, 0.025633, 0.201338, -0.158385, 0.207578, 0.186185, 0.025532, -0.214842, -0.028524, 0.206758, 0.264594, -0.294242, 0.022248, -0.201820, -0.183625, 0.153166, -0.254020, -0.002003, 0.043129, -0.097670, 0.261044, -0.317776, 0.081793, -0.102452, 0.255825, 0.258940, -0.013400, -0.047375, 0.268353, 0.153991, 0.071225, -0.099376, 0.203201, 0.098297, -0.247243, 0.277960, 0.073622, -0.255347, -0.163201, 0.224918, 0.255215, -0.060111, 0.077433, -0.110567, -0.215794, 0.198025, -0.201111, -0.115083, 0.149122, -0.111975, -0.355619, -0.255544, 0.453965, 0.241986, -0.323300, -0.241525, 0.210743, 0.176503, -0.090379, 0.164413, 0.380887, -0.330309, 0.468566, -0.049321, -0.109022, 0.076401, 0.318630, 0.187433, -0.019653, -0.020387, 0.265838, 0.219933, 0.278012, -0.120677, 0.006906, 0.126773, -0.230074, 0.407029, 0.294864, -0.169666, -0.091581, -0.054362, 0.264469, -0.193821, -0.103616, -0.215923, -0.168467, -0.145385, -0.108186, 0.549231, -0.459464, -0.407671, 0.162827, 0.120767, -0.132144, -0.015487, 0.255262, -0.169535, -0.230427, -0.221295, 0.370604, -0.185860, -0.337540, -0.123537, -0.350397, 0.287804, -0.174355, 0.008525, 0.161184, -0.081049, -0.082327, 0.110973, 0.308297, -0.102096, -0.265388, -0.149369, 0.159796, 0.319797, -0.273639, -0.013473, -0.265766, -0.159671, -0.193675, 0.041171, 0.000433, 0.216556, 0.167441, 0.213424, -0.130548, -0.016309, 0.428628, -0.046633, 0.211123, 0.317634, -0.212831, -0.366954, -0.120004, 0.318902, 0.324698, -0.365199, 0.291545, -0.284798, 0.073500, 0.331238, -0.087388, 0.107630, -0.295605, -0.102701, 0.184305, -0.458766, 0.131980, 0.289859, -0.021427, 0.293688, 0.242712, 0.198280, 0.328334, -0.116229, 0.277882, -0.089843, 0.181300, 0.347760, -0.407890, 0.180814, 0.305687, -0.189662, -0.041700, 0.137581, 0.164100, 0.001420, 0.184690, 0.030076, -0.317775, 0.120650, -0.380328, -0.047865, 0.197233, -0.416183, 0.025361, -0.390310, -0.042683, 0.052859, -0.318881, -0.107577, 0.126120, 0.255707, -0.296825, 0.048514, 0.227068, -0.306109, 0.238937, 0.081287, -0.061083, 0.266895, 0.237632, 0.144174, -0.431790, -0.130077, 0.088378, 0.337730, 0.410587, -0.183186, 0.132655, -0.174687, -0.003267, 0.219643, 0.188816, -0.288425, -0.388395, -0.266583, 0.246251, -0.382375, -0.277846, -0.387969, -0.469774, 0.010091, -0.239973, 0.311923, -0.305147, -0.357330, 0.005751, 0.639627, -0.126458, -0.104448, 0.249813, 0.022715, -0.223135, -0.168801, 0.055950, -0.147748, -0.185400, -0.170512, 0.058603, 0.401174, -0.246206, 0.097336, 0.238355, -0.304360, -0.183729, 0.272475, 0.280951, -0.210546, -0.103717, -0.097616, -0.002177, 0.148037, -0.327421, -0.180070, -0.244581, -0.299059, -0.002747, 0.052242, 0.086256, 0.157969, 0.100925, 0.324016, -0.259048, 0.114504, 0.141932, -0.138579, 0.168753, 0.373130, -0.024162, -0.236678, -0.083518, 0.181748, 0.242604, -0.173605, 0.213482, -0.352563, -0.031400, 0.090454, 0.146437, -0.043561, 0.024607, 0.012397, 0.379329, -0.310529, -0.021430, 0.201098, 0.072001, 0.141766, 0.224334, 0.169509, 0.395724, -0.202534, 0.126783, -0.241595, 0.181570, 0.118321, -0.098148, -0.064148, 0.067863, -0.183851, -0.029020, 0.263223, 0.160455, -0.132989, -0.022183, -0.153837, -0.262928, 0.209986, -0.239180, -0.007826, 0.104242, 0.089922, -0.336769, -0.186957, 0.234163, -0.003531, -0.537516, -0.388134, 0.107119, 0.088473, -0.107088, 0.142464, 0.192121, -0.162298, 0.250843, -0.160446, 0.058782, 0.107651, 0.059701, 0.161029, -0.159495, -0.275707, 0.137052, -0.009347, 0.186516, -0.202985, 0.231603, 0.011317, -0.151575, 0.223986, 0.152377, -0.269426, -0.299321, -0.135253, 0.161008, -0.147160, -0.223064, 0.030178, -0.455424, -0.007204, -0.065399, 0.386083, -0.106388, -0.361347, 0.094817, 0.356884, -0.082003, -0.099569, 0.293059, -0.197755, -0.193563, -0.184414, 0.159594, -0.139670, -0.253135, -0.191248, -0.147309, 0.366593, -0.192385, 0.079634, 0.391457, -0.109974, -0.271435, 0.258097, 0.335525, 0.007554, -0.375534, 0.192789, 0.231957, -0.071633, -0.175002, -0.129156, -0.229259, -0.143208, 0.169767, 0.199427, 0.146527, 0.224110, -0.175700, 0.350129, -0.286680, 0.251264, -0.065582, -0.120923, 0.047679, 0.550947, -0.150733, 0.224409, -0.229593, 0.226967, 0.248684, -0.141761, 0.200558, -0.428541, -0.010605, 0.146904, 0.026220, -0.375553, 0.160225, -0.230072, 0.657624, -0.087774, -0.025228, -0.129102, 0.247980, 0.277802, 0.077559, 0.140059, -0.019749, -0.121664, -0.014763, -0.174202, 0.086284, 0.307032, -0.383031, 0.174752, 0.063022, -0.210487, -0.122762, 0.151893, 0.131294, -0.322800, 0.194679, -0.359479, -0.253390, 0.213672, 0.176986, -0.082583, 0.072570, 0.128632, -0.430303, 0.092078, 0.185964, 0.235118, -0.297585, -0.406727, 0.101585, -0.017307, -0.061068, -0.134789, 0.183849, 0.100137, 0.423940, -0.225101, -0.022869, 0.135519, 0.041017, 0.251888, -0.071544, -0.239110, 0.136380, -0.029876, 0.137475, -0.298184, 0.369878, 0.268110, -0.280650, 0.426289, 0.043063, -0.101064, 0.088858, -0.182127, 0.311071, -0.289190, 0.003197, 0.062286, -0.373167, -0.088339, 0.114197, 0.300053, -0.042439, -0.288282, 0.086185, 0.240389, -0.081924, 0.114931, 0.082279, -0.289559, -0.351966, -0.263537, 0.398318, -0.159637, -0.389186, -0.352170, -0.338036, 0.218179, -0.182915, -0.162937, 0.320296, -0.162512, -0.058662, 0.491149, 0.135278, 0.041600, -0.282849, 0.002487, 0.396503, 0.028759, -0.264367, -0.050158, -0.305406, -0.272206, -0.061539, 0.220964, 0.325185, 0.193503, 0.164870, 0.021089, -0.218907, 0.150239, -0.132665, -0.107214, 0.229921, 0.096766, -0.579806, -0.020806, -0.069539, 0.042678, 0.432676, -0.198336, 0.166850, -0.106888, 0.106842, 0.044958, -0.122853, -0.108142, -0.347725, -0.295499, 0.084453, -0.240395, 0.284664, 0.156209, 0.217149, 0.350379, 0.260759, 0.571416, -0.011222, -0.016190, 0.344700, -0.001265, 0.167192, 0.284355, -0.470576, 0.407461, -0.065953, -0.183576, -0.253953, 0.337175, 0.184549, -0.234840, 0.074640, -0.162470, -0.185521, 0.002318, -0.147545, -0.166894, 0.170199, -0.113133, -0.172106, -0.368996, -0.057584, -0.005606, -0.125147, -0.201911, -0.013750, 0.168349, -0.001718, 0.112783, 0.055185, 0.199136, 0.065735, -0.043614, -0.099622, 0.289270, 0.247938, 0.083541, -0.194859, -0.304826, -0.056792, 0.158739, -0.014818, -0.195036, -0.221502, 0.013180, -0.190661, 0.010407, 0.095372, -0.111482, -0.195188, -0.258060, -0.144547, -0.181182, -0.319948, 0.039134, -0.370141, 0.121974, -0.141505, 0.225699, -0.078409, -0.121732, 0.156429, 0.168871, -0.404182, -0.230053, 0.580089, 0.149903, -0.187074, -0.042455, 0.151342, -0.143204, -0.411689, -0.124515, -0.167862, 0.055018, -0.207562, 0.109586, 0.083943, -0.396606, -0.052453, 0.573473, 0.067537, -0.059858, -0.110570, -0.320307, 0.139740, -0.145874, -0.306660, -0.233096, -0.145223, -0.430960, 0.068306, -0.143834, 0.024170, -0.033240, -0.102871, 0.040570, -0.166251, 0.234073, 0.242818, -0.217292, 0.028580, 0.133180, -0.257524, -0.255224, -0.278922, 0.263429, 0.242537, -0.098789, -0.053895, -0.016136, 0.051839, 0.135042, -0.224146, -0.315700, -0.043141, -0.187162, 0.347928, -0.229002, -0.190472, 0.042419, 0.209758, 0.086115, 0.256467, 0.193495, 0.181686, 0.101518, 0.212403, -0.256116, 0.043283, 0.269203, -0.214811, 0.079933, 0.036059, -0.374240, -0.110161, 0.033332, 0.313194, 0.054943, 0.159593, -0.286557, -0.271344, 0.032826, -0.221514, -0.035835, 0.304336, -0.219009, -0.179212, -0.222054, 0.232891, 0.163563, -0.317638, -0.118861, 0.289495, 0.221196, -0.535137, 0.147283, 0.244648, -0.014017, 0.490541, 0.154475, 0.028533, 0.015687, 0.235998, 0.199266, -0.184883, -0.091086, 0.141415, 0.295238, 0.344408, -0.304773, 0.036469, 0.117525, -0.147078, 0.337053, 0.244697, -0.367799, -0.283427, -0.248030, 0.450211, -0.301237, -0.108018, -0.064688, -0.342991, -0.103775, -0.165231, 0.560402, -0.249213, -0.277852, 0.120029, 0.253781, -0.108267, -0.134456, 0.291398, -0.241608, -0.298208, -0.189365, 0.139587, -0.143039, -0.107898, -0.249130, -0.423010, 0.148471, -0.234357, 0.006550, 0.046504, -0.177396, -0.024238, 0.117227, 0.175451, -0.157467, -0.204652, -0.162774, 0.554059, 0.102683, -0.019403, -0.054061, -0.329211, -0.230480, -0.032883, 0.041949, 0.157180, -0.008885, 0.175382, 0.135530, -0.082077, 0.142294, 0.066717, -0.153405, 0.211359, 0.064720, -0.217473, -0.031964, -0.112666, 0.155499, 0.310307, -0.185195, -0.001052, -0.130476, 0.143966, 0.151379, -0.084051, -0.038961, -0.008085, 0.062630, 0.303257, -0.321011, 0.215812, 0.051343, 0.173973, 0.435332, 0.270577, 0.055525, 0.279187, -0.200776, 0.141784, -0.025875, 0.116124, 0.174670, -0.138048, 0.004710, -0.117904, -0.203752, -0.208153, -0.115451, 0.382959, -0.111910, 0.051432, -0.336670, -0.012848, -0.040510, -0.173862, -0.296723, -0.094556, -0.206827, -0.263732, -0.140083, 0.120883, -0.131254, -0.064365, -0.351572, 0.250593, 0.236351, -0.162176, 0.179081, 0.191420, -0.021592, 0.046733, 0.008168, 0.107232, 0.100040, 0.446175, 0.081825, -0.255756, -0.405647, 0.082877, 0.028888, 0.123515, -0.308417, -0.224485, 0.092306, -0.226728, 0.302962, 0.017568, -0.190546, -0.204050, -0.278039, -0.007799, 0.036302, -0.063288, 0.088348, -0.179313, 0.052220, -0.253038, 0.274000, -0.102260, -0.176501, 0.171283, -0.001355, -0.276956, -0.062333, 0.384379, -0.011508, 0.029828, 0.066171, 0.279625, -0.103242, -0.277883, -0.205965, -0.028737, 0.187409, -0.106114, 0.030507, 0.029292, -0.102861, 0.048673, 0.460261, 0.094293, 0.129202, -0.098538, -0.278386, -0.057595, 0.047887, -0.295075, -0.061741, -0.114504, -0.290479, 0.112195, 0.091389, 0.210607, 0.124961, 0.021485, 0.123632, -0.170314, 0.004687, 0.035581, -0.033282, 0.119387, 0.303539, -0.263831, 0.021901, -0.032715, 0.205781, 0.051631, -0.085688, 0.140713, -0.303393, -0.026629, 0.085646, 0.031789, -0.105137, -0.074524, -0.168483, 0.311087, -0.127048, 0.013079, -0.019060, 0.220992, 0.020296, 0.137990, 0.199461, 0.211525, -0.003019, 0.097566, -0.086048, 0.090964, 0.050355, -0.317441, 0.181693, -0.025822, -0.156170, -0.064788, 0.166578, 0.112874, -0.240105, 0.029061, -0.050831, -0.063693, 0.149246, -0.091999, -0.136467, -0.072007, 0.000190, -0.067908, -0.205544, -0.118961, 0.011315, -0.137168, -0.200259, 0.132765, -0.039031, -0.003649, 0.139706, 0.166078, -0.049565, 0.112071, 0.098663, -0.189166, 0.239650, 0.145437, 0.042356, -0.146077, -0.043046, 0.163796, -0.004934, 0.187983, -0.170615, 0.082533, -0.079606, -0.174280, -0.089149, 0.013580, -0.249434, -0.075860, -0.237827, 0.062089, -0.174361, -0.227245, -0.110210, -0.168617, -0.097549, -0.093316, 0.058468, -0.196345, -0.250968, 0.060813, 0.202485, -0.139350, 0.066480, 0.245095, -0.021351, -0.022019, -0.218780, 0.032039, -0.109785, -0.048971, -0.233519, -0.138649, 0.115461, -0.059389, 0.081017, 0.165679, -0.158827, -0.183009, 0.114480, -0.039700, -0.034346, -0.172014, 0.019316, 0.156114, 0.176329, -0.274403, -0.162349, -0.125447, -0.116602, 0.016422, -0.066413, 0.178460, 0.244842, 0.013550, 0.473186, -0.228018, 0.005022, 0.159244, -0.079143, 0.217350, 0.294820, -0.170680, -0.027988, -0.195794, 0.343153, 0.171271, -0.115826, 0.047026, -0.488376, -0.014889, 0.296741, 0.184628, -0.154962, 0.044722, -0.266948, 0.279969, -0.339051, 0.066911, -0.131168, 0.302719, 0.232203, 0.202468, 0.021424, 0.036576, -0.172374, 0.029608, -0.136478, -0.133574, 0.310615, -0.412036, 0.234727, -0.059302, -0.414980, -0.021184, 0.118388, 0.379151, -0.470766, -0.027810, -0.169052, -0.096820, 0.351084, 0.101258, -0.309020, 0.132648, 0.033728, -0.391887, -0.360230, 0.318745, 0.320022, -0.351242, -0.420024, 0.286706, 0.080970, -0.044986, 0.167422, 0.186484, -0.210160, 0.345141, -0.250745, 0.072829, 0.107160, 0.409747, 0.184956, -0.338312, -0.161546, 0.078569, 0.049430, 0.300198, -0.246463, 0.304040, 0.135797, -0.426492, 0.382857, -0.063911, -0.227936, -0.161010, -0.333117, 0.278389, -0.285057, 0.046532, 0.025426, -0.566987, -0.110767, -0.235474, 0.220023, -0.235170, -0.414319, -0.025208, 0.299961, -0.312517, 0.071607, 0.335318, -0.210606, -0.480937, -0.191786, 0.290407, -0.217588, -0.174362, -0.214322, -0.319939, 0.450176, -0.183331, -0.221230, 0.172457, -0.326365, -0.179051, 0.543327, 0.277699, 0.029502, -0.465457, -0.180407, 0.304482, 0.151280, -0.310231, -0.110254, 0.044992, -0.336580, -0.066123, 0.133277, 0.275595, 0.155925, 0.002233, 0.300294, -0.544530, 0.292602, 0.380573, -0.036858, 0.053680, 0.221983, -0.343871, -0.400841, -0.288750, 0.271331, 0.402406, -0.020324, 0.077167, -0.266103, -0.024542, 0.557634, -0.298628, -0.032495, -0.114122, -0.266228, 0.172840, -0.310414, -0.088310, 0.091789, 0.336978, 0.073547, 0.300438, 0.209722, 0.165574, -0.049875, 0.069991, -0.431472, -0.131372, 0.242632, -0.104894, 0.480356, 0.023073, -0.321708, 0.017482, 0.309172, 0.360990, -0.107784, 0.380583, -0.135744, -0.253155, 0.326373, -0.298887, 0.056765, 0.342199, -0.504986, -0.448508, -0.612851, 0.300568, 0.160274, -0.470946, -0.427969, 0.315242, -0.005362, -0.192355, 0.387003, 0.391074, -0.442070, 0.152200, 0.103752, -0.125137, 0.109312, 0.300213, 0.332761, -0.298119, -0.062286, 0.070092, 0.426934, 0.300536, -0.061155, 0.007662, 0.223785, -0.243064, 0.443654, 0.029283, -0.160121, -0.309536, -0.139173, 0.307343, -0.350331, -0.128652, -0.201699, -0.526506, -0.020156, -0.401081, 0.379099, -0.467851, -0.230242, 0.156608, 0.504021, -0.529554, -0.194435, 0.308067, 0.163940, -0.376704, -0.279946, 0.140900, -0.162775, -0.265664, -0.135191, -0.507388, 0.556832, -0.192044, -0.007187, -0.049821, -0.355922, -0.188138, 0.192499, 0.722904, -0.230258, -0.453070, -0.370111, 0.259451, 0.255074, -0.114389, -0.296232, -0.235493, -0.377251, -0.141015, 0.007036, 0.044135, 0.392249, 0.243251, 0.553782, -0.144160, 0.190372, 0.186973, 0.054582, 0.167839, 0.251029, -0.036269, -0.253541, -0.156503, 0.238484, 0.187948, -0.283072, 0.307615, -0.468356, -0.520063, 0.300236, 0.166690, -0.045139, -0.027919, -0.174234, 0.285861, -0.094894, 0.399953, -0.108287, 0.235452, 0.309150, 0.168066, 0.047734, 0.257329, -0.252669, 0.380354, -0.098840, 0.015452, 0.140612, -0.276265, 0.347372, 0.051156, -0.265587, 0.140005, 0.221263, -0.112948, -0.409468, -0.219878, 0.100902, -0.033948, 0.307662, -0.285259, 0.005211, -0.105631, -0.077922, -0.059896, -0.017260, 0.249648, 0.232769, -0.026425, 0.005727, 0.345160, 0.249165, -0.241634, -0.125146, 0.321498, -0.437093, 0.296573, -0.068648, -0.104312, 0.291024, 0.018465, 0.242853, -0.220982, 0.183864, 0.171344, 0.262246, 0.235735, 0.073717, 0.085723, 0.137266, -0.077490, 0.070631, 0.356043, -0.249144, -0.292738, -0.003459, 0.355797, -0.310584, -0.147079, -0.435946, -0.359428, -0.309996, -0.250890, 0.251403, -0.196295, -0.412155, -0.155777, 0.143754, -0.477295, 0.061240, 0.121792, -0.196208, -0.348691, -0.395889, 0.404580, -0.370395, 0.212772, -0.177375, -0.225513, 0.204500, 0.270559, -0.126117, 0.253178, -0.465324, -0.046400, 0.392448, 0.598547, -0.231161, -0.240792, 0.011438, 0.024027, 0.122132, -0.413014, 0.001581, -0.020195, 0.032122, -0.120723, 0.127833, 0.111674, 0.090582, -0.098901, 0.264580, -0.200669, 0.187491, 0.201754, -0.051066, 0.119713, 0.162827, -0.221821, -0.016118, -0.068131, 0.160774, 0.202627, -0.138113, 0.131352, -0.161976, -0.010348, 0.201066, -0.097956, -0.142294, -0.092110, -0.190801, 0.026529, -0.343696, 0.096270, -0.237767, 0.269385, 0.259305, 0.065815, 0.043310, 0.359274, -0.010254, 0.121626, -0.094317, -0.013567, 0.163615, -0.333306, 0.184463, -0.096260, -0.039141, -0.102069, 0.064923, 0.275361, -0.151933, 0.095680, -0.103097, 0.044368, 0.143837, -0.062523, -0.237890, 0.313453, -0.183803, -0.150049, -0.215071, 0.126016, 0.171228, -0.177269, -0.083116, 0.405598, 0.078635, -0.152659, 0.223438, 0.121794, -0.212449, 0.298168, 0.046142, -0.204872, 0.148428, 0.189294, 0.139405, -0.269644, -0.217823, 0.153565, 0.145923, 0.003353, -0.180001, -0.019704, 0.123410, -0.180639, 0.141353, 0.030607, -0.127421, -0.017984, -0.220035, 0.207978, -0.082656, -0.053258, -0.045317, -0.129254, -0.055337, -0.291600, 0.267832, -0.308642, -0.119655, 0.042440, 0.097955, -0.293024, -0.143193, 0.174477, -0.171713, -0.162757, -0.149027, 0.227124, -0.192368, -0.242135, -0.129625, -0.195154, 0.213278, -0.090476, -0.071744, -0.104769, -0.205202, -0.139543, 0.246235, 0.336873, -0.088696, -0.140977, -0.438638, 0.105157, 0.229504, -0.365870, -0.125560, -0.001546, -0.274122, 0.006811, 0.077091, 0.063475, 0.370475, 0.211569, 0.163384, -0.334494, -0.090668, 0.174540, 0.007464, 0.207355, 0.279783, -0.080102, -0.121571, 0.018215, 0.242583, 0.258844, -0.068572, 0.190308, -0.420078, -0.227549, 0.192858, 0.028359, -0.225674, -0.134450, -0.021137, 0.274981, -0.549831, 0.266099, -0.026918, 0.070554, 0.111441, 0.092324, 0.131964, 0.402589, -0.150319, 0.292714, -0.058915, 0.046260, 0.015060, -0.258787, 0.110785, 0.099970, -0.114960, 0.024916, 0.240300, 0.124338, -0.087988, -0.103915, 0.053038, -0.201853, 0.150594, -0.425834, -0.082735, -0.002693, -0.026677, -0.070425, -0.308508, 0.011002, 0.175824, 0.048849, 0.046551, 0.166959, 0.110301, -0.202014, 0.166381, 0.442144, -0.288841, 0.347272, 0.069621, 0.065508, 0.284970, 0.064480, 0.145981, -0.111938, -0.036308, 0.199413, 0.110927, 0.146732, 0.044678, 0.098410, -0.111939, -0.135179, 0.296669, 0.319000, -0.259042, -0.363629, -0.068769, 0.084006, -0.045282, -0.235375, -0.193911, -0.282202, -0.123311, -0.302461, 0.458522, -0.264524, -0.443161, -0.072773, 0.423013, -0.136903, 0.024666, 0.298827, 0.034380, -0.223921, -0.520743, 0.169886, -0.178837, 0.172320, -0.212771, -0.018089, 0.196367, -0.004363, 0.071581, 0.358057, -0.443431, -0.138821, 0.079364, 0.321259, -0.077903, -0.225407, 0.083570, -0.052414, 0.021827, -0.205573, -0.101631, -0.062845, -0.057968, -0.078925, 0.110724, -0.055733, 0.418745, 0.136611, 0.290697, -0.063703, 0.237920, 0.135614, -0.000049, 0.151577, 0.320141, -0.261521, -0.269459, -0.089435, 0.265844, 0.170397, -0.250764, 0.320552, -0.379390, -0.198797, 0.410822, -0.094168, -0.169486, 0.069466, -0.121551, 0.359460, -0.161651, 0.173420, -0.142602, 0.169892, 0.280899, 0.133163, 0.087957, 0.225691, -0.188834, -0.023185, -0.069607, 0.029750, 0.292943, -0.263609, 0.176998, 0.031188, -0.148004, 0.102375, 0.061928, 0.163733, -0.160120, -0.023329, -0.217615, -0.098527, 0.196792, -0.120219, -0.058384, -0.071958, -0.050270, -0.054244, -0.080134, 0.261312, 0.173271, -0.267034, -0.169309, 0.321847, 0.081802, -0.342417, -0.152695, 0.168010, -0.256930, 0.304466, -0.081639, -0.193238, 0.010668, 0.292408, 0.052896, -0.400368, -0.161904, 0.211292, 0.169404, 0.375033, -0.166639, 0.010281, -0.044046, -0.207818, 0.412467, 0.284580, -0.405912, -0.275598, -0.115518, 0.260589, -0.435210, -0.223458, -0.097967, -0.524211, -0.111178, -0.230984, 0.451859, -0.275723, -0.344559, -0.086325, 0.157056, -0.178430, -0.027038, 0.157716, -0.319008, -0.278584, -0.242154, 0.052907, -0.308799, -0.301654, -0.363381, -0.438564, 0.003907, -0.117655, 0.035299, 0.241141, -0.204715, -0.039550, 0.379754, 0.320983, -0.010541, -0.120600, -0.173947, 0.075811, -0.004308, -0.384330, 0.001458, -0.138581, -0.225147, 0.016454, 0.091035, 0.354279, 0.108927, 0.080808, 0.314300, -0.310206, 0.041805, 0.197327, -0.215263, 0.290347, 0.320179, -0.365858, -0.112630, -0.046602, 0.362897, 0.367895, -0.206980, 0.073861, -0.439424, -0.044753, 0.361891, 0.035647, -0.088365, -0.061903, -0.086224, 0.315836, -0.324001, 0.184761, -0.059147, 0.272663, 0.288713, 0.281730, 0.228630, 0.448950, -0.051838, 0.114752, -0.078240, 0.000009, 0.056439, -0.623414, 0.379900, -0.045061, -0.241580, -0.249608, 0.221893, 0.172075, -0.343886, 0.030880, -0.184570, -0.166071, 0.171960, -0.099778, -0.471719, 0.126726, 0.065748, -0.234080, -0.596308, 0.172792, 0.283507, -0.398023, -0.234416, 0.171825, 0.178538, -0.156774, 0.226342, 0.172936, -0.269342, 0.327931, -0.192383, -0.251969, 0.200682, 0.504713, 0.174183, -0.338509, -0.317492, -0.029373, 0.073361, 0.256341, -0.165239, 0.281914, 0.096484, -0.109958, 0.381211, 0.151521, -0.100649, -0.190789, -0.109028, 0.215747, -0.188056, -0.094373, -0.029362, -0.290550, -0.209616, -0.137717, 0.396992, -0.620785, -0.468455, 0.297870, 0.403357, -0.320772, -0.131065, 0.363106, -0.102551, -0.366179, -0.449241, 0.360630, -0.223977, -0.389180, -0.339945, -0.078365, 0.614231, -0.221580, -0.089435, 0.203049, -0.299463, 0.023590, 0.291002, 0.314570, 0.041626, -0.550487, -0.044545, 0.080432, 0.344531, -0.508609, 0.006364, -0.028838, -0.100799, -0.017368, 0.079144, 0.080451, 0.011833, -0.084404, -0.010593, -0.148162, 0.058765, 0.002033, 0.063342, -0.013506, 0.090914, 0.042823, -0.063880, 0.061058, -0.099725, 0.413657, -0.060650, 0.164907, 0.095182, -0.012913, -0.060291, 0.041860, -0.037236, -0.104055, -0.000232, 0.048589, 0.058774, -0.076671, 0.062298, 0.042537, -0.127571, -0.010673, 0.002949, 0.049698, 0.090324, -0.073378, 0.074664, -0.270926, 0.128217, 0.070059, -0.077016, -0.010646, 0.094143, -0.081085, 0.488335, -0.082580, -0.124062, 0.246668, 0.036081, -0.181581, 0.066291, -0.017096, 0.040928, -0.116383, 0.226331, -0.009839, -0.163938, -0.009746, -0.099141, -0.073078, -0.027993, 0.005780, 0.038233, 0.128211, 0.236753, 0.054831, 0.052076, -0.009381, 0.114936, 0.143285, -0.051312, -0.081064, -0.032635, 0.169987, 0.173590, -0.079569, 0.042622, -0.082655, -0.094261, -0.022610, -0.009393, 0.200311, -0.104703, 0.027014, -0.002186, -0.256354, -0.037987, -0.054603, -0.048027, -0.031263, 0.118767, 0.099002, -0.129450, 0.184565, -0.066996, -0.026424, -0.032770, 0.016414, 0.323847, -0.043433, -0.158240, -0.064861, -0.000867, -0.054848, 0.064111, -0.194299, 0.197509, -0.121785, 0.082972, 0.084064, 0.164863, -0.164439, 0.016539, 0.089655, 0.017262, -0.198132, -0.145475, -0.077670, -0.016118, -0.029044, -0.080823, -0.092853, 0.037580, -0.058354, -0.235865, 0.006253, -0.055608, 0.028864, -0.034867, 0.016588, -0.234400, 0.069394, 0.040311, 0.017900, 0.057192, -0.063254, -0.261622, -0.210009, -0.056067, -0.253123, -0.173758, 0.018667, 0.086760, 0.169986, -0.231546, -0.073575, 0.093342, 0.223795, 0.060782, -0.033107, -0.011067, -0.019749, 0.113155, -0.092426, 0.191578, -0.150056, -0.130889, -0.005922, 0.046753, 0.111707, 0.284662, 0.004098, -0.040585, -0.141377, -0.102031, 0.006655, -0.040209, 0.123038, -0.025506, 0.040067, -0.074613, -0.120025, 0.008338, 0.027027, 0.085530, -0.004172, -0.070631, -0.068269, -0.033838, 0.051692, -0.019915, 0.017256, -0.131272, -0.104390, -0.127954, -0.149182, -0.094527, -0.100456, -0.065307, -0.025208, 0.005665, 0.122541, -0.029689, -0.034870, 0.183562, -0.117433, -0.042108, 0.058078, -0.106038, 0.151265, -0.106670, -0.065479, 0.172753, 0.068232, 0.049079, -0.045077, -0.077017, 0.071441, -0.086920, -0.030009, -0.025538, -0.066658, 0.062653, 0.013517, -0.101967, -0.102896, 0.024337, -0.099992, 0.156359, 0.204650, 0.072307, -0.024748, -0.073154, -0.102673, -0.055926, -0.137600, 0.179550, 0.073403, -0.081132, 0.241693, 0.045673, 0.128580, -0.059982, -0.063846, 0.187009, -0.220236, -0.018279, 0.056469, 0.031010, -0.174846, -0.120167, -0.082431, -0.015869, -0.025207, 0.194979, -0.013481, 0.167898, -0.172240, -0.265958, 0.037689, -0.098403, 0.075535, 0.094778, -0.098110, 0.079468, 0.051956, -0.063030, -0.010050, -0.015454, 0.060463, -0.004783, -0.090754, -0.007454, -0.029604, -0.037252, 0.058819, -0.052095, -0.030628, 0.028749, 0.058976, 0.057087, 0.086934, -0.132363, 0.080398, 0.048268, 0.167358, -0.018147, 0.157401, 0.014505, 0.151730, 0.223855, 0.147080, -0.078754, 0.010049, -0.000909, -0.100543, 0.026393, -0.022916, -0.118272, 0.129723, -0.143557, -0.022474, 0.146944, 0.155573, 0.081541, -0.010345, -0.217756, 0.175700, 0.069927, -0.041282, -0.011152, -0.180905, 0.131626, -0.088390, 0.217639, 0.059953, -0.053709, -0.071846, -0.062296, 0.075087, 0.184455, 0.009335, -0.106023, -0.053485, -0.110245, -0.032306, 0.108274, 0.027933, 0.067583, 0.095230, 0.098342, 0.039875, 0.067890, -0.058092, -0.026814, 0.186482, -0.050737, -0.039410, -0.176682, 0.030008, -0.091062, -0.046749, -0.125782, 0.037668, -0.071941, 0.092317, -0.145566, -0.024209, -0.030798, 0.093123, 0.072825, 0.062682, -0.008551, -0.249152, 0.093634, -0.094892, 0.110239, -0.088180, 0.100441, 0.106298, -0.022842, -0.045672, -0.071579, 0.151145, 0.122653, 0.009450, -0.042576, -0.012049, 0.144995, -0.006707, -0.070595, 0.038290, 0.090395, -0.116865, -0.025653, 0.122181, 0.229046, -0.150976, -0.027008, -0.065713, -0.027767, -0.054071, -0.011538, -0.047346, 0.083746, 0.151158, 0.008530, -0.099822, -0.060846, -0.155007, 0.015875, 0.114467, -0.138604, 0.184128, 0.018503, 0.064853, -0.066421, 0.028632, -0.054095, -0.073827, -0.005958, -0.072466, -0.063623, -0.002201, -0.189746, -0.078116, -0.086726, 0.163639, 0.045615, -0.087859, -0.135619, 0.005554, 0.069777, -0.041198, 0.020175, 0.045893, 0.087932, -0.074348, 0.030897, 0.016355, -0.159391, -0.034380, 0.004888, 0.030458, 0.013406, -0.047934, -0.030689, 0.088826, -0.053895, 0.229692, 0.082613, -0.082325, -0.103347, -0.169869, 0.200048, 0.040084, 0.093047, 0.023975, -0.067184, 0.088403, 0.269228, -0.139314, 0.130193, 0.081414, -0.012444, -0.140035, -0.100763, -0.093875, 0.032332, 0.086641, -0.073501, -0.196159, -0.033654, 0.242913, 0.149966, 0.143941, 0.060137, -0.078941, 0.149101, -0.104818, -0.138033, 0.004448, 0.194735, 0.171888, 0.170585, 0.095703, -0.074763, 0.025375, 0.139249, 0.060235, -0.029910, -0.105423, 0.187336, -0.091170, -0.059061, 0.017165, -0.053906, 0.058687, -0.045934, 0.045246, -0.069828, -0.037268, 0.015001, -0.031680, -0.082645, 0.097209, -0.040440, -0.166269, -0.108513, -0.065995, -0.026330, 0.066642, -0.187524, 0.076667, 0.031881, 0.138464, 0.259981, 0.086355, 0.000453, -0.070215, -0.011571, 0.158928, 0.034640, 0.246830, -0.056091, 0.098985, 0.076897, 0.059353, -0.026125, -0.009576, -0.173358, 0.114141, -0.042271, 0.101427, -0.075026, -0.228037, 0.203976, -0.285310, 0.003090, 0.092160, 0.103544, 0.031149, 0.122424, -0.039226, -0.071503, 0.188256, 0.016544, 0.115981, 0.007784, -0.011615, 0.096984, 0.134154, -0.129597, 0.062717, -0.189397, 0.080160, -0.084894, 0.036778, -0.210613, 0.109939, 0.024480, 0.081442, -0.129679, 0.003973, 0.076445, -0.002971, 0.128826, 0.066478, -0.012259, 0.115487, -0.016471, -0.123619, -0.103396, -0.024775, -0.019634, 0.260705, -0.027305, 0.194034, 0.087863, 0.039699, -0.057396, -0.088408, -0.095755, 0.111602, -0.062875, 0.005581, -0.123384, 0.264749, -0.016464, 0.083638, -0.047726, 0.144302, -0.126587, -0.187027, -0.127256, -0.119629, -0.010164, 0.185297, -0.037639, -0.021713, -0.237711, 0.025935, 0.083128, -0.018269, 0.112185, -0.096883, 0.059794, -0.016688, -0.029667, 0.011062, 0.101341, 0.021656, 0.081510, 0.187377, -0.067347, -0.061855, -0.006144, 0.083612, 0.163028, -0.123295, 0.151659, -0.119178, -0.184365, 0.097604, 0.091016, 0.002444, -0.107793, -0.173745, 0.033026, -0.010067, 0.023607, -0.020900, 0.033053, -0.086584, -0.064530, -0.312401, -0.042010, 0.119912, 0.012650, -0.099275, -0.040334, 0.233694, -0.083577, 0.042230, 0.166070, 0.077867, -0.042877, -0.206672, 0.034358, 0.025751, 0.017734, 0.021839, 0.055461, 0.078434, 0.046057, -0.040432, -0.016581, -0.033336, 0.011106, 0.103354, 0.037772, 0.053325, 0.026462, -0.125403, -0.133399, -0.093561, 0.180950, -0.122662, 0.096011, -0.012509, 0.020961, -0.015209, 0.040820, 0.170681, 0.027765, 0.072727, 0.132637, 0.173588, 0.135543, 0.039834, -0.140866, -0.066050, 0.075364, -0.133323, -0.061000, 0.071372, 0.050144, 0.151691, 0.061040, -0.064767, 0.050240, -0.078304, 0.248319, -0.048365, -0.133154, -0.331725, 0.058320, 0.261058, 0.076372, 0.014474, -0.068578, 0.065358, 0.016663, -0.096300, 0.119276, -0.077209, -0.097250, 0.004835, 0.045405, 0.080522, 0.169786, -0.080528, 0.023343, 0.116146, 0.172582, -0.056203, -0.122331, 0.048861, 0.080793, 0.068255, -0.050115, -0.021737, 0.039725, -0.134680, 0.028447, 0.067962, 0.027871, 0.045279, 0.012455, 0.052793, 0.092031, 0.045118, -0.075792, 0.363127, -0.137640, -0.031515, -0.124805, -0.079556, 0.054132, -0.143993, -0.085265, -0.150348, 0.026919, 0.133859, 0.014243, -0.056850, -0.056144, -0.022704, 0.164301, -0.052465, -0.061498, 0.209793, -0.095194, -0.085646, 0.157614, -0.061479, 0.025040, -0.103719, -0.003253, -0.080678, -0.102016, 0.288421, 0.093111, -0.088920, 0.040010, 0.142725, 0.229646, 0.038528, -0.126821, -0.185314, -0.108730, -0.107342, -0.067781, -0.045769, -0.021956, 0.012876, 0.063811, -0.036315, -0.117598, -0.077851, -0.223270, 0.280198, 0.006279, -0.223256, -0.022493, -0.020034, -0.151028, 0.127421, -0.024703, 0.029633, 0.012004, 0.075198, 0.117589, 0.003366, -0.023200, -0.118445, 0.096858, 0.021229, -0.170911, -0.008486, 0.020522, -0.034690, -0.157616, -0.033877, -0.059234, 0.050125, 0.137781, -0.000215, -0.056506, 0.218375, -0.215537, 0.020382, -0.093390, 0.187694, -0.007255, -0.224921, 0.058360, 0.082361, -0.056328, 0.010141, 0.057599, -0.005175, 0.155401, -0.078518, 0.054347, -0.140417, -0.144207, -0.096427, 0.123512, 0.109696, -0.253495, -0.073384, -0.139051, 0.247764, 0.040990, -0.062607, 0.012292, -0.064088, -0.057591, -0.029101, -0.013173, -0.041393, 0.159120, 0.181812, 0.094320, -0.005523, 0.037780, 0.203403, -0.054290, -0.000542, -0.143117, -0.060768, -0.164876, 0.020200, 0.025474, 0.022906, -0.053136, 0.052303, 0.051604, 0.024006, 0.001759, -0.205106, -0.017184, 0.046003, 0.004914, -0.136590, 0.157574, 0.041049, 0.171049, 0.116453, 0.131317, -0.018262, 0.079613, -0.120355, 0.003243, -0.057014, -0.021316, -0.147624, 0.043380, -0.060306, 0.069663, 0.135137, -0.015515, -0.066228, -0.022463, -0.019905, 0.199461, 0.040456, -0.032429, -0.000449, 0.009088, 0.020626, -0.120109, -0.028178, 0.045132, 0.145004, -0.041681, -0.033388, -0.068082, -0.051294, 0.009997, 0.174632, -0.030903, -0.030892, -0.035960, 0.104865, 0.104324, 0.158478, -0.137525, 0.102629, 0.042238, -0.230322, 0.239789, 0.103963, -0.063057, 0.132927, -0.101662, 0.121864, -0.086739, -0.118703, 0.072693, -0.145606, 0.084084, 0.042105, 0.034083, -0.062674, -0.012266, 0.071521, -0.062552, -0.034264, -0.049107, 0.058539, -0.098797, 0.070749, -0.060320, -0.050365, 0.016429, -0.063384, 0.134811, -0.060179, -0.139123, -0.209467, 0.158868, -0.319483, 0.069836, 0.193867, -0.042191, -0.157085, -0.132741, 0.077483, -0.143764, 0.020354, 0.226150, 0.028744, 0.166018, -0.067788, -0.033967, 0.133058, -0.092493, -0.078686, 0.046435, -0.155480, -0.046596, 0.093860, -0.000320, 0.109394, 0.018010, 0.003274, 0.170871, -0.025448, 0.003206, 0.131615, 0.174094, -0.094997, -0.146830, 0.198666, -0.189822, 0.165126, 0.179737, -0.007341, -0.023093, -0.086957, 0.021733, 0.239261, -0.065819, -0.086367, -0.126099, -0.066765, -0.083969, 0.033812, -0.082747, -0.210710, 0.167894, 0.178382, 0.075912, -0.119040, -0.189106, 0.044351, -0.347129, 0.116176, -0.099369, -0.076730, -0.089566, -0.007557, -0.002589, -0.028256, 0.035291, 0.088440, 0.097345, -0.145556, -0.034053, 0.226602, 0.047894, 0.101216, -0.024244, 0.148797, 0.034631, 0.070406, 0.096407, 0.222898, -0.009214, -0.079380, 0.035727, 0.039986, -0.179436, 0.050501, -0.031593, -0.005199, -0.084797, 0.020412, 0.202038, -0.026125, 0.377611, -0.075172, -0.037774, -0.092405, -0.023024, -0.122371, -0.031907, -0.240407, 0.200782, 0.223180, -0.167909, -0.015124, 0.185843, 0.049848, 0.088723, 0.050437, 0.231708, 0.047744, 0.211548, -0.022273, 0.143823, 0.059881, -0.064003, -0.031945, -0.208048, -0.086066, 0.077272, 0.001559, 0.198095, -0.004217, -0.212933, -0.151300, 0.170898, 0.070818, 0.200349, -0.064111, -0.077183, 0.061200, 0.205839, -0.200756, -0.116951, 0.237152, 0.058363, 0.175018, 0.031104, 0.427234, -0.075440, -0.031872, 0.215316, -0.194197, -0.080850, 0.115487, -0.179057, -0.117616, -0.040805, 0.038033, -0.019335, -0.120393, -0.025033, 0.082609, 0.020616, 0.292001, 0.055315, -0.311353, -0.056965, -0.203454, 0.042047, 0.024325, -0.019445, -0.027622, -0.108190, 0.023014, 0.083288, 0.161508, -0.007132, -0.031112, 0.264313, -0.032994, 0.188633, 0.086354, -0.066264, -0.202814, -0.018475, -0.157048, -0.288394, -0.062484, 0.178493, -0.080557, -0.053109, -0.008973, -0.295453, -0.002277, -0.130714, 0.040575, 0.093006, 0.175275, -0.088724, -0.084416, -0.296707, 0.006780, -0.044401, 0.097200, 0.122126, -0.122727, 0.154762, -0.274192, 0.123059, 0.230430, 0.098970, -0.037280, 0.030179, 0.335085, 0.474346, 0.097960, 0.052388, 0.108711, 0.037949, 0.093861, 0.250210, -0.128243, -0.151977, 0.095971, -0.053053, -0.135931, -0.049902, -0.008613, 0.072030, -0.011463, 0.353826, -0.005483, -0.045218, 0.042551, 0.046614, 0.060911, -0.098689, -0.059667, 0.292279, -0.092718, -0.165628, 0.061365, -0.027258, -0.072779, 0.165319, 0.040403, 0.004032, -0.092419, 0.130255, -0.030744, 0.188306, 0.003302, 0.076250, -0.222540, 0.041106, 0.158554, 0.024573, 0.198162, 0.061296, -0.113984, 0.158992, 0.004184, -0.204304, 0.168846, -0.223987, -0.037274, -0.022079, 0.098013, -0.005429, 0.049201, 0.118021, 0.031248, -0.023484, 0.039141, 0.135786, -0.072782, 0.041217, -0.167040, 0.232529, 0.059815, 0.001525, -0.320356, 0.068699, -0.109228, -0.208752, 0.114187, -0.110420, 0.042613, 0.115109, -0.017188, 0.047181, 0.056862, -0.234901, 0.047056, 0.007276, 0.060651, -0.066463, -0.069441, 0.112839, -0.082356, -0.056182, 0.035993, -0.046897, -0.129596, 0.052373, -0.065445, -0.091236, 0.071825, 0.119387, 0.047365, -0.089552, 0.010503, 0.073711, -0.272464, -0.005142, 0.038898, -0.140221, -0.168334, 0.057552, -0.119308, -0.153554, 0.080403, -0.198330, 0.007044, -0.063815, -0.027224, 0.001114, -0.097678, 0.068123, -0.015380, 0.100649, -0.109499, -0.057316, 0.171084, -0.041413, -0.093104, 0.049952, -0.096601, 0.143180, 0.006814, -0.096581, 0.098113, 0.088114, -0.005537, 0.096546, -0.062014, -0.145822, -0.046457, 0.209813, -0.085957, -0.149766, 0.276957, -0.088220, -0.173191, 0.001067, -0.027378, -0.038373, -0.197901, 0.060548, 0.024092, -0.128172, -0.121024, -0.020694, 0.069791, 0.079101, 0.100478, 0.018068, -0.017606, -0.102264, -0.007199, 0.158142, 0.042153, 0.017268, 0.003801, -0.075391, -0.015253, 0.219782, 0.021291, -0.118109, -0.071540, -0.047721, 0.202256, -0.072220, -0.000214, -0.049656, 0.196167, -0.288280, -0.010452, -0.074746, 0.072397, 0.038761, -0.162964, -0.047627, 0.189975, -0.011418, 0.079237, -0.122859, -0.126808, -0.108023, 0.141716, 0.079073, 0.012829, 0.008624, 0.176470, 0.124115, 0.070485, -0.104261, -0.165137, 0.008882, -0.154553, -0.102092, 0.058795, 0.199224, 0.103866, 0.002446, 0.002293, 0.186400, -0.077863, -0.146868, -0.152707, -0.018675, 0.110045, 0.107911, 0.059773, -0.182772, -0.068135, 0.067888, -0.269303, -0.030039, -0.115111, -0.217325, -0.143534, 0.089339, 0.044431, -0.083403, 0.114907, -0.207921, -0.205122, 0.018762, 0.019999, -0.058713, -0.121211, 0.107535, -0.016826, -0.099094, -0.024629, 0.142850, 0.013741, -0.079896, 0.042796, 0.011526, 0.119090, -0.203469, 0.068572, -0.016525, -0.016065, -0.098883, -0.032496, 0.106185, -0.029827, -0.183306, 0.171619, -0.018826, 0.154582, -0.046512, -0.026962, -0.021195, -0.070595, 0.117155, 0.010677, 0.202978, -0.060032, 0.094151, 0.154864, 0.027596, -0.119121, -0.123595, -0.004560, 0.123831, 0.077019, -0.007026, 0.108578, 0.330619, 0.064405, -0.073051, -0.116284, 0.185636, 0.040255, -0.093451, 0.222177, 0.158433, 0.005268, 0.171234, 0.033564, 0.172674, 0.150155, 0.077394, 0.032588, 0.224314, 0.126480, 0.034761, -0.097056, 0.070620, -0.061803, -0.100708, 0.051596, 0.134906, -0.036993, -0.053900, 0.088332, -0.008007, 0.197744, -0.107314, 0.192928, 0.013111, 0.038924, 0.111346, 0.038608, 0.064013, -0.096840, -0.031798, 0.147016, 0.004282, -0.020487, -0.070844, 0.129268, 0.086206, -0.055424, 0.021608, -0.084293, 0.156303, -0.037231, -0.052674, -0.260155, 0.269715, 0.218406, 0.064013, 0.003345, -0.161036, -0.122868, 0.059511, -0.139465, 0.139802, -0.029589, 0.083626, -0.006303, -0.140650, 0.094135, 0.230632, -0.083533, -0.055398, -0.047552, -0.086050, -0.061371, 0.048404, -0.161763, 0.056156, -0.008537, -0.056413, 0.137253, -0.006582, -0.065452, -0.154658, 0.021692, -0.071258, -0.031858, 0.008984, 0.116593, 0.027887, -0.167769, -0.083957, 0.235458, 0.027606, 0.022689, -0.055438, 0.025220, 0.319424, 0.030036, 0.121357, -0.146945, 0.176336, 0.087004, 0.012055, -0.021445, 0.107472, 0.077712, 0.231145, -0.120463, -0.023910, 0.106267, -0.143707, -0.252202, -0.033644, 0.001504, 0.033637, -0.031838, 0.128166, 0.157159, -0.178603, 0.380537, -0.018111, 0.165911, 0.040185, -0.101321, 0.105939, -0.034331, -0.065979, -0.201978, -0.235288, -0.007966, 0.212981, -0.041258, 0.086451, -0.070417, 0.107604, 0.193833, -0.076416, 0.005829, -0.047469, 0.093819, 0.008109, 0.032375, -0.105069, -0.038812, -0.259556, -0.060812, -0.128089, -0.050786, -0.118394, -0.086720, 0.142574, -0.147777, -0.310491, -0.012779, 0.011586, -0.104393, -0.277235, 0.053372, -0.141918, 0.231273, -0.129548, 0.082880, 0.008978, -0.083701, -0.226793, 0.358279, -0.337713, -0.116896, -0.249328, 0.053210, -0.052359, 0.070301, -0.050919, 0.079146, 0.084490, 0.128057, -0.083616, 0.028791, 0.232055, -0.281008, 0.100602, -0.092356, -0.049319, 0.253513, 0.014782, -0.023617, 0.096787, 0.234753, 0.014561, 0.160650, 0.014106, 0.144457, 0.362213, 0.045101, -0.027589, -0.132031, 0.022112, 0.007861, 0.204439, -0.068254, 0.101873, 0.220681, 0.034432, 0.131005, 0.115159, 0.123323, -0.237889, -0.231227, -0.147605, -0.001372, -0.091924, 0.060690, -0.103407, 0.029625, -0.162199, 0.136198, 0.134225, 0.180684, 0.099326, -0.267709, 0.233585, -0.310887, -0.000692, -0.322927, 0.177008, -0.114552, -0.004991, 0.045607, 0.085574, -0.068461, -0.310214, -0.064922, 0.024466, -0.139022, 0.088902, -0.415988, -0.076905, -0.046300, 0.047569, 0.097646, 0.152761, 0.118913, 0.048683, -0.030102, 0.109979, -0.141235, -0.042879, -0.125266, 0.307643, -0.152425, -0.141152, -0.226841, 0.071754, 0.211134, -0.010753, -0.105031, -0.241110, 0.138123, 0.246410, 0.262694, 0.027811, -0.152674, -0.089449, -0.128327, 0.007830, 0.144240, 0.127591, -0.076104, 0.061896, -0.056831, -0.047420, 0.020190, 0.006239, 0.175468, -0.018192, 0.277470, -0.080475, -0.171695, 0.128992, -0.156884, -0.122919, -0.025745, -0.167821, 0.235725, -0.086499, 0.094328, -0.000236, 0.099100, 0.039192, -0.000910, 0.023018, 0.163731, 0.056049, 0.001604, -0.356006, 0.184555, -0.013721, 0.039582, -0.028068, -0.126883, 0.153248, 0.014817, 0.115645, -0.195805, 0.107057, -0.027247, -0.079562, -0.255662, -0.015678, 0.031389, -0.086452, 0.113768, 0.228869, 0.031795, -0.172023, 0.113924, 0.162324, 0.221790, 0.160637, -0.360540, -0.061036, -0.108667, -0.091105, 0.063577, 0.058030, -0.058543, -0.024961, 0.034366, 0.195084, 0.044944, 0.240691, -0.138045, 0.093810, 0.054641, 0.011236, -0.142049, 0.090402, 0.118668, -0.024924, 0.199479, -0.291895, -0.083295, 0.099560, -0.016059, 0.098438, -0.172379, 0.171012, -0.041766, -0.022959, -0.136539, -0.096318, -0.024042, 0.053564, -0.092219, -0.204289, -0.091227, 0.176403, 0.041986, 0.048095, -0.266083, 0.157541, -0.033469, 0.046300, 0.010043, 0.095775, 0.164999, -0.038069, 0.195404, 0.146088, 0.111719, -0.058311, -0.043192, -0.050414, -0.008727, -0.095961, 0.036022, -0.118852, -0.053656, 0.001537, -0.185450, -0.068642, -0.114274, 0.186101, -0.066500, -0.116625, -0.142687, 0.028322, -0.158524, 0.100677, -0.185610, -0.091869, 0.016009, -0.226243, -0.054424, 0.020959, 0.107271, -0.050988, -0.038679, -0.381164, 0.041221, -0.307287, -0.163532, -0.168431, -0.174798, 0.101721, -0.031622, -0.071943, 0.306491, 0.047115, -0.057595, 0.010207, -0.028378, -0.145429, -0.222025, 0.004519, -0.021573, -0.107433, -0.019434, -0.138590, -0.148996, -0.017713, 0.007995, -0.098736, 0.216482, -0.125856, 0.159812, -0.149317, -0.314263, 0.108393, -0.180820, 0.164837, -0.115248, -0.152607, 0.241276, -0.065916, 0.334186, 0.179601, -0.121716, -0.031603, 0.074182, -0.369415, 0.029620, -0.067595, -0.278259, -0.365157, -0.010335, -0.124763, 0.046403, 0.138947, -0.258776, -0.068051, 0.012059, -0.073909, -0.090600, -0.096076, -0.094312, -0.108967, 0.135982, -0.007170, -0.008203, -0.081030, 0.283270, 0.070940, -0.068597, -0.368267, -0.221000, 0.025737, -0.026614, 0.324422, -0.113365, -0.005219, 0.061018, 0.172155, 0.129089, -0.105231, 0.117884, 0.275731, -0.102101, -0.063690, -0.034570, 0.033027, 0.313729, 0.033242, -0.058439, -0.118035, 0.088943, 0.177588, -0.021855, -0.127985, -0.056861, -0.000899, -0.165945, -0.092644, -0.099886, -0.188284, -0.102209, 0.065941, -0.026962, -0.050888, 0.022646, 0.083224, 0.476181, -0.082205, 0.212404, 0.051486, -0.122170, -0.056182, 0.069776, 0.320218, -0.023037, -0.275258, 0.034171, 0.158213, 0.031947, -0.032673, 0.064024, 0.074072, 0.036792, 0.068090, 0.201185, 0.138666, 0.057994, -0.049574, -0.132239, -0.209536, -0.151125, 0.197440, -0.067234, -0.040815, -0.317463, 0.098526, 0.136010, -0.217090, -0.094703, -0.107449, -0.084504, 0.031870, 0.261469, -0.034189, 0.018831, 0.077814, 0.007204, 0.104965, 0.036453, -0.066418, -0.015171, -0.194639, -0.121711, -0.011050, 0.040518, 0.061471, 0.134131, 0.302346, 0.099659, -0.065360, -0.131266, 0.138982, -0.127623, -0.062255, -0.111575, -0.109684, 0.212428, 0.118984, 0.082110, -0.008228, -0.080514, 0.200092, -0.011558, 0.188027, -0.208121, -0.108041, 0.108810, -0.014277, -0.120913, -0.120902, -0.154025, -0.068041, 0.006364, 0.034819, 0.111271, -0.101982, 0.152957, 0.182014, 0.008058, 0.145777, -0.150293, -0.054895, -0.144001, 0.226157, -0.282562, -0.060403, 0.269992, 0.269794, -0.204541, 0.196530, -0.038327, 0.002043, -0.071428, 0.007005, 0.188147, -0.020795, -0.097153, -0.118928, 0.214441, -0.246934, 0.012508, -0.098876, 0.080171, -0.079669, -0.115984, -0.194384, -0.381546, -0.290966, 0.072359, -0.075350, -0.213036, -0.101582, 0.038290, 0.110742, 0.151238, -0.044866, 0.330568, -0.280859, -0.116979, 0.032589, 0.114583, 0.024271, -0.202616, 0.155054, -0.200328, -0.187474, 0.131475, 0.094690, 0.396619, -0.113748, 0.031827, -0.050922, -0.246524, 0.049690, 0.044099, -0.166882, -0.020224, 0.072743, -0.144361, -0.246909, 0.014476, 0.146800, 0.116110, 0.077994, 0.108605, -0.039384, 0.282478, 0.001933, -0.117477, 0.061636, -0.197604, -0.005562, 0.012386, 0.168402, -0.038116, 0.557978, -0.027656, 0.026972, -0.125298, 0.059147, 0.115033, 0.112782, -0.088640, -0.054429, -0.168889, -0.235261, -0.112403, 0.180828, -0.001943, -0.025632, -0.012239, 0.069714, -0.193847, 0.127472, 0.060574, 0.164311, -0.001480, 0.131798, -0.076060, -0.028713, 0.018716, 0.086048, -0.029704, 0.175252, -0.020419, 0.068604, 0.050660, -0.107302, 0.121548, 0.117384, -0.262446, 0.204616, -0.368711, 0.113829, -0.088708, 0.020422, 0.024517, -0.127981, -0.256914, -0.138131, -0.061683, 0.168467, 0.204124, -0.064029, 0.081898, -0.041046, 0.182991, -0.249283, -0.124873, 0.178045, -0.179062, -0.037861, -0.028720, -0.060372, 0.221614, 0.147013, -0.158605, -0.217310, -0.076753, 0.024662, 0.065975, -0.071454, -0.150208, -0.081590, -0.212317, -0.097528, 0.049449, -0.321945, -0.058838, 0.112000, -0.185874, -0.035528, 0.074458, -0.310232, -0.148084, -0.192750, -0.043648, -0.110377, 0.052238, -0.123512, 0.080268, -0.035359, 0.112094, 0.203176, 0.319620, -0.107975, -0.086291, -0.037913, 0.145494, 0.113446, 0.101286, -0.051126, -0.034187, -0.042659, 0.094430, 0.064878, 0.241253, -0.155175, -0.024547, 0.141931, -0.130395, -0.041975, 0.094581, 0.162744, -0.121425, -0.040128, -0.054811, -0.096357, -0.056846, 0.204157, -0.043370, -0.013711, -0.054711, -0.164405, -0.142842, -0.126840, -0.035392, 0.081630, 0.063539, 0.044530, -0.103477, 0.022933, -0.013094, 0.247452, 0.023776, 0.125465, 0.239243, 0.275075, 0.245593, 0.076798, -0.199945, 0.183796, 0.035954, -0.075068, -0.108764, -0.174560, -0.082179, 0.090104, -0.115578, -0.037964, -0.112638, 0.057670, -0.036562, -0.071308, 0.075029, -0.007058, 0.157686, -0.024125, 0.128772, 0.031568, 0.050883, 0.033935, -0.027886, 0.007111, 0.129714, 0.134955, 0.034528, -0.036817, -0.076615, -0.089053, 0.024754, 0.000644, -0.002192, 0.066455, -0.047478, -0.030534, -0.136091, -0.019144, -0.062234, 0.193807, 0.072074, -0.153164, 0.106217, 0.142855, -0.094250, 0.095277, -0.035968, -0.067390, 0.103898, 0.063317, 0.138038, 0.051382, 0.088394, -0.058212, -0.051560, 0.109087, -0.026601, 0.018052, -0.234371, 0.054716, 0.163233, -0.009025, -0.014911, 0.001404, 0.132023, 0.187592, 0.125954, 0.004179, -0.227577, 0.021974, 0.100685, 0.022768, -0.067641, -0.018244, -0.012784, 0.053928, -0.103930, -0.095080, 0.106612, -0.091379, 0.037835, -0.011642, -0.014017, -0.161996, 0.030988, -0.073881, -0.050121, 0.007855, -0.096263, -0.068235, -0.117997, -0.017590, -0.121699, -0.047198, -0.045958, -0.107569, -0.064551, 0.049629, -0.112870, -0.046070, 0.126775, 0.005861, 0.079791, 0.258739, 0.201457, -0.117960, 0.078590, 0.243494, 0.108244, -0.003229, 0.174751, -0.022113, 0.090466, 0.004867, 0.114959, -0.133933, -0.139671, 0.126030, 0.063334, 0.000196, -0.040629, -0.029864, -0.075288, -0.223206, -0.001195, 0.116869, 0.021827, 0.167240, -0.112394, 0.112126, -0.015011, -0.184111, -0.042010, -0.118636, -0.012756, 0.145466, -0.101564, 0.057232, -0.146558, 0.016941, -0.069041, -0.291602, 0.069515, -0.008326, 0.263538, 0.003272, -0.155566, 0.046673, 0.348312, -0.076744, -0.160280, -0.114948, -0.153690, -0.052980, -0.086464, 0.026000, -0.204763, -0.318369, 0.020432, 0.089146, -0.018167, 0.115785, -0.247715, -0.001455, -0.085689, -0.082767, -0.014668, 0.107840, 0.009776, 0.100677, -0.131115, -0.018088, -0.042760, -0.090950, 0.013571, 0.104977, 0.154769, -0.091975, 0.083432, 0.000285, -0.013548, -0.071272, 0.114338, -0.043100, 0.014568, -0.081804, -0.109254, 0.032632, 0.069484, -0.020892, 0.000849, 0.069271, -0.162509, 0.295751, -0.021283, 0.242072, -0.217176, 0.142377, 0.236108, -0.066144, 0.112207, -0.137973, -0.222216, 0.109714, 0.001253, -0.168987, -0.019261, 0.130188, -0.131347, 0.072769, -0.074314, -0.049105, -0.155260, -0.076901, -0.102699, -0.295673, -0.114974, -0.067272, 0.151959, 0.126123, -0.035964, 0.097427, -0.138480, -0.094352, 0.126837, 0.050218, -0.006945, 0.059108, 0.075635, 0.036694, -0.047490, 0.068968, 0.251592, 0.092614, 0.004988, 0.166528, -0.094731, 0.136924, 0.234925, 0.006532, -0.101482, 0.018863, -0.088383, 0.151302, 0.084894, 0.072449, -0.086904, -0.114776, 0.016558, -0.186433, 0.007211, -0.097922, 0.034707, -0.045405, 0.012858, 0.007789, 0.083742, 0.056547, -0.033042, -0.145901, -0.088909, 0.132066, -0.025505, 0.272003, 0.087698, 0.105449, -0.270771, -0.077244, 0.082319, -0.167878, -0.040446, -0.039871, -0.148134, -0.081109, -0.130885, 0.112694, 0.091155, 0.136280, -0.106700, 0.133606, -0.151394, -0.171607, -0.392584, 0.227358, -0.140468, -0.165067, 0.218852, -0.019821, -0.124847, -0.012296, -0.018845, 0.156359, 0.015810, -0.094268, -0.056004, -0.110800, 0.005802, 0.190917, -0.161504, 0.053108, 0.040756, -0.009360, 0.209333, 0.136247, -0.018267, -0.028884, 0.147657, 0.068592, -0.029851, 0.077052, 0.024989, -0.240729, 0.057731, 0.189523, 0.286028, 0.088497, 0.025626, -0.053568, -0.134694, -0.296125, 0.006676, 0.218139, -0.127350, -0.154113, -0.087384, -0.047913, 0.180442, 0.039501, 0.039377, 0.357525, 0.046443, 0.158077, 0.158277, -0.070006, -0.089889, 0.019676, 0.004790, 0.070891, 0.052097, 0.071218, -0.000519, 0.233740, -0.150259, 0.099367, -0.030820, -0.017958, -0.003082, 0.018926, 0.154555, 0.113375, 0.038479, -0.152450, 0.198156, 0.335079, -0.001577, -0.149154, 0.015777, 0.237954, -0.001061, 0.016021, 0.141802, 0.102721, -0.189254, -0.163730, 0.166311, 0.080098, 0.077328, -0.290809, -0.096893, 0.069997, 0.157182, 0.171180, -0.103678, 0.021501, -0.362485, -0.112879, -0.011545, -0.320606, -0.133006, -0.087506, 0.286214, 0.059234, -0.034695, -0.001012, 0.017416, -0.033975, -0.317128, 0.105065, -0.034519, 0.115425, 0.054418, -0.083575, -0.008923, 0.049852, -0.017536, -0.126387, 0.186829, -0.098943, -0.110654, 0.281010, -0.004937, -0.089405, -0.062581, 0.071669, -0.046881, -0.138729, 0.291572, 0.215152, 0.058702, 0.233032, -0.047830, -0.150810, -0.196338, 0.023749, -0.266526, 0.227663, 0.057410, -0.035850, 0.127820, -0.131240, -0.122301, -0.154367, -0.033295, 0.228592, 0.123230, -0.192720, 0.301618, 0.194769, -0.113528, 0.055003, -0.038168, -0.142563, -0.018198, 0.186987, -0.026716, 0.059107, -0.068325, -0.077507, -0.183175, 0.147952, -0.096960, 0.078656, 0.100531, -0.076556, -0.193288, 0.001401, 0.016359, 0.125387, -0.060645, -0.135874, -0.040436, -0.084206, -0.106709, -0.071807, -0.093850, -0.248758, -0.386733, -0.054175, -0.010509, -0.078790, -0.063996, -0.051144, -0.010503, -0.112464, 0.125615, 0.073254, 0.059296, 0.062067, 0.149882, -0.118596, -0.015385, -0.206069, 0.013800, -0.009478, 0.001286, -0.186950, 0.026674, -0.028663, 0.163399, -0.020738, 0.032579, 0.114939, -0.370001, -0.209649, 0.226585, -0.045460, -0.316692, -0.130974, -0.016358, -0.249540, 0.166429, -0.051572, -0.043966, 0.181991, -0.019777, 0.102130, 0.025745, -0.158628, -0.057730, 0.020444, -0.221513, -0.050708, 0.145578, 0.179815, -0.074484, 0.238267, 0.188828, 0.003291, 0.084946, 0.275196, 0.062718, 0.218246, 0.062731, 0.058445, 0.057414, -0.104800, 0.125313, -0.129346, 0.026244, 0.087627, -0.071325, -0.035742, 0.090554, -0.038218, 0.054491, 0.049250, 0.131300, -0.211847, 0.095621, 0.036350, -0.023534, 0.076811, 0.224481, -0.109670, 0.091779, 0.251398, 0.017611, 0.055171, -0.106652, 0.095117, 0.046122, -0.064772, -0.057647, -0.006980, 0.024732, -0.043068, -0.061669, 0.079602, 0.016686, 0.109898, 0.185825, -0.150862, 0.056295, -0.174449, 0.157818, 0.306419, -0.209909, -0.097082, 0.145354, 0.069149, 0.060458, 0.026165, -0.027508, -0.172529, 0.033366, -0.100356, -0.057800, 0.042724, -0.082548, 0.019794, -0.071888, -0.047378, 0.002151, -0.073854, -0.158617, -0.082311, 0.165699, -0.031161, -0.101949, -0.037074, -0.235680, -0.108220, -0.030567, -0.247045, 0.004924, -0.224501, 0.186828, -0.036676, -0.303517, -0.115953, -0.321817, -0.056401, -0.078888, -0.015583, -0.008679, 0.044574, -0.127271, 0.221419, 0.051022, 0.103748, -0.162536, 0.228934, -0.138991, 0.022430, 0.106927, 0.052709, 0.179353, -0.303842, -0.111942, 0.212550, 0.133564, -0.056827, -0.083414, -0.144428, 0.020209, 0.098396, 0.215029, 0.127974, 0.013598, 0.191683, -0.192343, 0.089537, 0.140103, 0.115831, -0.088721, -0.083686, -0.251147, 0.119654, -0.068234, 0.098884, -0.238230, 0.140766, 0.024846, 0.085835, -0.202771, -0.042740, -0.033389, 0.205682, -0.036133, -0.036261, 0.155650, -0.150379, 0.247074, -0.062509, 0.036739, -0.082028, 0.103350, -0.173989, -0.015303, 0.114998, 0.035656, 0.121267, 0.014010, 0.265209, 0.058338, -0.058112, 0.107657, -0.174194, -0.044779, 0.101360, 0.087333, 0.027054, 0.105517, -0.017735, 0.212217, 0.155283, 0.110387, 0.124209, 0.015220, 0.133941, -0.371947, 0.085333, 0.007149, 0.093377, -0.115542, -0.189449, -0.164761, 0.131912, 0.081280, -0.076267, -0.038417, -0.107756, 0.042650, 0.215836, 0.153800, -0.156004, -0.134678, 0.016744, -0.283912, 0.183925, -0.073000, -0.062099, 0.045792, 0.021408, -0.079564, -0.063194, 0.125415, -0.141269, -0.161058, -0.257290, 0.031940, -0.039614, -0.114584, 0.035531, 0.153402, -0.248848, -0.135685, 0.206051, -0.012364, 0.138633, -0.054303, -0.134254, 0.067384, -0.250406, 0.017669, -0.058708, -0.198229, 0.056330, 0.045585, -0.004957, 0.057920, -0.112513, 0.333847, -0.241261, 0.021451, 0.166071, 0.121137, 0.050692, -0.137138, 0.104246, 0.018644, 0.079777, 0.043297, 0.041261, 0.353683, -0.148411, -0.158064, -0.001287, 0.066129, -0.054723, 0.021409, 0.037190, 0.031205, 0.076733, 0.051508, -0.130974, -0.067496, 0.068951, -0.201015, 0.137427, 0.190205, 0.110221, -0.085092, -0.075309, -0.172314, -0.090750, 0.140369, -0.140445, -0.093820, 0.072136, 0.074054, -0.004822, -0.028319, 0.221138, -0.004168, 0.188695, 0.199606, -0.088224, -0.055779, -0.134494, 0.198451, 0.340318, 0.009819, -0.128508, -0.119167, -0.091685, 0.014219, -0.010845, -0.071257, 0.159063, -0.087592, 0.117544, 0.123306, -0.031974, -0.078176, 0.097809, 0.068512, 0.072143, -0.035725, -0.202551, 0.067395, -0.172013, 0.011318, 0.071031, 0.070552, -0.049049, -0.067877, 0.082272, 0.061788, -0.030201, 0.028676, 0.187610, -0.183323, 0.039207, -0.009239, -0.040751, 0.167137, 0.042786, -0.039891, 0.005166, 0.071461, -0.033688, 0.004147, 0.090689, -0.121314, 0.129291, 0.065546, 0.129941, 0.055033, 0.081227, -0.074229, -0.010071, 0.182227, 0.213068, -0.040197, -0.071554, -0.068728, -0.102611, 0.049708, -0.005026, 0.010932, 0.093332, 0.079061, -0.011343, 0.057783, -0.017214, 0.077827, 0.024155, 0.094306, 0.103715, -0.080034, -0.100890, 0.217100, 0.034331, -0.096314, -0.081948, 0.016131, 0.143437, 0.102135, 0.000437, 0.072544, -0.165629, 0.156316, -0.055914, -0.012261, -0.053118, -0.096261, 0.091664, 0.012762, -0.232373, -0.023326, -0.142670, -0.174826, -0.092938, 0.113295, -0.066651, 0.224554, 0.011896, 0.058758, -0.054981, 0.138111, -0.103211, -0.134994, 0.013901, 0.142030, -0.024359, 0.011153, 0.008989, 0.046959, -0.103929, 0.063442, -0.041340, 0.043589, -0.027479, -0.086886, -0.014969, 0.018899, 0.142120, -0.069866, 0.144822, -0.047784, -0.027244, -0.022415, -0.075090, 0.016042, -0.032825, 0.025767, -0.034273, 0.080054, -0.192866, 0.014172, 0.066974, 0.086181, 0.135844, -0.061864, 0.041753, 0.084819, -0.034704, -0.076629, -0.003548, 0.150779, -0.130924, 0.102143, 0.036651, 0.113574, 0.097963, 0.061413, -0.077223, 0.163249, 0.035672, 0.143066, 0.088060, -0.137802, 0.221179, -0.022476, 0.025514, -0.038310, -0.051167, -0.066944, 0.068481, -0.139830, -0.149567, -0.004954, 0.037870, -0.040479, 0.042261, 0.103813, -0.007589, 0.017547, 0.039548, 0.031895, 0.013191, -0.182377, -0.206444, -0.066568, -0.010765, 0.146148, -0.061906, 0.182287, 0.042649, -0.100835, 0.242655, -0.086451, -0.027266, -0.055891, -0.114519, -0.204070, 0.006673, 0.081299, -0.142714, 0.158590, 0.121169, -0.059527, 0.073605, -0.150141, -0.223094, 0.086545, 0.003973, 0.091518, -0.050962, 0.043657, 0.051128, 0.016534, -0.123479, -0.020311, 0.127604, -0.021499, 0.020341, 0.139237, -0.099254, -0.060927, 0.104430, 0.061776, 0.008041, -0.151933, -0.020006, -0.018108, 0.169029, 0.140353, -0.019261, 0.128824, -0.178095, 0.001432, 0.196305, -0.253073, 0.034502, -0.026497, -0.097251, 0.051498, 0.035287, 0.132049, -0.088486, 0.053997, 0.046352, -0.084898, -0.043520, 0.038446, 0.009796, 0.110715, 0.011166, -0.018542, 0.077179, -0.024541, 0.155098, -0.048298, 0.006196, 0.044116, -0.065474, -0.087987, -0.091889, 0.099118, 0.115800, 0.031922, 0.099297, 0.072823, -0.085314, 0.048775, -0.049382, 0.030353, 0.092834, -0.029405, 0.087604, -0.053178, -0.178565, 0.097729, -0.094918, 0.081174, 0.175931, 0.062116, -0.017227, -0.278380, 0.140918, -0.185606, -0.005442, 0.088314, -0.002835, -0.105930, 0.144266, -0.039846, -0.087945, -0.055179, 0.171169, -0.087599, -0.021392, 0.029954, -0.159731, -0.197591, -0.068481, 0.054762, 0.168764, -0.104221, -0.097864, 0.229018, -0.102464, 0.002501, 0.027577, -0.198901, 0.144498, -0.271452, 0.019885, 0.200762, -0.089854, 0.030820, 0.002767, -0.046152, -0.133858, 0.056206, 0.015671, -0.036901, 0.112879, -0.126960, 0.096836, -0.012135, 0.105624, 0.018622, -0.048553, -0.164056, -0.280193, 0.084820, -0.000066, -0.167187, -0.068016, 0.098223, -0.122163, -0.256198, 0.002063, 0.196792, -0.063916, 0.142119, -0.101264, -0.209772, -0.068942, -0.101761, -0.065994, 0.016912, 0.041932, -0.124118, -0.028781, -0.171331, 0.104250, 0.208639, 0.147917, 0.048162, 0.047482, 0.057729, 0.191759, 0.164692, 0.116276, 0.188313, -0.060847, -0.076568, 0.126513, -0.032447, -0.033042, -0.129773, -0.116878, -0.109943, 0.040365, -0.001046, 0.022456, 0.085092, 0.053937, -0.033847, 0.146174, 0.016936, 0.046631, 0.185953, -0.056278, -0.215227, -0.108398, -0.036594, -0.597558, -0.005678, 0.013900, 0.089856, 0.115328, -0.020449, 0.188446, -0.096883, 0.099566, -0.158386, 0.043111, 0.102679, -0.042504, 0.224189, -0.094400, 0.043575, 0.101579, -0.070306, -0.068405, 0.051297, -0.308259, -0.150513, 0.243159, -0.144696, 0.225098, 0.012501, -0.255783, 0.043142, 0.047716, -0.301937, 0.011382, 0.469192, 0.066069, 0.255543, 0.106291, 0.344863, -0.013920, -0.121132, -0.103782, -0.087777, 0.184048, 0.006750, -0.075392, 0.137548, -0.029203, -0.015584, -0.112616, -0.035057, 0.049715, -0.023328, -0.041848, 0.106871, 0.023003, -0.105553, -0.011037, -0.108851, -0.101433, 0.179262, -0.107774, -0.160864, -0.104987, -0.072341, -0.082090, 0.172975, -0.155924, -0.127468, 0.166728, -0.095648, 0.094725, 0.024720, -0.080109, -0.029659, -0.094649, -0.197620, -0.189278, 0.424259, 0.212559, -0.095237, 0.055913, -0.002293, -0.318804, -0.090907, 0.062211, -0.144547, -0.070172, 0.310743, -0.096956, -0.327671, -0.258143, -0.083976, 0.021820, 0.152139, -0.197352, -0.050915, 0.108508, -0.127849, 0.016649, 0.118211, 0.227133, -0.130200, 0.186716, 0.084009, 0.217266, 0.219940, 0.025676, 0.025951, 0.077488, 0.224634, 0.011709, 0.141899, -0.136083, 0.006742, 0.152666, -0.006344, -0.072445, -0.046921, 0.005979, 0.218919, 0.226959, 0.016591, 0.266705, 0.032203, -0.068945, -0.113377, -0.061009, -0.107738, 0.104106, -0.078991, 0.106492, -0.006801, 0.225427, 0.007112, -0.027014, 0.054582, 0.072809, -0.214870, -0.009261, 0.005316, 0.309651, 0.292139, 0.111882, -0.151680, -0.325754, 0.033633, 0.117700, 0.272652, 0.164465, 0.089293, 0.325656, -0.137713, -0.015222, -0.070290, -0.075847, -0.129800, -0.058899, 0.203294, -0.031872, -0.053622, 0.125128, -0.023159, -0.046536, -0.035417, 0.100179, -0.085281, 0.160849, -0.315474, 0.198373, -0.130562, -0.237367, 0.011518, -0.066704, -0.149916, -0.286806, -0.011193, 0.038986, -0.002127, 0.129965, -0.138754, -0.174495, 0.021600, -0.021668, -0.181645, -0.076891, -0.077860, -0.291303, 0.040551, -0.003642, -0.089874, -0.062978, 0.236275, -0.134227, 0.075890, -0.027709, 0.095755, -0.037802, 0.113271, 0.076745, 0.078178, -0.136179, 0.099381, 0.000137, -0.100785, 0.034762, 0.035851, 0.211206, -0.077228, 0.001468, -0.041291, 0.044810, 0.058335, -0.275301, -0.058740, 0.189092, -0.048974, 0.337879, 0.100776, -0.116040, 0.119027, 0.054098, -0.158632, 0.014478, 0.042863, 0.065482, -0.142007, -0.136252, -0.061401, 0.002149, 0.101877, 0.169690, 0.273713, 0.023989, 0.368777, 0.013807, -0.064773, 0.095641, -0.084706, 0.196738, -0.279112, 0.100133, -0.123555, 0.122302, -0.107342, -0.012100, 0.036679, 0.086375, -0.138457, -0.163128, 0.222684, 0.128252, -0.047502, -0.034283, -0.051937, -0.125333, -0.258870, -0.052925, 0.302486, -0.058568, -0.116048, -0.115705, 0.046066, -0.130984, -0.052065, -0.033608, 0.146201, 0.086930, 0.212373, 0.064465, -0.181638, 0.187472, -0.069884, -0.036096, -0.016646, -0.078976, -0.031718, -0.093223, -0.190012, 0.096822, -0.077500, 0.152367, -0.011213, 0.077287, 0.003477, -0.039719, 0.043951, -0.115702, 0.115454, -0.000703, 0.091159, -0.103912, -0.079303, 0.154374, 0.044836, 0.023895, 0.041865, -0.008749, -0.070230, -0.140268, -0.024031, -0.069563, -0.063384, 0.068355, 0.041665, 0.031180, -0.082976, 0.034218, -0.227332, 0.119859, 0.164102, 0.017242, -0.087197, 0.085954, -0.003975, 0.087517, 0.042437, 0.038437, 0.036528, -0.009195, 0.003473, 0.079041, 0.160703, 0.029471, -0.012974, 0.160485, -0.015466, 0.109096, 0.067296, -0.083517, -0.138480, 0.001541, -0.102397, 0.029925, 0.006615, -0.118116, 0.257998, -0.095931, -0.022411, 0.104558, 0.116926, -0.057020, -0.101936, 0.022458, 0.123083, 0.212445, -0.055551, -0.194851, -0.025219, 0.065908, 0.145185, 0.016998, -0.074458, -0.023588, 0.078634, 0.103899, -0.087244, 0.282237, 0.006543, -0.036485, 0.031248, -0.126995, -0.096734, -0.005121, 0.075904, 0.058409, -0.005923, 0.054712, 0.113060, 0.119120, 0.060459, 0.075940, -0.051381, -0.013029, 0.196428, 0.051202, -0.116797, 0.039432, 0.064296, 0.067887, 0.143467, -0.124212, 0.265597, 0.012322, 0.025386, 0.142737, -0.017481, -0.054394, -0.020028, -0.028040, 0.023491, 0.134368, -0.139834, -0.083492, -0.191425, 0.026318, -0.033727, -0.062211, -0.204495, -0.119844, -0.052664, -0.058813, -0.076775, 0.049166, -0.051030, -0.196148, 0.114660, 0.037299, 0.052202, -0.124799, 0.242013, 0.035393, 0.060080, 0.012498, -0.138774, 0.119804, -0.218811, 0.058519, 0.026349, -0.002464, -0.073046, 0.121622, 0.081353, 0.101625, -0.153927, 0.158281, -0.097754, -0.083460, -0.131268, -0.090884, -0.141322, -0.363529, -0.089318, -0.044692, -0.138863, -0.003555, -0.122898, -0.061087, 0.171525, 0.082826, 0.003251, 0.012294, -0.032825, -0.073870, 0.060313, -0.046990, -0.077506, 0.079073, 0.112462, -0.070178, 0.114149, 0.071622, -0.076206, 0.033998, 0.124958, 0.276418, 0.063052, -0.081686, 0.168549, 0.092560, -0.018566, -0.072518, 0.136342, 0.032891, 0.073533, -0.112321, -0.071823, -0.260433, -0.041829, -0.093506, -0.066862, -0.073305, 0.042044, 0.194153, -0.060358, -0.071417, -0.129437, 0.118453, -0.037001, -0.080767, 0.081296, -0.072621, -0.023705, 0.141490, 0.084613, 0.300609, -0.053786, 0.155443, 0.127043, -0.048201, 0.218626, 0.034258, 0.236669, 0.009700, 0.037761, 0.213899, -0.185367, -0.023871, -0.019297, 0.079993, -0.100742, -0.017557, 0.009870, -0.075013, 0.103483, 0.032193, 0.173771, 0.124232, -0.026033, -0.033757, 0.221509, -0.124919, -0.107110, 0.139044, -0.060650, -0.301378, -0.113577, -0.036523, 0.000330, 0.180039, 0.019078, 0.084700, -0.102980, -0.004143, 0.058418, 0.081921, 0.001477, 0.009507, -0.075662, 0.069511, 0.291385, -0.134297, 0.209980, -0.111238, 0.004414, -0.062693, -0.112693, -0.164974, -0.243591, -0.072229, 0.044033, -0.100125, 0.099928, 0.021089, -0.069342, -0.023292, -0.025245, 0.007935, 0.117391, 0.038560, -0.263845, 0.120400, -0.044092, -0.085474, 0.231165, 0.269394, -0.015314, 0.020207, 0.209092, 0.029255, 0.071024, -0.059270, 0.152435, 0.119501, -0.048448, 0.001292, 0.067259, -0.289280, 0.178271, 0.130721, 0.003589, -0.180433, -0.160471, -0.045351, -0.083766, 0.099677, 0.218964, -0.024778, -0.132308, 0.048890, -0.181935, -0.006902, 0.113693, -0.207103, -0.023936, -0.042657, -0.131212, 0.020971, -0.116136, -0.035900, 0.080603, 0.065377, -0.014871, -0.090980, -0.091832, 0.113675, -0.106344, 0.101303, -0.085701, -0.318034, 0.000482, -0.015854, -0.208335, -0.065310, -0.099280, 0.115876, -0.030185, -0.326439, 0.364248, -0.117078, -0.039184, -0.118443, -0.052888, -0.212501, -0.283767, 0.098188, -0.121492, -0.089600, 0.102795, 0.000668, -0.127521, -0.139877, -0.058231, -0.132559, 0.058294, 0.000362, 0.034444, -0.261472, 0.016030, 0.137488, -0.045796, 0.068808, -0.141534, 0.226795, 0.033260, -0.031878, 0.096032, 0.044034, 0.041056, 0.053961, 0.063545, 0.085478, -0.271143, 0.061937, 0.105433, 0.034297, 0.224454, 0.125591, -0.178877, -0.018207, -0.097194, 0.117926, 0.218350, 0.255319, 0.030495, 0.051039, 0.150376, -0.035217, 0.011418, -0.068591, 0.151622, -0.167928, 0.075486, -0.090727, 0.069630, -0.140428, -0.029374, -0.209965, 0.139614, -0.015772, -0.230056, -0.168774, -0.186987, 0.110816, 0.045083, 0.005336, 0.048514, 0.125172, -0.019286, 0.152058, -0.112463, 0.271579, -0.001884, 0.022529, 0.055035, 0.198859, 0.017675, -0.102138, 0.107592, 0.078477, 0.264499, 0.157838, 0.392365, -0.351608, 0.027910, -0.065168, -0.127461, 0.101794, -0.085260, 0.049443, -0.074809, -0.018319, -0.293003, -0.066138, 0.231039, 0.030745, -0.137125, 0.110866, -0.261564, -0.008461, 0.092678, -0.114939, 0.010985, -0.264607, -0.110360, 0.036510, 0.016447, -0.022967, 0.041817, -0.028595, -0.358965, -0.041466, -0.077720, -0.001150, 0.028822, 0.132022, 0.175782, -0.097096, 0.054263, -0.090318, 0.068321, 0.028903, 0.013891, 0.151492, -0.126058, -0.125170, 0.115665, 0.033605, 0.055593, 0.040296, -0.042106, 0.074629, -0.180298, 0.138789, -0.032819, 0.002713, -0.075122, -0.011440, 0.153928, 0.015396, -0.137008, 0.017451, 0.059559, 0.024917, -0.044246, 0.002886, -0.119415, -0.003109, 0.109707, -0.014475, 0.052337, 0.151417, 0.008773, 0.114988, 0.083313, 0.041627, 0.062832, 0.052905, -0.088464, 0.191084, 0.162325, -0.184015, 0.216650, 0.129107, 0.084025, -0.146995, 0.008424, 0.114395, -0.105043, -0.043736, 0.013071, 0.305541, 0.022899, -0.035545, 0.170844, -0.103303, 0.116306, -0.123058, 0.115589, -0.086583, 0.090317, -0.279008, 0.219118, -0.047518, -0.269852, 0.013406, 0.070818, -0.042616, 0.101615, -0.011933, 0.043080, -0.107624, 0.021094, -0.103198, 0.040195, -0.098182, 0.052757, 0.023281, -0.240106, 0.229895, 0.252777, 0.271820, -0.092017, -0.213877, 0.372593, 0.163170, -0.116920, 0.014013, -0.086266, 0.028539, -0.015811, 0.114024, 0.082169, -0.011042, 0.304521, -0.127731, -0.071677, -0.045283, -0.242639, -0.066193, -0.064195, 0.103322, -0.096091, -0.092142, -0.007047, 0.212161, -0.096705, 0.176078, -0.196123, -0.051782, -0.176723, 0.025574, -0.024625, -0.081243, -0.341199, -0.138999, 0.206892, 0.077125, -0.100143, -0.102587, -0.089749, -0.032001, -0.059217, -0.207042, -0.107364, -0.054213, -0.055577, -0.046056, -0.212903, -0.142988, -0.087628, 0.011872, 0.036061, -0.018435, 0.088524, -0.250271, -0.007193, -0.078457, 0.089869, -0.009405, -0.135761, -0.052020, 0.001123, -0.063807, 0.074245, 0.040251, -0.062816, -0.217032, -0.049284, -0.031583, -0.144747, 0.248602, 0.086179, -0.171377, 0.076647, 0.241277, -0.078260, -0.022629, -0.035361, -0.076153, 0.142756, -0.037183, 0.188556, 0.040561, -0.015800, 0.104530, 0.290098, -0.083555, 0.110492, 0.127545, 0.066889, -0.027062, 0.001617, 0.124175, -0.082570, -0.108011, 0.026439, -0.036750, -0.018046, 0.115777, 0.113402, -0.142673, 0.023535, 0.196559, 0.106125, 0.009607, 0.036009, 0.062390, -0.012983, -0.026408, 0.169491, -0.100330, -0.010787, 0.040909, -0.027947, -0.060011, 0.009559, -0.029452, -0.027732, -0.070932, 0.038376, -0.210226, 0.115097, 0.033329, -0.066853, 0.132905, 0.160741, -0.090930, 0.161368, -0.125554, 0.194503, 0.302460, -0.043015, -0.093824, 0.046204, -0.152670, 0.246313, 0.294053, -0.062485, 0.140747, -0.076140, -0.037264, 0.039243, 0.064920, 0.044363, 0.105703, 0.194249, -0.164683, -0.037883, 0.059173, 0.116255, 0.150325, -0.193330, -0.152382, -0.072031, 0.061653, 0.000195, -0.080816, -0.059169, -0.242772, 0.089850, -0.022466, -0.038497, 0.062848, -0.061574, -0.005873, 0.056313, -0.006155, -0.029317, -0.041110, 0.001813, 0.080338, -0.018324, -0.070666, -0.048672, 0.055418, -0.125363, -0.021817, -0.178660, 0.081332, -0.087631, -0.158129, -0.036386, 0.041765, 0.166032, 0.063504, -0.355739, 0.077799, -0.149638, 0.073467, -0.051877, -0.010369, -0.054692, 0.150381, 0.118143, -0.013352, 0.027957, -0.058600, 0.132209, 0.014173, -0.006597, -0.021012, 0.077084, -0.006739, 0.210367, 0.050289, 0.153623, 0.003718, -0.041655, 0.148856, 0.021040, 0.020947, -0.028643, 0.081128, 0.028218, 0.059239, -0.184144, 0.189469, 0.002180, 0.163177, 0.056370, -0.059761, -0.117220, -0.042400, -0.112639, 0.030385, 0.018502, -0.060516, 0.096507, -0.037169, -0.033101, -0.212138, 0.130121, -0.033997, -0.064907, -0.077260, -0.176295, 0.130717, -0.016222, 0.138551, 0.121115, 0.027484, 0.138220, -0.010477, -0.025194, -0.055392, -0.162770, -0.036057, 0.116951, 0.030356, 0.111684, 0.036468, -0.024813, 0.015810, 0.014958, 0.177613, -0.223660, -0.122468, -0.172996, -0.080348, -0.113189, -0.117578, 0.146026, -0.042277, -0.078274, 0.014635, 0.117951, -0.185124, 0.137962, -0.085196, -0.097551, -0.000377, -0.098072, -0.096885, 0.078902, 0.007298, -0.339146, -0.011115, 0.034199, -0.017598, 0.199800, -0.004770, -0.005280, 0.177437, -0.010970, 0.066912, 0.104485, -0.041530, -0.021542, -0.072493, -0.349944, -0.141954, -0.131124, 0.090886, 0.095763, 0.088509, -0.074868, -0.065847, -0.102780, -0.224596, -0.101847, -0.077151, 0.181592, 0.066984, 0.130398, -0.114251, -0.020678, 0.308783, -0.016080, 0.014377, 0.052307, 0.062829, -0.158880, -0.084953, 0.095855, 0.062903, 0.029609, 0.016628, 0.120151, -0.095001, 0.285101, -0.087755, 0.240809, -0.039491, -0.020922, 0.109225, -0.106223, 0.169401, -0.155191, 0.151647, -0.251366, 0.080307, 0.063774, -0.018632, -0.136617, 0.206832, 0.107879, 0.167828, 0.080611, 0.116396, -0.119187, 0.048171, -0.215889, -0.026526, 0.127501, -0.405442, -0.276817, 0.036235, -0.084071, 0.059069, -0.046822, 0.014430, 0.193275, 0.148346, -0.002379, 0.161607, 0.007030, 0.080850, -0.064194, -0.048115, 0.082324, -0.091968, 0.036529, -0.019386, 0.155590, -0.036391, -0.182684, -0.036782, 0.116793, -0.004688, 0.081047, 0.059520, -0.072061, 0.066651, -0.001409, -0.016600, 0.160182, -0.066961, -0.048519, 0.119408, 0.045065, 0.031726, 0.040020, 0.099298, -0.140621, 0.050377, -0.170569, 0.055379, -0.029492, 0.047141, -0.007826, 0.070088, 0.037243, -0.004805, 0.100050, -0.067364, 0.229163, -0.112443, 0.091828, -0.000109, 0.198172, 0.020416, -0.027922, 0.062292, -0.028126, 0.088350, 0.012891, -0.067551, 0.036895, 0.035650, -0.004763, -0.042135, 0.061956, -0.013993, -0.026640, -0.256242, -0.094937, 0.089623, -0.158280, -0.111675, -0.028199, -0.218372, -0.140483, 0.010574, -0.214409, 0.108568, 0.114400, -0.144621, -0.121750, -0.258787, 0.185490, 0.113849, -0.042267, -0.000466, -0.021668, 0.042039, -0.044005, -0.040274, 0.180686, -0.078546, 0.012848, 0.176007, -0.002756, 0.101769, -0.065210, -0.012469, -0.064550, -0.106938, 0.020871, 0.149456, -0.210140, -0.058694, 0.296129, 0.103809, -0.027399, -0.124284, 0.287949, 0.165843, 0.038291, 0.068577, 0.149228, 0.078165, -0.162829, 0.138070, -0.002420, 0.035489, 0.092699, -0.106706, -0.055341, 0.105676, 0.067964, 0.133300, -0.034055, -0.093739, -0.115784, -0.002487, 0.112846, 0.094965, -0.096712, -0.157749, 0.233765, 0.134976, -0.086842, 0.102828, -0.015262, -0.102282, 0.044328, -0.170892, 0.022289, 0.026716, 0.112321, -0.023414, -0.200298, -0.131211, -0.068716, -0.037072, -0.077969, 0.153729, 0.099445, -0.098938, -0.099405, 0.107558, -0.134583, 0.026348, 0.240031, 0.146720, 0.119725, -0.049860, 0.145721, 0.065000, -0.085418, 0.077011, 0.094049, -0.067903, 0.097584, 0.027603, 0.130452, 0.022713, -0.076929, -0.103856, 0.027111, -0.028751, -0.063071, -0.082941, -0.192001, -0.057636, 0.005090, 0.131356, -0.128935, -0.083702, -0.059982, -0.043666, 0.011069, -0.076250, -0.047366, -0.055544, 0.089190, 0.065830, -0.131886, 0.143465, -0.044852, 0.073360, -0.294530, -0.012976, -0.130507, -0.085065, -0.074350, -0.119585, 0.151286, 0.109571, -0.224916, 0.295793, -0.098826, -0.083023, -0.069499, 0.023301, 0.020303, -0.208429, -0.103116, -0.077744, -0.287438, -0.184462, -0.104310, -0.011436, 0.062634, -0.145737, 0.039808, -0.159622, -0.204251, -0.046295, 0.200305, -0.152927, -0.201549, 0.013580, 0.105233, 0.128122, 0.056659, 0.016257, 0.156169, -0.059321, -0.072524, 0.090822, 0.206367, -0.110593, -0.060050, -0.113363, 0.314902, 0.090494, 0.009130, 0.036542, 0.164670, 0.230929, 0.035912, 0.141485, 0.189970, -0.034891, 0.024154, -0.111627, -0.056415, 0.011485, 0.047425, 0.054871, -0.158366, 0.041356, -0.077169, -0.091920, -0.021774, 0.164393, -0.069608, -0.003428, 0.266558, -0.032195, 0.178124, 0.085459, -0.032218, -0.124799, -0.001353, -0.123145, 0.217869, -0.080156, 0.070535, -0.041661, -0.173391, -0.117426, -0.116729, -0.015071, 0.218526, -0.001502, 0.148438, 0.008350, -0.124880, 0.488706, 0.352593, -0.057108, -0.167596, -0.043726, 0.148190, 0.187777, -0.351468, 0.235411, -0.099923, 0.042908, -0.221505, 0.044064, 0.101796, 0.241791, -0.181090, -0.003775, -0.086474, 0.029818, 0.022535, -0.108190, 0.147517, -0.009738, 0.232153, 0.166169, 0.032332, -0.066363, 0.030048, 0.141193, -0.287374, -0.036442, 0.021696, -0.195947, 0.284675, 0.097983, -0.113415, 0.076545, -0.006741, -0.068760, 0.045950, -0.025182, -0.025908, -0.083961, -0.058478, -0.147846, 0.203374, 0.007462, -0.428953, 0.216163, -0.102526, 0.004584, 0.162126, 0.069250, 0.063544, -0.451757, 0.212256, 0.233032, -0.201210, -0.225340, -0.102781, 0.061012, -0.092604, -0.016521, 0.018186, -0.094022, 0.012258, 0.356900, -0.030180, 0.071429, -0.173282, 0.258279, -0.034909, 0.036493, 0.236838, 0.148448, 0.039258, -0.002332, 0.061628, 0.056709, -0.151362, -0.204222, 0.100770, -0.007974, 0.149255, 0.132640, 0.094493, 0.182016, -0.251205, 0.408312, -0.115229, 0.171287, -0.130756, -0.158051, -0.030609, 0.085717, -0.045372, 0.166450, 0.172928, -0.024260, -0.038300, 0.032894, 0.097458, 0.097923, -0.018143, -0.144371, 0.024008, 0.014517, 0.055738, 0.178791, 0.166449, -0.045197, 0.029436, -0.103146, -0.052906, 0.121946, -0.093826, 0.123020, 0.051877, 0.181838, -0.173372, 0.034039, 0.177950, 0.090610, -0.075422, 0.060559, -0.168626, -0.039979, -0.047805, 0.066192, -0.051010, 0.045727, 0.238076, 0.022072, 0.138044, -0.010592, -0.060316, -0.105298, 0.028121, -0.106309, 0.163329, -0.087429, -0.132093, 0.002681, 0.022282, -0.087247, -0.134261, -0.009132, -0.279202, 0.162233, 0.272259, -0.003716, -0.035638, -0.038017, -0.083012, -0.009266, -0.023470, -0.132114, -0.000794, -0.092695, 0.020469, 0.128297, 0.108018, -0.214764, 0.001737, 0.168542, -0.023099, -0.066469, 0.154940, -0.023548, -0.016035, -0.113678, -0.166583, -0.042094, 0.180606, 0.211904, -0.162600, -0.017730, 0.129189, -0.245713, 0.015231, -0.275403, -0.032677, 0.044456, -0.134945, -0.004618, -0.091868, -0.242696, 0.022498, -0.019913, 0.041118, -0.003153, 0.158952, 0.049754, -0.114067, 0.055985, -0.082447, -0.007983, 0.017345, 0.034519, -0.009408, 0.037589, 0.121750, -0.020729, 0.071867, -0.022970, -0.035688, 0.084736, -0.124623, 0.065939, 0.072706, -0.024850, -0.020755, -0.168946, -0.146325, 0.054255, 0.173200, 0.070861, 0.010134, 0.018312, -0.093737, 0.144645, 0.010166, -0.184803, 0.039522, 0.025315, -0.089787, 0.017785, 0.037956, -0.032282, -0.083667, 0.093459, -0.034118, 0.040838, 0.082174, 0.119972, -0.017666, 0.196396, -0.128878, 0.009006, -0.030824, 0.009180, -0.038095, -0.172059, 0.052327, -0.123295, -0.058505, 0.006295, 0.033924, -0.074202, -0.013334, 0.080251, 0.043325, -0.084983, 0.093949, 0.066532, -0.208307, 0.117207, 0.014520, -0.115130, -0.103887, 0.130643, 0.043903, 0.328406, -0.242798, 0.034557, -0.087116, 0.017816, -0.230558, -0.035565, 0.030972, -0.111468, -0.055256, -0.008821, -0.249515, -0.022994, 0.007117, -0.072310, -0.030065, -0.022474, 0.055500, 0.250652, 0.100851, -0.047425, -0.117845, 0.065556, 0.012896, 0.231585, -0.019451, -0.140690, -0.012602, 0.001850, -0.141955, 0.098326, 0.077456, -0.093664, -0.034658, -0.089641, 0.064263, 0.076276, -0.067126, -0.011608, 0.028316, -0.224215, 0.023837, 0.092519, -0.008785, -0.046644, -0.119208, -0.150071, -0.054194, -0.246292, 0.009428, 0.097563, -0.247261, -0.002066, -0.037303, 0.116337, 0.050661, -0.079543, 0.222504, -0.190279, -0.093408, 0.218885, 0.303971, 0.123877, -0.035244, 0.111838, -0.082931, -0.054207, 0.025937, -0.014352, 0.191690, -0.022216, -0.158450, -0.125693, -0.161825, -0.016708, 0.071159, -0.078882, -0.095289, 0.225366, 0.189113, -0.122058, -0.100236, 0.154294, 0.148500, 0.122729, 0.141257, 0.003356, 0.062179, -0.066509, -0.212948, 0.067227, -0.012003, -0.179713, 0.027457, 0.059904, 0.073662, 0.210616, -0.025508, 0.033919, 0.009986, 0.101195, 0.025121, 0.191754, -0.126166, 0.045280, -0.035766, -0.013432, -0.111306, -0.007466, 0.042717, -0.115693, -0.022394, 0.142461, -0.021006, -0.030758, 0.115746, 0.179589, -0.150820, -0.088142, -0.041051, 0.056760, 0.021921, 0.102790, -0.026272, 0.014516, -0.012573, -0.112787, 0.043272, 0.069848, -0.028794, 0.010328, -0.134440, -0.082295, -0.051155, -0.055118, -0.058913, -0.150032, -0.101819, -0.003465, -0.266690, 0.076948, -0.129611, 0.062075, -0.110289, -0.069853, 0.015936, 0.076288, 0.206900, 0.000370, -0.239791, 0.223919, -0.013779, 0.085512, 0.026162, -0.170300, 0.038409, 0.005452, 0.137475, -0.069870, -0.003452, -0.130915, -0.030103, -0.018486, 0.002399, -0.114494, -0.157108, 0.098566, 0.115359, 0.018890, -0.029641, 0.045914, -0.036063, -0.044922, 0.014403, -0.092650, 0.083659, -0.078745, -0.158833, 0.233061, 0.022431, -0.160272, -0.049994, -0.007193, 0.061672, -0.054169, -0.034120, 0.057820, -0.030037, 0.008754, 0.063074, 0.250036, -0.065947, -0.036792, -0.056490, -0.056145, -0.166102, 0.111950, -0.019868, 0.007507, -0.039821, 0.131938, 0.069835, 0.173629, -0.034678, -0.013896, -0.087058, -0.000612, -0.066963, -0.140251, -0.010770, 0.095790, 0.101002, -0.160969, -0.087365, 0.067618, -0.042948, -0.070863, -0.003172, -0.067019, 0.165453, 0.167201, 0.084978, 0.043843, 0.058248, 0.002024, -0.039561, 0.027633, -0.024673, 0.104105, 0.189531, -0.097676, -0.034233, 0.097005, -0.089883, 0.119650, 0.172668, -0.126495, 0.179294, -0.013761, -0.124491, 0.106422, -0.008636, 0.147715, -0.121256, -0.060923, 0.083894, 0.065572, 0.051310, -0.101019, 0.135279, -0.019225, -0.153151, 0.003014, -0.002073, -0.100371, -0.071962, -0.030778, 0.099847, -0.114410, -0.080270, -0.126406, -0.175692, 0.182634, -0.114711, 0.056152, -0.094354, -0.194856, -0.097441, 0.120957, 0.034721, 0.060838, 0.069286, -0.080986, 0.219706, -0.030773, 0.156791, 0.031043, -0.244198, 0.046544, -0.068382, -0.064862, -0.084271, 0.043846, -0.128173, 0.008687, -0.085025, -0.117470, 0.103322, 0.105149, -0.195957, -0.256072, 0.070367, 0.018274, 0.099356, 0.099647, -0.037117, -0.183335, 0.160509, 0.047022, -0.085979, -0.017092, 0.037018, -0.031554, -0.109855, -0.158992, -0.141983, 0.022850, 0.146674, 0.128092, 0.059691, 0.036271, -0.002590, -0.116331, 0.207094, 0.042105, 0.053709, -0.156360, -0.022156, -0.006244, -0.189441, -0.048820, -0.034545, -0.074778, -0.059308, -0.070148, -0.139031, 0.075097, 0.228750, -0.035121, -0.126277, 0.055668, 0.111036, 0.111707, -0.048769, 0.134688, 0.098702, -0.056624, -0.122866, 0.020114, -0.113734, 0.112731, 0.192724, -0.105746, 0.115419, -0.080382, 0.232425, 0.109826, -0.103945, 0.102882, 0.037327, 0.115705, 0.005248, 0.089488, -0.111754, -0.213707, -0.055025, -0.129986, 0.046881, 0.078527, -0.113181, 0.035559, -0.010583, 0.159580, 0.195012, -0.043957, 0.020393, -0.194480, -0.204111, 0.045590, 0.045063, -0.024989, -0.022024, -0.129129, 0.120872, -0.013103, 0.164045, 0.025742, -0.027331, -0.095866, 0.156463, -0.092341, 0.251413, 0.244137, -0.042336, 0.186587, -0.071150, 0.152688, -0.003591, 0.088100, -0.114645, -0.034835, -0.020522, 0.069210, 0.105836, -0.330394, 0.035502, 0.240406, -0.032782, -0.134576, 0.050360, 0.095598, 0.132298, 0.059783, 0.031627, 0.043501, -0.159363, -0.076271, -0.296153, 0.216004, -0.073417, -0.029427, -0.098269, 0.025274, 0.026728, 0.084525, 0.220007, -0.023952, -0.157047, -0.038344, -0.097937, -0.029749, -0.246811, -0.034472, 0.079627, -0.083199, -0.016222, 0.136951, -0.229556, -0.101375, 0.100318, 0.071064, -0.021170, -0.016433, -0.007860, -0.184076, -0.127111, 0.055769, 0.006581, 0.288643, -0.026372, -0.176915, 0.114359, 0.028463, -0.051612, 0.010205, -0.084511, 0.204249, -0.153650, 0.194952, 0.009240, 0.044705, -0.018297, -0.010328, -0.027653, 0.001645, 0.068239, 0.102141, 0.060779, 0.047997, -0.040423, -0.094555, -0.008616, 0.126151, 0.148391, -0.081781, -0.199924, 0.112239, 0.046712, 0.188917, 0.211016, 0.004222, 0.123463, 0.147682, -0.119563, -0.060995, 0.215409, -0.091627, 0.128694, -0.069326, 0.024095, 0.155376, -0.158139, -0.184816, -0.221413, 0.001807, 0.238856, 0.126841, -0.008312, -0.088890, 0.064265, -0.196122, 0.065205, -0.131670, 0.140751, 0.001466, -0.123331, -0.086171, 0.059762, 0.101202, 0.059965, 0.072912, 0.262568, -0.044723, 0.094503, -0.012176, -0.013080, 0.003329, 0.184396, 0.096090, 0.093266, 0.087120, 0.054386, 0.297902, 0.217930, -0.007079, -0.030059, -0.253417, -0.024366, -0.038118, -0.028620, -0.034571, 0.169254, -0.175508, 0.078179, 0.027263, -0.116451, -0.125380, -0.041570, -0.303619, 0.145639, 0.013180, 0.063871, -0.171191, -0.141472, -0.097383, -0.203536, 0.031712, -0.077932, -0.038980, -0.062057, -0.124226, -0.070538, 0.089198, 0.067570, -0.033901, -0.039546, -0.188347, -0.004863, 0.064439, 0.035938, 0.004071, -0.228978, 0.069502, 0.157068, -0.068975, -0.070857, 0.058553, 0.084123, -0.147151, -0.063758, 0.045589, -0.086548, -0.120680, 0.011951, -0.038846, -0.081610, 0.199517, -0.033831, -0.070466, 0.161542, 0.093747, 0.080346, -0.052880, 0.122433, 0.084200, 0.026172, 0.104539, -0.103574, 0.180867, -0.124907, 0.068549, -0.021435, -0.068449, 0.135951, 0.033628, 0.094531, 0.049558, 0.191266, -0.052103, -0.027138, 0.180320, 0.115784, -0.124574, -0.080148, 0.058632, 0.059401, 0.082524, 0.097291, 0.152738, 0.088383, 0.083988, 0.099055, -0.074624, 0.171128, -0.094380, -0.012294, 0.245675, -0.024672, 0.071790, -0.118047, -0.264739, -0.009987, 0.011573, -0.076135, -0.170357, 0.006692, 0.020460, 0.051078, 0.012213, 0.064134, -0.303218, 0.034894, -0.302103, -0.007578, 0.059604, -0.035000, 0.012222, -0.045612, -0.036768, 0.231557, -0.187186, 0.191302, -0.045472, -0.139572, -0.037053, 0.175219, -0.128880, -0.080231, 0.021558, -0.132629, 0.148682, 0.134634, 0.053815, 0.081960, 0.146036, -0.164578, 0.148666, 0.102094, 0.119775, 0.040901, -0.038973, -0.002263, -0.011145, 0.083761, -0.262367, -0.048466, 0.110106, 0.165402, 0.073462, -0.080989, 0.017080, -0.143865, 0.188815, -0.141202, 0.062347, -0.200321, -0.324308, -0.034857, 0.001761, 0.033180, 0.199372, 0.030338, -0.044648, -0.003631, -0.181405, 0.088191, 0.148490, -0.240486, 0.052558, 0.154790, -0.131763, -0.071834, 0.061288, -0.097988, 0.030886, 0.289197, 0.034254, -0.018043, -0.118964, 0.049679, 0.232229, -0.228684, -0.044704, -0.044682, 0.170754, 0.022998, -0.039554, 0.275900, 0.001852, 0.153339, 0.192809, -0.255781, 0.248435, -0.118595, 0.082733, 0.131166, -0.052621, 0.111636, -0.007927, -0.052263, 0.022484, -0.014161, -0.038770, 0.109077, 0.007077, 0.139596, -0.099942, 0.077425, -0.036560, -0.059267, -0.030529, -0.120597, 0.076563, -0.014217, -0.050362, 0.029067, -0.039193, -0.007073, 0.028650, 0.038301, 0.081957, 0.255581, 0.107249, -0.114297, 0.292970, 0.065720, -0.151717, -0.088805, -0.008012, -0.198640, -0.157179, -0.012682, 0.063924, 0.029995, -0.125440, -0.007322, -0.063685, 0.139174, -0.258222, 0.229163, 0.026415, -0.184857, 0.000548, -0.178490, -0.010338, -0.139263, -0.074051, 0.065178, 0.074343, 0.173190, -0.096930, -0.000205, -0.036974, 0.106851, -0.084295, 0.175132, 0.025185, 0.050127, 0.087171, 0.060706, 0.059077, 0.037510, 0.004127, -0.134427, 0.030607, 0.114385, 0.017894, -0.017709, -0.217601, 0.061990, 0.164349, -0.060336, -0.222681, 0.030483, 0.009639, 0.127515, 0.190117, -0.026115, -0.008359, -0.226771, 0.018007, -0.216854, 0.015497, -0.058563, -0.056316, -0.003449, -0.010752, -0.052269, 0.227607, 0.093097, -0.074964, -0.201059, -0.134315, -0.005959, 0.074465, -0.259293, 0.082225, -0.041761, -0.042123, 0.144093, 0.110760, -0.188375, 0.100885, 0.115640, -0.044799, -0.042866, 0.036692, 0.051598, 0.164786, 0.145010, -0.119993, -0.046462, 0.155254, 0.013477, -0.207607, 0.102231, 0.009318, -0.032509, -0.096586, -0.017089, 0.077634, -0.100971, 0.062522, 0.124239, 0.127631, -0.028296, -0.065470, 0.084598, -0.032953, 0.092880, -0.072056, -0.114435, -0.003944, 0.212296, -0.100981, 0.103958, 0.173480, 0.214634, -0.003024, -0.307078, 0.060697, 0.150919, 0.065582, 0.196819, -0.010528, 0.053899, 0.068185, 0.215201, -0.006546, 0.060821, 0.119246, 0.085950, 0.039644, -0.016652, 0.153421, -0.210924, -0.294855, -0.018093, 0.080820, 0.153489, 0.138264, 0.282968, 0.021544, -0.017361, 0.272170, 0.006830, 0.175523, 0.024471, 0.029851, 0.084651, 0.030112, -0.040076, 0.057218, 0.115674, -0.288137, 0.053511, -0.155275, 0.250995, 0.072489, -0.050486, 0.028700, 0.123404, -0.121734, 0.007694, -0.150635, -0.120891, 0.072640, -0.163544, 0.001983, 0.049348, -0.175168, 0.214140, -0.170495, 0.012947, -0.158283, -0.050085, 0.187399, 0.207792, 0.032021, 0.066289, -0.123266, -0.021800, 0.111450, 0.048707, 0.121184, -0.035426, -0.068161, 0.236670, 0.299189, 0.024517, 0.025436, -0.040624, -0.212867, -0.225861, -0.160837, 0.010688, -0.142665, -0.042309, -0.055166, 0.018050, -0.090380, 0.082757, -0.084774, -0.035991, 0.005273, -0.083517, 0.066038, -0.037308, -0.081471, -0.002084, 0.213821, -0.021710, -0.011776, 0.319208, 0.064995, -0.133178, 0.031560, -0.076394, 0.097215, 0.033579, 0.084644, -0.259933, -0.078133, -0.006521, 0.212909, 0.069011, -0.143178, -0.115000, 0.091563, 0.047637, 0.065744, 0.202485, 0.004230, -0.014648, 0.109935, -0.068549, 0.146326, 0.003585, 0.075725, 0.187156, -0.012142, 0.016948, -0.116213, 0.104236, 0.004997, -0.022685, -0.001264, 0.067156, 0.139331, -0.060668, -0.121777, -0.114533, -0.005927, -0.016221, 0.035301, -0.203140, 0.246270, 0.129404, -0.062689, 0.186968, 0.042240, -0.026136, -0.117379, -0.076210, 0.013756, -0.287923, -0.001743, -0.053631, -0.028764, 0.026813, 0.141711, -0.069749, -0.045914, 0.066816, -0.164911, -0.020822, -0.154609, 0.029975, 0.056920, 0.050570, -0.066727, 0.194167, -0.123089, 0.123651, 0.012723, 0.037876, -0.156574, 0.101068, 0.054492, 0.009709, -0.199011, 0.120203, 0.018651, 0.170014, 0.051582, 0.111273, -0.039459, -0.074304, 0.030671, -0.058454, 0.095818, 0.083455, 0.054296, -0.067045, -0.080892, 0.028675, 0.135383, 0.141438, -0.098575, 0.039774, -0.217942, 0.191406, 0.045186, 0.080474, 0.092563, -0.210353, 0.008892, -0.052978, 0.168628, -0.147043, -0.082383, -0.021156, 0.161193, -0.016986, 0.304997, 0.253448, 0.049128, -0.086108, -0.196783, 0.010295, 0.135494, 0.003749, 0.214490, 0.040025, -0.105039, -0.084888, 0.197884, -0.029578, -0.061082, 0.188510, -0.089242, -0.244431, -0.137175, -0.042406, 0.167691, 0.030679, -0.100202, -0.001356, 0.282049, 0.155316, -0.096482, 0.293207, -0.244338, 0.078311, 0.187875, -0.152483, 0.163146, -0.275764, 0.125092, 0.048832, 0.018692, 0.098090, -0.023672, 0.052550, -0.001101, 0.242888, 0.047863, -0.123646, -0.023890, 0.290721, -0.034123, -0.187926, 0.008447, 0.074965, -0.044611, -0.039969, -0.037413, 0.041677, 0.021430, 0.052472, -0.059211, 0.152604, -0.023002, 0.041777, 0.071156, -0.011980, -0.167175, -0.012204, 0.041703, 0.128063, 0.269368, -0.056458, -0.273710, -0.071810, 0.031237, -0.042693, 0.153975, 0.136267, -0.144577, -0.066552, -0.037294, -0.006639, -0.013409, -0.012768, -0.050784, 0.040206, 0.071680, -0.064984, 0.030392, 0.121401, -0.140536, 0.043176, -0.092872, 0.043744, 0.272966, -0.068350, 0.057187, -0.084878, -0.017397, -0.048718, -0.064762, -0.030744, 0.028680, -0.062061, 0.155914, -0.153539, -0.179415, 0.000628, -0.244067, -0.027246, -0.125185, -0.033006, 0.060003, -0.073916, 0.024234, -0.113518, 0.000079, 0.289996, -0.013352, -0.028628, -0.095710, -0.012599, 0.166106, -0.161284, 0.112820, -0.072856, 0.086156, 0.093252, -0.097591, 0.013053, 0.165658, -0.000293, -0.102314, -0.015160, 0.140360, 0.033829, 0.038389, -0.024403, -0.037061, -0.036508, -0.033284, -0.098066, 0.061544, 0.192989, -0.067769, -0.136655, 0.049583, 0.245208, -0.047405, -0.123959, 0.136190, 0.196359, 0.201947, -0.060231, -0.087981, -0.052596, 0.191076, 0.077045, 0.005153, 0.048828, 0.064802, 0.152346, 0.158959, -0.107469, 0.153542, 0.022559, -0.019566, 0.036054, 0.086482, 0.132947, -0.035716, -0.129269, -0.020368, 0.218496, 0.091285, -0.179491, 0.030145, -0.105673, -0.066183, -0.055428, -0.097401, -0.025242, -0.113766, 0.024634, -0.012997, 0.318066, 0.047118, 0.003826, -0.102603, 0.167133, -0.015253, -0.013459, 0.041554, 0.013195, -0.143098, 0.015086, -0.051270, -0.008363, 0.196011, 0.092321, -0.052945, 0.136661, 0.011706, 0.017438, 0.036326, -0.037612, -0.025840, 0.010161, 0.166763, -0.165064, 0.119629, -0.077732, 0.191928, 0.006040, -0.079752, -0.148701, 0.233103, 0.304906, -0.033317, -0.057441, 0.105176, 0.087461, 0.083180, 0.038113, -0.095364, -0.091643, -0.079445, 0.257955, 0.044116, -0.044672, 0.050461, 0.076046, -0.040193, -0.008266, 0.099473, 0.034346, 0.006252, 0.082920, -0.040108, -0.187119, -0.063668, 0.055499, -0.091719, -0.101061, 0.138296, 0.152009, -0.205477, 0.143343, -0.020349, 0.027568, 0.134554, -0.173408, 0.027113, 0.213761, -0.008423, 0.061348, 0.120630, -0.121103, -0.068243, 0.035794, 0.268176, -0.065395, 0.041248, 0.089301, -0.086733, -0.077325, -0.124701, -0.042969, 0.111397, -0.012607, 0.114229, 0.231237, -0.150269, 0.143489, -0.006789, 0.048276, -0.052924, -0.242178, -0.077909, 0.072310, 0.053035, 0.036579, 0.001264, 0.053662, 0.072958, 0.071337, 0.120872, -0.015752, -0.040543, 0.142452, -0.081916, 0.077041, -0.000599, 0.098916, -0.060847, 0.044185, -0.024839, -0.063287, -0.159759, -0.048004, 0.034564, 0.052725, -0.085944, -0.059132, 0.066499, 0.090197, -0.029850, 0.044917, -0.117100, -0.069692, -0.143610, -0.039764, 0.338823, 0.027795, -0.279444, -0.041537, 0.130905, 0.252375, -0.003921, 0.011303, -0.011547, -0.102039, -0.122553, 0.161518, 0.021905, -0.066540, 0.308241, -0.059063, -0.040688, -0.038547, -0.065878, 0.095481, 0.031902, 0.037989, 0.015447, 0.030319, -0.037729, -0.011994, 0.104397, -0.019935, 0.222582, 0.045088, 0.021122, 0.121725, 0.205209, -0.085968, -0.001802, -0.050239, 0.234046, 0.304726, -0.133301, -0.029210, -0.003719, 0.081034, 0.084196, 0.271268, 0.125741, -0.040128, -0.035284, 0.057474, -0.017735, -0.138314, 0.039558, 0.065301, 0.205732, 0.037798, 0.081822, 0.096481, -0.029899, -0.100583, -0.017336, -0.122966, 0.184132, 0.034158, 0.035917, -0.089785, -0.049257, -0.026029, 0.098253, 0.047514, -0.412752, -0.104378, -0.105843, -0.178374, 0.181874, -0.099632, -0.076727, -0.028060, 0.135774, -0.001641, -0.202641, -0.018997, -0.021967, -0.368215, -0.168688, -0.104760, 0.049695, 0.042791, 0.181559, 0.215060, -0.074467, -0.031700, -0.106129, 0.013785, -0.064683, -0.020631, 0.152374, 0.032412, -0.100132, -0.086452, -0.010094, 0.081665, -0.197299, 0.222241, 0.103583, -0.064604, -0.008919, -0.165876, -0.007558, -0.069443, -0.009164, -0.138769, 0.007981, 0.103054, 0.174645, -0.038886, 0.026378, 0.184653, -0.064486, -0.110391, 0.009416, -0.077590, 0.343954, -0.049136, -0.082993, -0.057141, -0.094384, 0.043681, -0.084279, 0.016675, 0.218326, -0.201711, 0.079808, -0.115160, 0.263488, -0.143551, -0.118000, -0.084933, 0.028329, -0.084000, 0.088754, 0.124085, -0.102142, -0.116106, -0.135962, 0.052402, 0.059475, -0.166860, -0.035298, 0.165142, 0.061892, 0.009469, -0.077616, 0.157743, -0.053369, 0.240809, -0.080042, 0.150877, -0.002053, -0.060771, 0.027338, 0.152820, -0.125581, -0.049988, -0.133478, 0.230690, 0.095440, -0.094698, -0.042680, -0.001913, 0.101036, 0.138194, 0.020403, 0.084684, 0.134805, -0.152070, 0.272879, 0.046235, 0.179675, 0.203786, -0.011226, -0.155674, 0.236392, 0.040244, -0.065084, 0.244509, 0.019825, -0.066875, 0.104958, 0.184954, -0.200180, 0.017224, 0.090502, -0.080141, 0.215390, -0.050223, 0.029332, 0.147648, -0.056974, -0.246475, 0.048836, 0.207288, -0.001229, -0.127290, -0.012422, -0.196015, -0.279226, 0.034179, -0.149022, -0.026097, -0.190028, -0.112792, 0.171371, -0.159020, 0.192893, 0.019952, -0.036285, -0.359729, 0.131313, 0.053136, -0.079544, -0.248050, -0.101586, 0.309329, -0.091145, 0.026681, -0.139749, -0.229104, 0.166053, -0.212885, 0.029373, -0.191237, -0.221759, 0.188614, 0.042277, -0.028505, 0.144234, 0.056033, 0.068274, -0.062517, 0.100982, -0.158081, 0.080561, -0.078702, 0.072969, 0.117547, -0.015799, -0.133842, 0.031563, -0.145456, -0.050039, -0.198001, -0.158597, 0.039884, 0.166119, 0.028326, 0.015765, -0.154745, -0.061371, -0.126801, -0.082333, 0.047744, 0.038063, -0.026939, -0.086070, -0.054739, -0.135011, 0.119112, -0.260143, -0.038525, 0.109791, 0.043590, -0.050960, -0.155495, 0.011474, -0.009191, 0.069458, -0.071190, 0.046502, 0.115120, -0.071358, 0.012233, 0.029140, -0.001322, -0.167957, 0.040801, -0.099151, -0.069438, 0.056065, -0.076696, -0.071975, 0.018834, 0.030288, -0.045196, -0.135964, 0.244321, 0.012102, 0.083870, 0.062302, -0.017953, -0.001656, 0.151744, 0.008068, -0.044856, 0.024282, 0.082863, -0.067829, 0.029661, -0.021636, -0.017048, 0.054439, 0.003676, -0.033814, -0.135997, -0.041705, -0.137501, 0.029417, -0.021338, 0.057767, -0.120979, -0.149689, 0.109255, 0.100726, 0.030772, -0.015528, 0.014649, 0.024307, 0.180594, 0.001275, 0.050417, -0.043418, 0.047279, -0.076379, 0.069939, 0.141088, 0.017897, 0.014424, -0.139223, -0.106187, -0.028844, -0.103000, 0.003440, 0.117647, -0.018242, -0.073981, 0.050762, 0.160939, -0.162613, -0.088861, -0.010438, 0.076585, -0.006617, -0.153761, 0.066769, 0.020232, -0.212658, -0.014397, -0.071814, 0.038534, 0.003290, -0.146705, 0.114264, 0.003019, 0.014973, 0.174333, 0.047448, -0.026035, -0.153660, 0.143155, 0.063658, 0.006653, -0.054632, 0.039924, 0.189608, -0.169060, -0.042377, 0.050981, 0.065687, 0.000223, -0.019312, -0.065980, 0.083201, 0.164774, -0.006901, -0.051622, -0.081399, 0.031643, -0.047099, 0.220783, 0.116383, 0.133751, 0.041489, 0.016571, -0.066695, 0.122879, -0.036006, 0.043873, -0.032047, 0.107682, 0.066930, 0.025316, -0.037602, -0.012293, -0.053757, -0.023906, 0.090727, -0.071204, 0.029414, 0.072099, -0.097901, -0.044271, 0.070812, -0.058762, 0.084410, -0.048191, 0.021893, 0.009366, -0.062517, -0.009455, 0.130411, -0.229933, 0.010219, 0.092877, 0.049529, -0.206253, -0.246605, 0.095349, 0.184769, -0.058987, 0.125994, 0.108776, -0.120238, 0.066135, 0.027453, 0.098922, 0.044426, 0.012127, -0.116079, 0.165284, 0.100223, 0.061085, 0.021249, -0.050825, 0.046658, -0.001579, 0.104578, -0.068103, -0.054762, -0.081342, 0.131213, 0.048517, 0.006502, -0.050172, 0.029212, 0.095349, -0.135814, 0.098053, -0.038333, -0.009454, -0.128044, 0.008662, -0.032744, 0.094567, 0.062191, -0.082874, -0.192244, -0.086118, -0.011042, -0.012600, -0.026055, 0.060963, -0.069328, -0.160715, -0.000926, 0.111268, -0.144766, -0.135803, 0.170213, -0.012803, 0.044673, -0.022786, 0.025920, 0.093163, -0.076315, 0.083518, 0.163701, 0.094142, -0.001838, -0.051441, 0.035470, -0.006638, 0.122319, -0.000537, -0.024560, 0.034429, 0.054289, 0.012419, -0.056399, 0.101372, 0.100411, -0.039989, 0.093673, 0.132583, -0.142947, -0.160916, 0.027152, 0.083513, 0.169310, -0.054338, -0.049645, 0.138141, -0.025298, -0.175579, -0.076609, 0.021845, -0.093564, -0.019070, 0.026694, 0.012311, -0.036800, -0.115817, 0.048679, 0.031000, 0.117471, -0.012769, 0.012641, 0.139877, 0.020274, 0.121402, 0.102173, -0.128848, 0.081312, 0.152969, -0.070529, 0.000635, 0.156654, -0.090285, 0.059136, 0.184008, 0.029727, -0.212262, -0.002686, -0.040935, 0.043653, 0.196837, 0.162581, -0.101799, -0.020111, -0.033093, 0.091515, -0.102430, 0.250008, -0.041269, 0.122000, 0.034687, -0.219468, -0.102746, 0.063880, 0.061275, -0.249200, 0.149282, 0.144886, -0.117066, 0.058520, 0.130016, -0.002131, 0.122614, -0.033236, 0.088312, 0.027692, 0.002766, 0.103505, 0.022965, 0.128957, -0.039462, 0.076788, -0.059652, 0.235514, 0.224460, 0.270739, 0.084126, -0.259189, -0.131841, -0.136850, 0.160743, -0.048512, 0.052571, -0.052695, -0.039866, -0.052081, 0.132362, 0.163919, 0.011398, 0.056157, -0.221058, 0.165128, 0.138137, -0.266990, 0.116026, 0.088730, -0.223152, -0.089195, -0.183533, -0.119868, 0.138698, 0.104214, -0.080476, -0.241312, 0.034145, 0.206233, 0.100400, 0.032764, 0.113440, -0.100481, 0.014552, -0.028739, -0.126439, 0.298695, -0.163223, -0.062336, 0.149462, -0.035831, 0.026235, -0.257355, 0.106302, 0.075458, -0.081568, -0.144170, 0.071129, 0.044587, -0.011854, 0.185936, 0.087095, -0.062607, -0.027898, 0.014050, -0.051891, -0.169846, 0.006389, -0.080886, -0.005485, -0.368395, 0.023920, -0.017721, -0.068367, -0.116486, -0.272632, 0.195442, 0.090563, 0.139716, 0.155861, 0.181033, -0.115186, 0.091336, -0.094364, 0.223716, 0.088550, -0.097633, -0.299057, -0.163999, 0.146113, 0.053979, 0.153717, -0.086732, -0.216353, -0.023299, 0.053154, -0.024836, 0.089054, 0.077100, -0.149354, -0.118048, 0.001181, 0.046130, -0.089426, 0.056637, -0.162164, 0.141061, -0.013607, -0.004584, -0.016191, -0.168817, 0.171924, 0.108121, -0.193006, 0.138808, 0.409956, 0.119350, 0.199436, -0.081291, 0.242770, -0.056947, -0.021941, -0.160127, -0.130726, -0.215725, -0.193074, 0.111415, -0.009672, -0.104373, 0.054232, -0.019536, -0.059614, -0.032640, -0.020606, -0.064986, 0.307039, -0.172087, 0.006544, 0.129638, 0.020701, -0.239655, -0.054405, -0.054618, 0.034107, -0.072013, -0.168312, -0.006408, 0.066567, 0.011366, 0.101393, 0.075957, -0.037341, -0.117092, 0.015002, -0.197229, -0.078452, 0.066196, 0.084850, 0.097676, -0.235148, -0.074543, -0.094382, -0.078127, -0.243043, 0.066691, -0.093098, 0.033802, -0.134746, -0.147461, -0.085301, -0.075291, 0.100242, 0.110986, -0.109988, -0.141718, -0.012565, -0.057370, 0.059479, 0.121387, -0.067158, 0.139135, 0.015593, 0.131344, 0.157668, 0.099501, 0.064594, 0.123134, -0.100936, -0.251658, 0.019835, 0.003932, -0.222110, -0.052326, -0.014579, -0.316970, -0.149027, 0.144087, -0.071150, -0.008588, -0.041556, -0.102106, -0.017659, 0.026724, 0.025717, 0.022427, -0.010771, -0.259596, 0.013267, 0.044641, -0.256269, -0.092632, 0.196125, 0.087003, 0.121713, -0.111054, 0.260812, 0.047059, 0.018308, 0.060852, 0.026025, 0.001606, -0.030155, -0.208361, -0.052069, 0.149367, -0.033505, 0.105811, -0.044709, -0.061655, 0.210275, 0.040870, -0.187483, 0.142166, -0.029282, 0.038259, -0.043703, -0.119652, 0.043742, 0.193725, 0.099193, -0.078000, -0.073234, 0.079493, 0.105062, 0.122031, 0.187723, -0.041994, 0.002499, 0.128901, -0.038232, -0.112906, -0.076975, 0.020012, -0.121028, -0.003412, -0.016844, -0.062316, 0.153304, -0.087650, -0.092112, 0.258917, -0.255634, -0.042012, 0.158944, 0.116595, 0.014888, -0.053625, 0.070905, -0.032161, 0.174174, 0.149847, 0.027221, 0.069502, 0.086689, 0.073750, 0.153354, 0.210040, 0.037883, -0.211212, -0.171342, 0.035974, 0.168779, -0.038598, 0.025077, -0.174070, 0.085488, 0.023224, 0.066465, -0.083448, 0.044719, 0.052438, -0.045123, -0.237495, -0.054248, 0.012956, 0.143221, 0.016792, -0.035791, -0.134526, 0.050483, 0.001878, -0.063177, 0.168497, -0.039932, -0.058383, 0.135577, 0.094052, 0.094639, -0.081926, 0.079940, -0.023545, -0.014160, 0.084224, 0.045201, -0.126317, -0.204915, -0.000821, 0.064270, -0.129577, -0.017088, 0.046886, -0.046453, -0.195950, 0.152830, 0.199017, -0.038695, -0.252579, 0.043639, 0.101279, 0.153607, 0.256153, -0.071062, 0.020491, -0.051728, 0.060472, -0.081992, -0.060398, -0.102055, -0.042975, -0.093995, 0.027453, 0.105842, -0.109584, -0.213766, 0.098502, 0.078010, 0.108553, 0.072361, -0.019373, 0.101451, 0.097669, -0.044411, 0.000470, -0.038211, 0.015006, 0.013864, 0.056500, -0.024995, -0.039878, -0.058714, -0.086438, 0.164825, -0.048955, 0.038095, 0.066037, 0.043450, 0.068176, -0.057779, -0.009250, -0.009502, -0.097175, -0.061999, -0.143257, 0.010736, 0.012966, 0.055732, -0.037156, 0.184134, 0.050090, 0.094250, 0.084888, 0.092607, -0.148270, 0.130811, 0.031982, 0.109369, 0.129462, 0.054974, 0.133551, -0.137105, 0.113450, 0.047778, 0.139724, 0.175443, -0.059148, 0.070182, 0.103518, 0.035897, 0.001649, 0.049375, 0.030687, 0.257855, 0.094998, -0.067983, 0.048435, -0.084698, -0.253661, -0.067426, -0.099291, -0.079759, -0.192996, -0.018558, 0.089111, -0.099942, 0.034930, 0.108130, -0.008572, 0.027528, 0.007920, 0.029836, -0.118474, 0.045827, 0.114048, 0.036158, -0.080839, -0.109979, -0.031334, 0.022371, -0.024890, -0.108071, 0.145812, -0.212486, 0.050377, -0.026138, -0.089940, 0.123009, -0.168983, -0.000749, 0.117997, 0.044788, -0.030748, 0.036560, -0.093009, -0.086289, 0.100869, -0.020419, 0.125912, 0.177365, -0.062279, -0.063128, 0.072655, -0.005572, -0.123962, -0.022103, -0.075593, 0.207967, -0.224948, -0.019534, -0.053883, -0.039444, -0.080247, -0.016710, 0.051568, 0.076026, 0.065972, -0.013937, -0.047551, -0.074413, -0.066232, 0.105108, 0.085934, -0.051713, 0.089821, -0.185974, 0.056714, 0.003185, 0.107998, -0.038872, 0.203218, 0.038397, -0.010896, -0.122162, -0.044753, -0.090266, 0.109511, -0.169757, 0.034265, 0.044759, -0.017280, 0.139229, -0.002947, -0.228315, 0.087709, 0.201054, 0.064357, 0.112594, 0.041441, -0.227844, -0.145903, -0.023571, -0.000441, -0.195712, -0.010053, 0.066646, 0.037490, 0.147674, -0.155648, -0.252469, 0.050084, 0.289156, -0.175817, 0.062588, 0.008364, -0.115083, -0.059225, 0.036905, 0.116007, -0.073149, 0.254215, 0.083959, 0.135923, 0.274919, -0.335533, -0.125616, -0.051190, -0.021271, -0.392648, -0.162709, -0.021034, 0.240014, 0.060540, 0.345404, -0.050695, -0.122332, -0.108239, -0.058302, -0.011107, -0.016419, -0.246748, -0.036293, 0.231231, 0.078244, 0.008956, 0.060578, 0.070365, -0.098654, -0.049129, -0.076657, -0.504486, 0.030431, 0.038235, 0.015628, -0.111401, -0.156453, -0.057304, 0.119413, 0.089577, -0.180299, 0.275432, -0.242328, 0.021698, 0.046893, 0.052201, 0.101527, -0.151605, 0.210489, 0.165166, -0.015258, 0.115474, 0.057346, -0.004085, 0.041637, 0.205328, -0.048197, 0.061409, -0.017975, -0.087800, -0.130441, -0.001876, -0.095342, -0.075059, -0.027197, -0.068399, 0.029856, 0.060680, 0.041524, -0.100528, -0.061457, 0.127287, 0.068247, 0.093442, 0.047728, -0.072976, 0.044742, 0.028271, 0.017537, -0.140998, 0.250559, -0.075473, -0.117843, 0.015319, -0.245919, 0.299990, 0.116782, 0.077370, -0.152146, -0.144616, 0.132450, 0.193579, -0.060935, 0.292095, 0.046431, -0.121621, 0.178800, 0.058275, -0.079465, 0.031360, -0.088037, -0.076581, -0.103535, 0.185163, 0.032730, 0.125208, 0.007752, -0.004043, -0.091181, 0.166400, 0.098798, -0.063141, 0.128420, 0.063523, 0.073194, -0.098784, -0.011687, -0.083731, -0.002293, -0.080513, 0.055425, 0.011154, -0.308374, -0.054998, 0.140701, -0.032015, 0.068407, 0.152510, -0.194226, 0.173893, 0.030892, 0.225328, -0.117398, -0.218660, -0.118107, -0.190330, 0.104326, 0.030845, 0.092379, -0.001448, 0.103254, 0.021030, 0.126094, 0.040631, 0.011280, -0.174359, -0.374907, 0.175349, 0.052599, -0.057826, 0.091020, -0.055306, -0.107033, 0.012775, 0.214829, -0.160239, 0.071070, 0.140409, -0.118915, -0.247021, 0.026337, -0.124872, 0.075228, 0.003745, 0.032156, -0.138487, 0.179140, -0.118473, -0.144557, 0.182157, -0.156189, 0.032681, 0.044203, 0.071453, 0.058027, -0.170041, 0.138456, 0.254671, -0.034015, 0.033449, 0.102636, -0.136055, -0.091702, 0.188233, 0.146091, -0.146400, 0.010487, -0.011278, -0.056847, 0.091215, 0.096719, -0.002351, 0.076157, -0.255770, 0.074991, -0.058605, 0.097576, 0.061511, 0.000849, 0.015309, 0.149487, 0.068299, 0.039458, 0.053200, 0.072384, 0.088694, -0.052937, 0.105963, 0.073646, -0.105118, -0.411326, 0.017235, 0.092042, 0.262058, -0.061671, 0.082445, -0.023876, -0.047633, -0.202850, -0.167648, -0.121245, -0.068981, -0.181035, 0.241622, 0.087539, -0.078394, -0.154301, 0.076592, -0.062581, 0.012079, -0.000933, 0.056776, 0.101163, -0.183799, 0.257257, 0.175177, -0.047074, 0.033682, 0.002573, 0.117662, 0.364615, -0.008202, 0.023973, -0.185350, 0.089373, -0.173871, -0.138721, 0.060008, -0.188696, -0.104517, 0.018076, -0.115386, -0.064850, -0.285846, 0.058155, 0.043672, -0.036278, 0.038226, 0.240435, -0.153029, 0.037610, 0.081117, -0.004763, 0.019676, 0.060479, -0.021266, -0.295989, 0.123761, -0.192638, -0.069220, 0.194732, 0.169702, -0.091658, 0.014719, -0.091473, 0.135502, 0.123106, -0.005544, 0.050648, 0.134963, 0.279151, -0.159163, -0.063061, -0.100628, 0.054264, 0.006507, -0.094695, 0.068158, -0.217083, 0.228026, 0.150065, -0.046343, -0.051136, -0.115010, -0.031857, 0.227197, -0.034300, 0.129463, 0.076619, 0.125900, 0.074964, -0.038413, 0.146461, 0.082623, 0.113054, 0.023468, 0.014132, 0.102039, 0.204052, 0.103640, -0.143776, -0.194080, 0.056185, -0.098817, 0.099389, 0.066303, 0.108279, -0.194636, 0.109737, -0.009093, 0.092653, -0.210637, 0.109723, -0.114048, 0.002529, 0.239660, 0.051557, 0.098061, 0.040397, -0.030968, 0.241628, 0.282239, -0.098978, -0.036362, 0.058753, -0.027674, -0.184102, -0.075226, 0.296037, 0.093109, 0.151105, 0.162596, 0.001977, -0.070094, -0.082874, 0.098110, -0.232660, 0.103173, 0.093652, 0.097600, 0.255940, -0.022976, 0.013064, -0.193995, -0.084877, -0.161307, -0.149522, 0.037955, 0.020751, -0.049173, -0.008953, -0.143973, -0.027245, 0.172266, 0.031394, -0.157674, 0.112680, -0.150194, 0.074630, -0.195492, 0.163678, -0.190794, -0.317441, 0.226951, -0.067694, -0.054507, -0.129478, 0.069562, 0.086925, 0.106736, 0.052229, -0.010215, -0.095170, -0.053636, 0.204037, -0.066671, -0.099210, -0.110241, -0.271422, 0.284572, -0.011395, -0.011313, -0.324268, 0.198818, 0.049185, 0.024931, -0.026908, -0.223377, -0.171537, -0.116112, 0.064314, -0.054570, -0.041747, -0.157800, -0.002501, 0.127436, -0.106667, -0.041058, 0.246341, -0.085887, 0.078175, -0.171444, -0.017883, 0.028470, 0.025401, 0.265534, -0.044690, 0.053117, 0.009744, 0.154693, -0.096245, -0.039164, 0.043623, -0.123324, 0.027562, -0.211621, 0.042974, -0.239416, 0.131644, 0.098125, -0.014006, -0.091110, 0.135120, 0.182627, 0.134992, 0.143708, 0.062147, -0.113804, -0.192276, -0.130617, 0.205234, -0.111787, -0.137183, -0.112546, -0.065355, 0.006420, 0.035163, 0.140315, 0.098427, 0.088744, 0.029578, -0.013185, 0.139791, 0.120533, 0.048352, -0.204835, 0.008799, -0.002252, 0.215037, 0.065034, -0.012750, -0.202078, 0.091238, -0.059682, -0.113063, -0.057598, 0.036873, 0.015532, 0.079897, -0.031757, 0.064756, 0.135764, 0.131150, -0.073542, -0.023655, 0.054240, -0.106878, 0.098614, -0.037023, -0.115235, 0.053962, 0.154993, -0.177314, -0.031659, 0.006438, 0.024529, 0.005455, 0.115754, 0.113462, 0.104495, 0.064036, 0.069378, -0.128382, 0.078913, 0.036919, -0.016793, -0.019539, -0.166721, -0.005066, 0.199087, 0.021953, 0.007362, -0.016463, -0.143120, 0.149846, -0.036217, -0.027960, 0.029441, 0.025648, -0.201954, 0.037801, -0.100279, -0.029452, -0.126922, 0.032494, -0.017862, 0.017268, 0.019178, -0.084335, 0.120829, -0.029427, -0.037037, 0.073221, -0.147791, -0.000424, -0.182120, 0.087494, 0.061820, -0.014092, -0.170865, -0.181842, 0.133256, 0.172831, 0.120995, -0.005596, 0.129812, 0.209256, -0.051793, 0.023773, -0.300495, 0.044799, 0.037909, 0.027823, -0.058159, 0.027156, 0.097045, 0.004118, -0.099711, -0.059607, -0.135923, 0.036813, -0.103619, -0.080201, 0.037803, -0.169820, -0.122498, 0.085581, 0.040691, -0.054546, -0.245903, 0.041411, -0.155514, 0.004355, -0.027438, 0.045125, -0.217818, -0.234473, 0.005577, 0.052884, -0.058837, 0.124494, -0.154066, -0.285221, 0.082440, 0.102052, 0.042711, 0.063306, -0.024027, -0.078677, -0.007959, -0.096482, 0.291556, 0.097112, 0.074064, 0.012567, 0.034694, -0.139266, 0.100246, 0.174145, 0.002364, -0.108535, 0.094076, -0.075723, -0.210201, -0.088009, -0.069708, -0.117274, 0.090798, -0.108215, 0.043147, -0.004490, 0.064990, 0.050761, 0.022385, 0.193341, 0.159235, -0.033174, -0.169057, 0.018836, 0.226128, -0.067114, 0.035046, -0.093513, 0.128233, -0.146807, -0.107501, -0.026889, -0.096380, 0.237913, -0.008388, -0.106238, 0.012930, 0.171519, 0.257182, 0.318510, -0.029360, 0.000998, 0.058265, -0.024718, -0.259659, 0.112314, -0.149793, -0.138838, -0.060976, -0.141669, -0.027096, 0.160764, 0.139882, 0.026519, 0.243268, -0.105335, 0.037353, 0.212688, 0.132042, 0.146161, -0.366890, -0.059795, -0.238752, 0.061085, -0.008417, -0.100447, -0.041772, 0.108003, -0.248686, -0.034488, 0.026871, 0.124261, -0.011964, -0.043354, -0.119673, -0.080954, 0.133673, -0.018219, 0.041059, -0.141868, -0.159019, 0.049773, -0.089116, -0.145868, -0.028475, -0.222643, 0.065186, -0.460615, -0.017985, -0.128428, -0.073283, -0.131484, -0.074154, 0.187973, 0.039650, -0.081075, 0.269824, -0.000802, 0.023149, 0.064075, 0.264309, 0.203414, 0.071022, 0.082717, 0.003187, 0.170433, -0.044540, 0.164918, 0.326430, -0.173647, -0.238382, 0.057005, -0.151469, -0.054074, 0.136821, 0.020198, -0.123408, -0.053459, -0.025429, -0.024089, 0.033201, 0.210783, 0.031897, 0.093951, -0.054468, 0.157402, 0.163732, -0.106694, -0.039166, 0.063099, 0.187894, 0.008730, 0.189580, 0.375155, 0.032686, 0.129292, -0.068918, -0.055135, -0.094471, 0.115140, 0.027547, -0.057284, -0.055178, 0.074480, 0.105085, 0.026636, 0.049862, -0.219216, 0.121100, -0.157798, 0.041637, -0.024097, 0.095525, -0.097786, -0.128100, 0.180254, 0.177756, -0.103651, 0.136990, 0.056611, -0.179067, 0.144176, 0.356539, -0.071660, -0.139030, -0.097496, -0.103218, 0.109830, 0.060455, 0.071512, -0.051800, 0.018956, -0.297521, 0.054794, 0.062295, 0.143151, -0.147898, 0.104288, -0.115062, 0.135688, -0.008541, -0.036202, -0.083204, -0.022893, 0.074880, 0.276452, 0.015389, -0.091052, 0.095128, 0.087360, -0.087065, -0.043573, -0.184778, -0.367377, 0.059282, -0.108326, 0.039718, -0.006865, 0.163049, -0.112323, -0.014056, -0.187027, -0.142746, 0.293369, -0.117339, -0.006254, -0.003316, 0.011289, -0.055549, 0.109634, -0.251658, -0.046397, 0.046198, 0.052360, 0.102791, -0.314203, 0.117403, 0.120257, -0.248658, 0.007424, -0.064968, -0.022479, 0.050868, -0.101925, 0.076483, -0.037985, 0.068885, 0.111460, 0.094006, 0.185961, -0.043252, 0.113755, 0.031497, 0.034663, 0.208590, 0.160016, 0.110754, 0.010260, -0.083893, 0.003265, 0.034791, 0.134633, 0.042855, 0.010742, 0.025302, 0.252316, 0.137777, -0.033711, -0.218371, 0.236519, -0.185889, 0.048448, 0.217765, 0.057463, -0.075963, 0.061673, -0.122269, 0.153503, 0.240648, 0.127109, 0.052629, 0.248207, 0.119845, -0.151988, -0.084406, 0.049342, -0.122726, 0.062892, -0.057730, 0.069254, -0.006111, -0.072694, -0.042485, -0.171694, -0.013029, 0.038317, 0.067100, 0.177118, 0.123032, -0.039285, -0.097395, 0.007893, -0.056976, 0.151523, -0.036153, -0.085510, -0.014195, 0.097387, -0.111245, 0.150737, 0.042124, 0.076642, -0.034624, 0.136823, 0.342744, 0.080348, -0.074702, 0.137424, -0.036853, 0.070266, -0.097857, -0.031802, 0.066008, 0.063869, -0.181905, -0.149284, -0.009160, -0.087749, -0.011486, -0.002778, 0.313042, -0.134129, 0.116862, 0.029870, 0.046588, -0.071572, 0.056356, -0.100853, 0.108993, -0.016640, 0.009613, 0.036698, 0.092244, 0.089047, 0.016434, -0.002127, -0.061787, 0.080450, -0.126162, -0.007505, -0.165595, -0.161312, -0.270793, -0.153838, 0.205537, 0.087573, -0.328615, 0.065249, -0.056642, -0.048714, -0.036447, -0.008047, -0.035026, -0.083202, -0.012174, -0.149025, -0.304552, -0.058625, -0.017147, -0.000406, 0.086415, -0.014939, 0.048140, -0.032044, -0.060327, -0.055643, 0.231105, 0.048350, -0.062342, 0.074009, -0.168348, 0.239875, 0.039357, 0.082077, 0.078555, -0.155846, 0.089711, 0.113538, -0.010940, -0.149571, 0.157928, 0.007344, -0.119194, 0.084578, 0.033227, 0.134184, -0.004858, 0.210852, -0.167402, 0.232699, 0.019114, 0.074191, -0.177444, -0.034413, 0.013510, 0.079817, -0.047734, 0.062478, 0.004903, 0.025292, -0.022050, 0.019109, -0.003238, -0.007830, 0.152004, 0.057252, 0.066008, 0.031523, 0.061521, -0.003137, -0.020427, -0.087327, 0.079892, 0.036254, -0.008789, -0.028733, -0.135292, 0.024749, -0.065558, -0.053669, 0.041983, -0.040635, -0.038713, -0.076595, -0.057084, -0.078889, -0.000285, 0.002641, 0.039082, -0.045162, -0.008868, 0.105221, -0.062503, -0.046647, -0.125888, -0.032116, -0.128280, 0.012762, -0.094160, 0.042328, -0.015279, -0.018372, -0.035662, 0.133694, 0.051573, 0.178163, -0.016836, 0.146314, 0.134439, -0.150346, -0.053251, 0.057899, -0.036922, -0.055318, 0.042397, 0.002928, 0.283878, -0.006026, 0.036837, -0.023117, -0.072924, -0.192586, 0.001843, -0.032151, 0.156927, 0.143992, -0.148929, -0.095879, -0.077514, 0.055648, 0.002737, 0.046269, -0.125315, 0.027242, -0.042878, 0.097486, -0.227292, -0.011314, 0.101473, -0.111980, -0.112062, -0.012581, -0.021010, -0.047355, 0.005138, -0.001355, -0.090219, 0.009795, -0.052088, -0.023110, -0.148854, 0.021768, -0.120079, 0.105117, -0.013940, -0.088115, -0.003506, 0.037574, -0.109205, 0.089640, 0.024402, 0.074045, -0.082960, -0.146070, 0.131409, 0.100779, -0.010000, -0.026366, 0.054032, 0.081103, 0.002898, 0.118953, 0.135851, 0.016200, -0.118044, 0.040405, -0.078921, 0.035927, 0.183661, -0.183603, -0.019096, -0.013000, -0.046523, 0.003195, -0.227070, 0.148223, -0.071047, 0.021223, 0.135398, -0.095003, -0.120201, 0.005285, 0.103588, -0.066778, -0.051701, -0.075913, -0.065275, -0.065504, -0.065029, -0.294519, -0.237766, -0.106924, 0.090827, 0.060412, -0.099346, 0.114620, -0.126208, 0.095609, 0.102911, -0.164315, -0.114984, 0.063457, 0.041069, 0.052571, 0.067143, 0.114010, -0.019493, 0.002536, 0.089279, -0.059801, 0.033959, 0.120356, -0.138493, 0.203026, -0.266504, -0.270590, -0.036370, 0.051095, -0.093452, -0.079846, -0.046361, -0.041935, -0.028375, -0.007516, -0.164812, -0.212767, 0.058631, 0.162731, -0.143966, 0.294611, 0.053246, -0.123626, 0.209504, -0.040525, -0.117929, -0.070747, 0.165734, 0.190668, -0.049662, -0.077759, 0.013524, -0.004323, 0.022008, 0.113727, -0.112084, -0.075663, 0.002574, 0.007654, 0.017087, -0.036024, -0.135807, 0.059466, 0.162457, 0.036661, -0.081527, 0.008288, 0.108729, -0.115453, 0.109779, -0.022704, 0.083607, 0.284575, -0.025185, -0.218961, -0.072868, 0.207327, -0.205147, 0.030591, -0.055780, -0.047550, -0.163075, -0.009106, 0.123238, -0.207371, -0.093228, 0.065952, 0.164110, 0.199561, 0.249444, -0.108509, 0.253283, -0.166835, -0.127642, 0.189069, -0.271513, 0.101066, -0.033122, -0.039812, 0.124318, 0.060612, 0.051556, -0.052586, -0.118658, -0.059268, 0.018834, 0.125680, 0.023393, 0.084251, -0.012130, -0.186805, -0.056729, 0.088074, -0.008353, -0.147075, -0.203940, 0.057376, -0.056535, -0.071750, 0.056210, 0.118846, 0.092620, 0.288518, 0.130051, 0.102275, 0.010073, 0.169502, 0.090560, -0.158578, 0.087099, -0.106216, 0.298437, -0.069688, -0.071855, -0.086034, -0.011053, -0.188091, 0.012202, 0.080459, 0.273291, 0.007957, -0.093627, 0.131451, -0.137369, 0.097894, 0.089835, -0.042514, 0.085461, 0.282632, 0.105544, 0.237053, -0.187572, 0.163331, 0.119322, 0.072779, -0.133290, -0.143220, 0.011708, 0.094060, -0.176566, -0.071742, -0.000739, 0.200465, 0.002384, -0.219245, -0.049672, 0.065392, -0.024663, 0.159559, -0.012918, -0.115349, -0.078879, -0.053119, -0.131716, 0.073692, 0.123329, -0.180829, 0.031088, -0.041437, -0.107367, 0.068714, 0.034091, -0.066686, -0.248835, -0.033743, 0.212425, -0.033937, -0.202483, -0.228111, 0.155526, 0.065489, -0.119625, 0.263122, -0.171385, -0.176596, -0.142973, -0.131196, -0.076840, -0.062868, -0.011666, -0.010113, -0.212718, -0.154801, -0.177566, 0.176434, 0.026369, -0.107162, 0.147861, -0.125706, -0.098484, 0.163519, 0.177159, 0.071621, -0.145569, 0.216445, 0.064722, 0.129326, 0.196160, 0.167455, -0.005958, -0.095229, -0.044128, -0.000517, -0.103142, -0.139180, -0.096955, -0.260595, 0.074988, 0.163217, 0.304521, -0.022291, -0.143229, 0.141230, 0.032998, 0.136233, 0.312562, 0.069896, 0.047073, 0.084617, -0.064642, -0.147107, 0.438001, -0.180819, 0.045192, 0.095498, 0.122579, 0.018233, -0.129724, -0.195408, 0.019534, -0.104366, 0.066059, 0.051133, 0.250756, -0.001338, 0.004029, -0.154354, -0.005081, -0.029420, 0.077643, -0.086647, 0.086540, -0.101602, 0.065565, -0.126532, 0.017061, 0.046452, 0.172107, -0.094390, -0.208445, -0.050306, -0.089082, 0.102742, 0.146824, -0.169735, -0.116687, 0.140547, -0.016463, 0.062000, -0.231668, 0.435970, 0.116390, 0.068780, -0.171321, -0.121506, -0.139327, -0.059350, -0.069485, 0.039525, -0.064236, -0.079482, 0.003565, -0.184171, 0.090860, 0.020583, 0.129428, 0.281698, 0.110375, 0.079874, 0.005118, 0.000048, -0.193458, 0.051608, -0.099244, -0.151349, -0.016603, 0.135923, -0.179111, 0.010365, 0.115882, 0.081777, -0.151799, -0.099617, 0.006884, 0.150925, -0.404662, -0.254550, 0.098129, -0.056244, -0.190283, 0.014274, -0.232117, -0.053473, -0.107734, -0.000761, -0.011219, -0.134083, 0.201334, 0.084244, -0.085826, -0.014240, -0.109975, 0.174653, 0.127487, -0.121095, 0.156989, -0.226650, -0.152279, 0.258246, 0.019481, 0.213769, -0.197266, 0.101562, 0.014776, -0.006467, 0.200764, -0.030384, 0.157052, -0.131411, 0.104710, -0.015602, -0.104350, -0.002545, 0.164555, -0.186130, -0.166211, 0.151582, 0.271743, 0.107324, -0.131827, 0.161615, 0.049115, 0.175103, 0.230884, -0.182011, 0.096676, 0.021179, -0.014954, -0.018946, 0.042336, -0.170469, -0.139586, 0.074156, 0.201366, 0.077906, -0.179542, -0.086544, 0.118052, -0.032507, 0.039304, 0.168783, 0.075437, -0.215183, -0.067765, -0.080380, 0.125060, 0.031541, 0.011560, -0.043749, -0.108871, -0.091675, 0.244217, -0.251431, 0.180090, -0.036963, 0.234312, 0.067434, -0.126945, -0.097609, -0.192155, 0.169860, 0.180868, -0.207566, 0.210269, 0.284782, 0.154917, 0.051255, 0.041391, 0.022101, 0.084343, 0.028477, -0.099489, -0.020728, 0.177916, 0.023994, 0.052629, -0.167142, -0.223800, 0.020857, -0.042258, -0.339097, 0.049463, -0.079505, 0.079372, 0.006608, -0.078839, 0.085870, 0.118337, 0.005197, -0.391733, -0.025620, 0.027313, 0.078509, -0.035398, -0.021213, -0.045006, 0.158193, -0.017923, -0.036266, -0.107809, 0.026576, 0.060112, -0.063929, -0.143252, 0.047019, 0.154556, 0.076731, -0.192708, -0.053685, -0.219376, -0.244998, -0.042137, -0.098609, 0.148582, 0.019667, -0.133395, 0.001065, -0.062160, -0.063225, -0.048258, 0.166996, 0.083079, -0.058649, 0.083506, -0.079967, -0.058802, 0.158144, 0.088874, 0.055948, -0.033600, 0.201641, -0.056493, -0.109700, 0.232046, 0.063540, -0.018718, -0.027859, -0.062528, -0.215413, -0.087789, -0.047467, 0.137651, -0.062417, 0.075117, 0.117313, -0.055498, -0.215784, 0.092621, -0.063963, -0.001189, -0.048045, 0.123400, 0.047054, 0.072981, -0.101754, -0.005291, 0.046782, 0.084292, -0.029337, -0.148046, 0.183581, 0.026556, 0.014055, -0.047510, -0.026821, -0.031509, 0.055471, 0.041801, 0.308744, 0.058338, -0.199566, -0.001265, -0.005769, 0.099658, 0.085191, 0.089980, 0.033890, -0.201413, 0.051000, 0.048869, -0.130791, 0.078933, -0.144780, 0.025909, -0.034614, -0.025460, 0.100602, 0.038229, 0.046381, -0.113224, 0.068832, 0.083384, 0.045226, 0.098345, 0.124615, -0.075533, 0.007940, 0.090934, 0.007912, 0.028271, -0.164578, 0.023842, -0.110784, -0.080996, -0.060710, 0.060536, 0.197053, 0.057810, -0.047192, 0.148376, -0.068061, -0.027100, 0.231869, -0.037876, 0.065340, -0.184463, -0.054698, -0.036635, 0.001933, 0.098513, 0.067902, -0.052069, -0.051647, -0.224133, 0.196693, 0.136121, 0.103061, -0.143454, -0.250406, 0.205365, -0.032692, -0.021639, 0.019572, 0.093461, -0.034360, -0.141120, 0.033861, -0.168293, -0.004949, 0.108107, -0.001648, 0.004162, -0.132730, -0.003397, -0.047409, -0.190576, -0.080762, -0.261628, 0.208385, -0.038823, -0.074877, 0.180371, -0.071151, -0.115682, 0.250770, -0.063075, 0.068349, -0.254623, 0.217725, 0.044087, 0.009029, 0.071998, 0.081753, 0.050591, -0.245303, 0.151077, 0.078564, -0.081340, -0.171704, 0.031694, -0.077491, -0.096273, 0.140788, 0.207223, 0.096348, 0.021641, -0.019006, 0.014423, 0.121233, 0.212462, -0.007137, 0.107475, 0.045579, -0.069406, 0.016905, -0.029159, -0.058817, -0.094160, 0.098453, 0.063311, 0.051255, -0.304180, -0.172185, 0.115594, -0.064225, 0.105203, 0.110051, 0.145270, 0.052855, -0.034097, 0.076079, 0.149139, -0.005371, 0.267921, 0.051561, 0.044057, -0.095635, 0.046334, -0.212256, -0.095214, -0.220153, 0.180138, 0.003285, 0.032146, -0.134841, -0.052330, -0.031649, 0.177140, -0.009034, 0.196253, 0.210149, -0.005591, 0.189558, -0.025137, 0.093520, 0.053377, -0.099971, -0.159117, -0.129540, 0.024653, 0.048106, 0.195713, -0.051707, 0.060079, 0.239320, 0.109975, -0.155574, 0.032100, -0.210817, 0.160736, 0.063789, 0.003702, -0.215521, 0.188402, -0.072807, -0.133087, -0.174349, 0.077476, -0.144496, -0.101367, 0.093183, 0.014553, -0.126233, 0.026313, 0.006106, -0.065716, -0.232189, -0.007477, 0.058273, -0.269009, 0.117559, -0.017315, 0.210890, -0.265553, 0.031007, -0.169270, -0.126280, 0.032572, -0.239443, 0.224092, -0.137154, -0.188899, -0.296181, -0.206609, 0.024441, -0.060658, 0.094970, -0.158281, -0.058340, 0.187282, 0.206442, -0.114742, 0.149500, -0.045692, 0.196835, -0.006565, 0.079048, 0.082519, 0.164948, -0.055633, 0.304114, -0.176932, -0.158100, 0.115204, -0.002619, -0.041739, 0.046813, 0.163130, -0.071761, 0.073491, 0.123927, 0.195687, 0.104941, 0.074592, 0.110973, -0.061342, -0.024427, 0.159040, 0.119555, -0.232503, 0.113835, -0.168880, -0.041977, 0.198600, -0.127557, -0.045639, -0.013713, 0.126318, -0.050983, -0.003784, -0.154442, 0.012477, 0.060556, -0.018991, -0.031389, 0.153345, 0.025777, 0.210431, -0.196043, 0.031760, 0.131728, -0.098340, -0.096084, 0.110886, -0.311829, 0.080696, -0.041954, -0.179982, 0.251807, 0.092115, -0.142371, 0.003989, 0.169627, -0.161198, -0.026688, 0.308805, -0.053838, 0.005485, 0.153483, -0.012779, -0.063419, -0.103127, 0.071036, 0.007765, 0.131664, 0.152911, -0.414446, 0.003282, 0.185556, 0.017890, 0.315374, 0.253791, -0.210511, -0.076224, -0.238799, -0.006397, 0.267707, -0.046343, -0.042713, -0.131176, 0.231795, -0.036319, 0.010164, 0.013238, -0.141596, -0.141401, 0.126544, 0.097727, 0.272566, 0.038957, 0.001531, 0.028584, -0.115475, -0.168325, 0.036558, 0.140599, -0.041167, -0.370623, -0.357399, 0.380217, 0.178980, -0.151748, -0.076771, 0.107006, -0.127284, -0.118558, 0.139279, 0.096784, 0.155847, 0.233539, -0.080307, -0.245864, -0.018786, -0.081433, 0.267017, 0.182687, -0.104872, 0.039786, -0.144545, -0.099082, 0.117011, 0.091588, -0.090660, -0.152100, 0.149539, 0.123156, 0.227132, 0.180069, -0.014185, -0.191642, -0.026556, 0.039851, 0.163136, 0.168255, -0.071915, -0.210716, -0.158605, 0.108509, 0.194315, 0.073776, -0.002879, 0.200989, -0.119476, 0.086471, 0.013421, 0.080186, -0.027825, 0.144977, -0.141802, -0.028400, -0.109929, -0.188301, -0.136597, 0.018876, -0.204297, -0.020983, 0.045912, -0.153098, 0.025176, -0.067624, -0.241478, -0.104632, 0.115289, 0.285599, -0.269571, 0.073653, -0.062532, 0.015261, 0.097372, -0.023102, 0.064386, -0.081957, -0.036729, -0.075815, -0.042743, -0.055649, -0.055925, 0.039494, -0.019224, -0.076042, 0.005944, 0.171979, -0.019515, -0.148218, -0.028545, 0.022650, 0.179453, 0.103667, 0.000060, -0.159679, 0.121162, -0.039989, 0.183487, 0.004493, 0.052707, -0.118559, -0.051276, -0.041998, 0.101994, -0.053262, 0.009502, -0.063340, 0.017600, 0.141186, -0.027158, -0.025101, 0.048649, -0.005252, 0.197239, -0.186243, -0.156915, 0.160758, 0.001484, 0.083309, 0.142476, 0.060365, 0.162297, -0.050698, -0.032152, -0.012187, -0.023167, 0.110563, 0.033083, 0.032239, -0.070047, -0.142003, 0.016414, 0.329954, -0.053665, -0.011114, -0.164781, 0.013637, 0.006410, 0.041348, -0.002615, -0.094140, -0.036362, 0.071576, 0.161154, -0.083349, -0.101621, -0.092457, -0.025852, 0.079957, 0.012704, 0.141754, -0.028002, -0.019593, 0.176518, -0.018343, 0.066025, -0.179361, -0.021135, -0.022345, -0.027543, 0.066519, 0.005820, 0.115387, -0.108793, -0.094050, -0.051331, -0.057247, 0.044627, -0.097347, -0.050701, 0.000300, -0.000729, 0.037341, -0.086415, 0.037731, 0.071373, -0.014834, 0.002321, -0.030420, 0.051624, 0.110660, -0.123038, -0.027949, 0.043472, -0.089355, 0.207285, -0.011838, -0.060642, -0.053467, -0.059871, 0.008708, 0.035078, 0.170636, -0.069066, 0.113661, 0.165140, 0.177218, -0.136068, 0.170033, -0.077895, 0.062160, 0.015309, 0.042473, 0.035312, 0.058003, 0.000380, 0.064289, 0.062332, 0.147040, -0.229959, -0.077198, -0.079014, 0.128029, -0.108180, -0.006755, 0.227048, 0.058016, -0.004214, 0.034367, 0.003757, -0.092161, 0.110578, 0.074477, 0.093098, -0.055112, -0.183763, -0.075792, -0.028415, 0.087623, -0.102422, -0.008196, 0.056043, 0.000634, 0.050996, -0.236405, -0.102314, -0.066722, 0.008182, 0.128135, 0.005723, -0.041448, 0.047664, -0.105093, 0.062550, -0.050612, 0.091413, 0.106932, -0.049765, -0.051876, -0.066945, -0.071833, 0.237457, -0.009580, 0.009114, -0.067764, 0.023978, -0.094155, 0.073404, 0.195874, 0.104095, -0.045389, 0.169602, -0.199339, 0.018925, -0.060786, 0.036441, 0.184790, -0.004752, 0.197101, -0.046282, 0.066330, 0.093783, 0.009593, -0.017004, 0.024255, 0.119357, -0.016984, -0.098181, 0.111774, -0.147687, 0.264071, -0.004645, -0.185029, 0.149904, -0.021560, 0.133416, -0.001006, -0.111840, 0.100105, -0.024185, -0.078845, -0.003250, -0.117127, 0.001639, 0.056358, -0.003247, 0.246480, -0.034312, -0.005647, -0.062180, 0.043379, -0.040665, -0.051139, 0.008990, 0.029929, -0.087268, 0.072232, 0.006968, 0.089813, -0.058430, 0.006352, -0.094594, 0.357726, 0.099687, -0.037340, 0.158262, -0.092579, -0.220988, -0.096621, 0.028943, 0.039468, -0.010072, 0.104952, -0.067053, 0.034004, -0.025822, 0.002760, 0.018900, 0.047179, -0.065908, -0.055324, -0.139683, 0.010617, 0.049169, -0.090784, -0.075308, 0.036597, -0.010498, 0.049275, -0.108399, -0.041232, 0.020175, 0.130191, 0.101615, -0.221272, -0.063368, 0.100487, 0.095916, 0.015134, 0.111134, -0.210044, -0.071607, -0.006180, 0.096398, -0.170004, 0.116727, 0.002179, -0.150426, -0.111148, -0.136666, 0.008042, 0.104782, 0.012594, -0.140424, 0.137689, -0.166226, 0.075323, 0.327019, 0.047186, 0.005312, -0.077752, 0.120409, 0.013486, 0.184071, 0.025167, -0.143379, -0.080704, -0.015265, -0.057646, 0.000747, 0.044352, 0.003883, 0.006661, -0.066845, 0.139899, 0.143302, 0.001200, 0.052532, -0.077991, 0.090077, -0.057850, -0.078966, -0.110268, -0.001040, 0.080393, -0.130739, 0.009504, -0.077323, 0.058127, 0.030641, -0.030028, -0.002161, -0.264141, 0.053013, 0.051561, -0.090965, 0.026046, -0.106799, 0.179510, 0.190783, 0.056298, -0.091881, 0.008123, 0.147884, -0.024038, -0.094299, 0.141353, 0.102207, -0.176279, -0.127451, 0.072383, 0.017868, 0.060168, -0.124103, -0.080724, -0.091832, -0.042512, 0.085331, 0.044136, 0.049674, 0.086492, 0.025566, 0.057308, 0.058967, 0.132833, -0.083444, 0.022761, 0.088373, 0.045966, 0.067231, 0.019605, -0.100811, 0.115914, 0.013433, 0.217229, 0.074420, -0.058033, 0.092412, 0.042955, 0.078071, 0.047059, 0.037710, 0.006598, -0.027006, 0.006258, -0.060435, 0.038104, -0.142013, 0.012538, 0.053699, 0.057831, 0.037234, -0.017005, -0.081544, -0.115503, -0.136479, 0.029552, -0.023402, 0.108060, -0.003893, 0.003387, 0.011715, -0.066684, -0.180322, -0.150027, -0.102982, -0.138879, 0.053200, -0.041762, 0.172946, 0.015912, 0.015171, 0.001642, 0.036185, 0.036171, 0.105874, -0.060858, 0.014672, 0.123573, 0.107192, -0.014871, 0.021265, -0.026246, 0.017891, -0.018666, -0.013299, -0.134855, 0.109203, 0.031846, 0.270156, 0.057191, -0.068477, 0.132405, -0.050810, -0.094927, -0.133383, 0.010209, -0.009496, 0.054561, -0.029145, -0.154207, 0.016543, -0.074249, -0.004089, -0.091345, 0.083489, -0.001107, 0.119450, -0.137558, 0.064812, 0.028754, 0.091951, -0.013199, 0.041302, -0.116939, -0.120302, -0.007505, 0.134420, -0.065977, -0.062957, -0.121035, 0.019543, -0.135317, 0.000872, 0.034435, 0.052982, 0.049195, -0.124392, -0.082106, -0.007646, -0.087804, 0.074195, 0.197220, -0.056963, 0.046817, 0.028310, -0.098340, -0.008150, 0.023796, 0.098720, 0.142652, 0.010320, 0.017118, -0.090654, 0.148002, -0.005675, 0.021643, 0.040815, 0.033968, 0.103869, 0.007718, 0.052222, -0.017746, 0.129685, -0.096457, 0.073241, -0.061222, -0.024345, -0.089426, -0.045332, -0.114947, 0.074821, -0.019961, -0.094973, 0.025519, 0.008200, -0.017530, 0.047951, -0.111504, 0.083411, 0.091374, 0.052087, -0.008816, -0.141444, -0.023266, -0.029446, 0.008362, 0.118772, 0.080891, -0.273146, -0.124134, -0.115337, 0.168714, -0.007892, 0.007536, -0.139900, -0.053740, 0.233701, -0.261116, 0.227470, 0.074814, 0.019309, 0.128947, 0.204374, -0.015444, 0.073599, -0.310126, 0.176819, -0.007573, -0.071416, 0.058100, -0.035702, 0.013526, -0.141162, 0.106470, 0.161256, -0.116077, -0.067757, 0.109693, -0.090520, 0.240922, 0.022788, -0.029805, 0.170822, -0.257772, 0.108742, 0.208695, 0.177664, 0.165216, -0.063672, 0.067099, 0.027093, -0.049294, 0.039554, -0.062999, -0.079952, 0.039940, -0.001355, 0.076271, -0.020959, -0.179549, -0.033896, -0.110511, -0.257642, -0.013774, 0.164580, -0.299797, -0.074100, -0.114827, -0.224136, -0.000844, -0.108178, 0.100579, -0.028776, 0.018666, -0.089559, -0.418565, 0.017257, -0.127845, -0.028891, -0.047136, -0.106435, 0.118234, -0.022422, -0.253261, 0.201160, 0.174887, 0.123511, -0.011004, -0.110741, -0.023542, 0.131270, 0.210654, -0.027609, 0.156296, -0.083814, 0.050068, 0.162820, -0.026411, -0.044274, 0.005406, -0.135359, -0.012149, 0.032820, 0.053726, -0.019489, 0.010110, 0.114915, 0.138081, 0.160087, 0.015102, 0.117915, -0.185126, -0.020018, -0.116110, 0.114113, -0.112742, -0.377095, 0.013398, 0.029605, 0.035449, 0.081459, -0.090030, 0.075283, 0.110114, -0.036937, 0.011063, -0.048729, 0.118327, -0.116677, 0.002255, -0.006964, 0.159089, -0.025238, 0.109507, -0.084482, 0.138112, -0.013441, 0.108043, 0.038808, 0.028279, 0.004464, 0.050183, -0.117824, -0.073874, -0.130972, 0.107023, 0.343439, 0.057004, -0.230988, -0.044704, 0.223359, -0.033480, 0.081211, -0.070340, -0.013240, 0.001545, 0.125562, -0.106074, 0.156690, 0.090515, 0.015425, -0.189872, -0.042086, -0.075684, 0.217976, 0.139534, -0.053527, 0.119770, -0.000566, 0.058812, 0.154250, 0.143549, -0.091397, -0.050560, 0.059908, -0.227436, 0.007154, 0.151050, -0.216933, -0.223375, 0.102730, -0.198678, -0.069194, 0.087794, -0.052643, -0.145633, -0.316576, 0.193702, 0.172776, -0.010235, 0.025509, -0.020771, -0.237629, -0.097574, -0.132330, -0.105538, 0.038115, 0.115214, -0.041264, 0.108448, -0.355908, -0.040619, -0.021805, -0.006855, 0.068785, -0.158232, 0.023742, -0.072947, -0.191811, 0.262366, -0.097658, 0.005611, 0.128737, 0.067052, 0.303543, -0.160698, 0.077487, -0.235094, -0.030438, 0.001255, 0.165838, 0.095424, -0.071601, -0.038322, 0.186375, -0.071072, -0.124028, 0.118685, 0.004960, -0.007013, 0.176400, 0.183791, 0.181674, -0.056108, 0.059546, -0.134826, 0.039525, 0.026091, -0.035356, 0.136758, 0.046196, 0.061669, 0.005297, 0.069471, 0.030977, 0.041252, 0.212699, 0.399489, -0.123064, -0.110548, -0.195580, -0.029643, -0.016071, -0.071398, 0.125256, 0.006507, 0.008599, 0.101407, -0.035164, 0.082231, -0.085496, 0.058061, 0.034552, 0.020824, -0.062303, -0.123502, -0.073711, -0.050588, 0.081061, 0.017313, 0.014751, 0.086001, -0.039554, -0.022062, 0.028139, 0.222531, 0.009286, -0.186286, -0.075755, 0.005854, -0.087847, -0.076692, 0.170122, -0.028912, 0.005212, -0.127237, -0.090744, 0.123494, 0.063814, -0.100370, -0.043341, 0.012376, 0.049045, 0.112299, -0.224251, 0.126229, 0.003361, 0.081574, -0.061703, -0.029299, -0.017276, 0.069117, 0.163311, 0.130486, -0.046665, 0.035234, 0.065839, -0.092228, 0.052070, -0.035057, -0.056730, -0.005460, -0.029077, 0.125742, -0.092497, -0.015907, -0.024630, -0.253340, -0.152068, 0.223108, 0.071747, -0.209122, 0.044598, -0.009886, -0.008628, 0.109222, -0.142434, 0.080496, 0.036947, 0.127412, -0.090121, -0.076623, 0.013493, -0.087860, 0.138632, 0.016374, -0.053033, 0.041568, -0.060846, -0.056490, 0.109204, 0.003909, 0.057811, -0.067701, 0.015275, -0.059036, 0.160841, 0.177342, 0.024939, -0.139852, 0.065150, 0.234406, 0.087565, 0.075882, -0.106319, 0.050292, 0.038162, 0.106926, 0.082762, 0.062823, 0.089133, -0.123990, 0.189944, -0.017557, 0.010037, -0.039213, -0.056347, 0.046699, -0.005157, 0.091564, -0.025370, -0.043792, -0.066616, -0.064674, 0.055595, -0.038545, -0.108043, 0.016116, -0.205881, 0.004090, -0.080688, -0.043015, 0.184110, 0.071215, -0.009815, 0.034263, -0.073914, -0.006909, -0.039200, 0.019446, -0.058339, -0.040005, -0.100447, -0.016380, 0.044691, 0.019675, -0.003694, 0.089854, 0.005380, -0.018262, -0.096588, -0.048799, 0.025848, 0.035584, 0.060480, 0.073503, 0.035581, -0.054296, -0.044123, -0.074383, 0.038009, -0.008283, -0.042855, -0.109051, -0.037050, 0.107456, 0.217869, 0.032464, -0.087609, 0.067126, 0.072666, -0.067154, -0.078839, 0.020496, -0.112542, 0.082340, -0.025527, -0.006945, 0.042068, -0.147708, 0.043418, 0.063249, -0.019567, 0.055790, -0.109899, -0.089199, -0.065251, -0.090646, 0.172610, 0.170196, -0.127196, -0.232988, -0.005886, 0.043898, 0.039893, -0.158492, 0.007224, 0.035708, 0.120030, 0.048810, -0.002301, -0.059185, 0.062514, 0.065924, 0.088426, -0.121516, -0.030696, -0.025116, 0.056689, -0.074712, -0.029666, -0.054720, 0.010765, 0.096896, -0.094400, 0.107722, -0.239653, 0.092440, 0.073317, -0.133114, 0.049508, -0.207643, 0.024471, -0.051442, -0.000392, 0.003369, -0.010603, -0.036684, -0.102126, -0.052264, -0.035969, 0.027743, 0.034032, 0.044548, -0.032670, 0.167043, 0.142568, 0.106471, -0.025906, -0.103695, 0.047984, 0.062607, -0.033455, 0.281341, -0.017359, 0.048373, 0.115559, 0.150940, -0.010232, 0.021565, 0.027984, -0.094981, -0.042768, -0.052375, 0.199752, -0.189661, -0.052390, -0.091814, -0.071715, 0.057303, 0.049551, 0.056155, -0.016291, 0.024856, -0.096054, 0.073147, 0.159758, 0.040316, 0.209954, 0.163033, -0.146863, -0.136495, 0.072236, 0.097760, 0.128476, -0.043905, 0.028054, 0.085363, 0.111960, -0.156924, -0.006537, 0.036847, 0.054741, -0.054068, 0.021660, 0.053171, 0.066265, -0.298173, 0.001105, -0.093668, 0.125575, 0.001402, -0.193701, 0.075567, 0.078004, -0.237916, 0.066753, 0.017809, -0.141320, -0.150636, 0.021955, 0.124739, 0.053349, -0.076014, -0.031112, -0.043595, -0.024964, -0.135057, 0.005624, 0.039507, -0.066711, -0.002530, 0.135579, 0.165743, 0.078581, -0.251373, 0.014145, -0.121358, 0.109102, -0.100520, -0.030552, 0.175616, -0.130012, 0.266302, -0.379023, 0.086186, 0.140341, 0.012571, 0.037180, -0.018523, -0.111664, -0.007947, 0.053627, 0.043997, -0.159745, 0.124492, 0.162532, -0.128669, -0.145399, 0.062193, 0.147110, 0.103071, 0.078875, -0.065651, -0.185090, 0.124452, 0.073735, 0.229480, 0.112567, -0.073108, 0.160271, -0.072338, -0.048523, 0.093718, 0.071172, -0.170874, -0.052229, -0.067059, 0.137984, -0.159060, -0.129725, -0.236457, -0.101220, -0.053490, 0.112379, -0.033032, 0.019168, 0.017905, -0.015031, -0.053291, 0.051808, 0.104555, -0.164213, 0.178137, 0.026211, -0.080174, 0.003049, -0.119872, -0.007053, -0.099037, -0.011948, -0.087043, -0.146779, -0.031810, -0.091979, 0.123309, -0.034153, 0.104457, 0.026717, 0.162110, 0.122318, 0.051553, 0.049474, 0.037279, 0.012225, 0.187822, 0.057936, -0.076076, 0.026455, -0.170266, 0.077567, 0.120120, -0.115385, 0.075585, -0.233562, 0.100202, -0.027771, 0.055231, 0.030882, 0.091367, -0.030075, 0.068080, -0.095798, -0.028665, 0.080764, -0.106866, 0.025893, -0.139177, 0.104979, -0.203364, 0.075959, -0.010155, -0.023145, -0.088508, 0.035822, 0.078003, 0.148515, -0.122517, -0.009419, 0.179095, 0.004417, 0.033801, 0.228256, -0.001779, -0.070407, 0.135444, 0.251720, 0.147082, -0.066528, 0.001723, -0.154195, -0.030076, -0.057770, -0.008732, -0.176383, 0.148540, 0.080427, -0.131160, -0.216575, 0.007089, -0.068021, -0.035575, -0.039985, 0.123755, 0.012430, 0.017578, 0.051342, -0.325160, 0.076252, 0.073279, -0.055646, 0.155850, -0.066609, 0.017963, 0.147491, -0.031170, -0.096727, -0.053412, -0.046658, -0.096673, -0.013695, 0.064004, 0.074957, -0.080692, 0.109616, -0.054896, 0.168077, 0.023641, 0.127959, -0.008777, 0.212560, -0.044840, 0.154419, -0.148488, -0.234593, 0.129075, 0.063329, 0.052598, 0.030486, 0.042726, -0.017675, 0.019360, 0.149596, 0.268070, 0.072678, -0.047336, 0.296331, -0.138798, 0.117846, 0.217639, 0.023178, -0.179912, 0.219135, -0.073368, 0.082849, 0.109805, -0.024655, -0.092557, 0.182927, 0.091352, 0.077864, -0.151849, 0.003998, 0.018420, 0.029458, 0.055728, -0.063658, 0.180790, 0.090741, -0.133475, 0.004245, -0.061020, 0.132554, -0.022841, -0.080182, 0.086917, -0.001521, -0.050443, 0.162021, 0.002321, -0.044886, -0.038819, -0.070819, 0.016515, 0.013984, -0.098170, 0.071915, -0.095462, -0.026058, -0.011419, 0.142616, 0.048816, -0.044339, -0.110821, 0.142937, -0.200611, 0.011291, -0.289191, -0.031975, -0.027122, -0.072814, 0.053771, -0.037687, -0.100108, -0.215349, -0.109315, 0.113608, 0.060546, -0.033856, 0.083850, 0.003658, 0.035524, -0.045447, 0.031148, -0.114607, -0.123040, 0.073976, -0.066531, 0.027927, 0.208162, -0.003763, -0.063300, 0.075306, -0.126294, 0.197442, 0.157513, 0.015537, -0.134889, -0.120061, -0.301238, -0.117206, 0.036871, -0.064591, 0.150576, -0.081318, 0.015161, -0.021063, -0.276213, -0.162904, -0.103543, -0.078662, 0.061005, -0.005704, -0.124829, -0.074490, 0.005609, -0.147227, 0.275555, -0.027548, 0.077534, -0.055492, -0.198157, 0.080036, 0.096955, 0.086654, 0.029358, -0.133467, 0.007541, 0.150983, 0.115885, -0.050880, 0.190079, 0.010759, 0.132599, 0.161029, -0.110820, 0.040296, 0.075838, 0.156243, -0.233689, -0.165921, -0.054861, -0.005005, -0.003636, 0.087719, 0.053537, -0.042916, -0.096516, -0.116360, 0.217932, -0.105078, -0.082165, 0.184919, -0.077223, 0.019377, -0.219080, 0.174491, 0.045817, 0.226372, -0.002565, -0.034728, 0.060405, 0.141728, -0.078172, -0.016491, -0.040675, -0.045521, -0.116259, 0.042768, -0.038289, 0.071530, 0.021371, 0.007780, 0.036272, -0.084553, -0.019108, 0.044177, 0.081417, -0.109049, -0.119747, -0.141685, -0.069851, 0.116902, 0.026419, 0.016811, -0.058879, -0.098881, -0.010011, 0.101661, 0.027814, 0.011841, -0.079525, -0.098652, 0.026339, 0.128970, -0.084563, -0.104670, 0.015475, 0.018816, -0.030655, -0.039802, 0.028285, -0.006548, 0.071612, 0.252750, 0.032885, -0.088450, 0.114121, 0.080089, 0.074593, 0.112519, -0.148598, 0.112814, 0.032167, 0.070332, -0.087940, -0.007193, 0.015345, 0.074475, -0.080654, 0.028858, -0.057032, 0.132769, 0.031314, -0.085380, 0.012667, 0.005337, -0.013668, -0.013791, 0.003816, -0.121826, 0.023210, -0.045147, -0.152260, 0.012537, 0.024908, -0.053935, -0.118434, 0.092408, 0.022836, 0.049167, 0.011109, 0.036256, -0.052479, 0.026499, 0.027616, -0.084134, -0.058333, -0.036082, 0.070901, 0.152314, -0.273553, 0.072728, -0.010619, -0.066470, -0.133148, -0.016384, -0.234442, 0.191076, -0.349626, 0.116384, 0.055272, 0.018485, -0.087050, 0.000063, 0.111471, -0.035093, 0.153934, -0.005995, 0.028863, -0.065126, 0.060960, 0.082440, 0.042727, 0.015381, -0.059836, -0.026426, 0.078937, 0.096501, 0.076198, 0.008874, -0.002232, 0.095900, -0.021470, 0.214862, 0.096629, 0.240798, 0.045106, -0.388946, 0.089446, 0.126302, -0.024618, 0.005623, 0.059591, 0.019445, 0.054879, -0.062337, 0.047811, -0.017701, 0.022676, -0.094733, 0.026311, -0.082651, -0.016757, -0.035622, -0.059057, 0.116106, 0.031348, -0.104169, 0.116674, -0.000702, -0.059819, 0.086696, 0.048195, -0.118813, -0.058058, -0.023574, -0.029456, -0.047920, -0.010091, -0.051738, -0.147411, -0.096007, 0.035267, -0.019431, -0.040259, 0.184477, -0.101569, 0.048310, 0.077794, -0.065917, -0.112573, -0.086019, 0.017111, 0.042032, 0.046484, 0.000119, -0.019496, 0.051025, 0.035496, 0.012534, 0.108284, 0.036950, -0.068696, -0.079294, 0.079370, -0.002165, -0.031679, -0.021250, 0.019947, -0.168743, -0.279442, -0.017761, -0.069696, -0.080463, 0.066215, -0.023573, 0.089418, 0.043399, 0.019126, 0.149815, -0.034912, -0.069746, 0.110069, 0.011510, 0.029793, -0.070174, 0.091903, 0.044904, 0.007404, -0.049561, 0.087144, 0.005578, 0.089701, -0.140150, 0.064038, -0.007449, 0.121773, -0.061747, -0.110090, -0.147484, -0.105521, -0.025628, -0.103814, 0.063114, 0.002901, -0.046544, -0.043938, -0.041764, -0.003272, -0.135520, 0.154219, 0.022730, -0.138592, -0.002496, 0.097544, 0.182709, 0.010793, -0.029215, -0.016163, 0.014297, -0.068687, 0.075576, 0.138367, 0.047639, -0.047034, 0.011196, 0.024721, -0.025657, -0.013222, 0.068801, -0.061152, 0.136742, -0.075966, -0.043405, -0.165597, 0.064385, -0.038500, 0.001113, 0.037221, 0.112960, 0.052987, 0.110983, 0.198230, 0.074189, 0.011150, -0.032512, 0.179038, 0.021557, 0.067699, -0.021341, -0.037681, -0.094555, -0.027896, 0.075882, 0.058631, -0.047341, -0.025047, 0.158132, 0.012909, 0.091487, -0.007816, -0.080820, 0.004139, 0.002615, 0.083254, 0.065480, -0.046886, 0.079671, 0.038272, 0.090400, -0.080538, 0.028894, 0.007201, 0.116699, -0.080296, 0.132409, 0.045355, -0.027698, 0.009002, -0.162434, 0.040613, 0.000189, -0.058061, 0.092212, -0.091212, 0.152137, -0.155670, 0.044820, -0.028221, 0.181905, 0.194565, 0.005897, -0.143220, 0.044770, -0.018741, 0.155018, -0.044778, 0.012603, -0.067008, 0.005706, 0.092305, 0.004078, -0.079929, 0.032501, 0.076873, -0.004327, -0.100865, -0.189841, -0.085458, -0.108403, 0.051061, 0.004769, 0.062128, -0.076360, 0.102657, 0.126675, -0.197665, -0.065952, -0.035621, 0.005613, -0.043438, -0.146426, 0.112874, -0.076118, 0.183257, 0.145754, -0.001875, 0.140266, -0.154794, 0.094036, 0.048275, -0.023390, 0.074544, -0.022200, -0.011568, -0.045234, 0.038162, -0.007038, 0.207674, 0.051405, -0.016613, -0.118221, 0.031941, -0.010329, 0.010569, -0.038402, 0.021414, 0.089072, 0.152111, -0.038616, 0.032350, -0.010025, 0.021847, -0.041293, -0.039041, 0.074616, -0.032736, 0.077692, -0.057005, 0.176360, 0.150267, 0.073814, -0.028533, -0.039996, 0.017977, -0.111368, 0.039033, 0.152121, 0.142163, -0.016684, 0.035159, -0.302965, 0.031052, -0.130147, 0.268176, 0.099408, -0.271229, -0.061653, -0.068139, -0.126912, -0.020625, -0.072261, 0.020887, -0.223550, 0.091123, -0.007912, -0.424929, 0.049890, 0.213724, -0.045463, 0.240087, 0.076192, 0.150009, 0.354133, -0.318115, 0.168874, -0.058818, 0.131311, -0.127277, 0.059975, 0.174127, -0.090641, -0.070716, -0.116058, -0.019715, -0.038642, 0.115374, -0.205791, 0.389040, -0.214333, -0.033134, 0.188249, -0.020386, 0.026357, -0.028140, -0.030464, -0.045146, 0.024315, 0.079484, 0.014261, 0.128249, -0.072466, -0.278446, 0.250868, 0.054587, 0.081384, -0.013994, -0.006816, -0.030546, -0.233160, -0.086104, -0.070022, -0.056749, 0.107740, 0.014665, 0.034199, -0.416261, -0.244093, 0.051838, -0.192844, -0.019878, -0.081149, 0.034716, -0.101907, -0.080823, -0.357025, -0.277147, 0.091554, 0.212767, 0.023030, -0.017859, 0.004145, -0.179394, 0.255614, 0.242695, 0.077523, -0.169798, 0.224151, 0.166099, 0.346124, 0.332025, -0.019872, 0.126186, -0.397884, 0.060830, 0.240162, -0.104122, -0.431268, 0.238646, -0.067022, 0.009060, 0.055646, 0.296506, 0.085805, 0.028925, 0.229994, 0.066798, 0.149709, 0.191876, 0.098253, -0.116062, -0.010807, 0.146308, 0.276423, 0.038592, -0.101435, -0.218574, 0.229093, 0.103493, 0.153916, -0.149707, -0.025869, 0.165929, -0.078137, 0.139912, 0.119687, 0.190963, -0.149760, 0.028673, -0.200570, -0.205678, -0.101618, -0.097512, -0.122927, 0.021487, -0.118392, -0.038423, -0.017069, 0.181657, -0.089532, -0.150003, -0.096484, -0.013160, 0.137244, -0.191705, 0.018199, 0.107923, -0.179935, -0.154626, -0.156211, -0.079421, -0.042903, -0.060490, 0.182839, -0.246279, 0.036702, -0.047428, -0.071187, -0.149013, 0.014801, -0.071343, 0.284008, -0.217181, -0.156123, 0.205853, 0.144113, 0.117898, 0.062787, -0.062348, 0.146676, -0.072582, 0.055472, -0.053878, 0.013873, 0.189628, -0.103345, -0.023472, -0.130688, 0.227864, 0.081940, 0.192799, 0.012998, -0.068892, -0.074527, -0.029161, -0.024430, -0.197022, -0.003019, -0.098001, -0.197055, 0.091110, 0.078104, -0.222629, -0.061470, -0.103505, -0.096864, 0.075658, 0.028183, 0.015065, -0.056674, 0.155757, 0.161491, -0.018100, -0.015806, -0.026291, -0.013248, 0.080871, 0.062531, -0.067477, -0.046389, 0.081573, 0.174412, 0.113781, 0.169687, -0.078192, -0.020573, -0.043954, 0.021802, -0.034259, 0.077364, 0.291022, -0.090113, 0.149203, 0.107821, 0.253260, -0.065381, 0.047781, 0.039172, -0.070568, -0.048410, -0.040321, -0.027076, 0.009748, 0.227053, -0.069192, 0.074705, 0.023696, 0.047807, -0.036043, -0.190769, -0.119031, 0.234162, 0.015837, 0.014671, -0.164787, 0.080840, 0.065065, -0.222737, -0.010410, 0.210883, 0.078501, 0.020997, -0.134353, -0.081580, 0.112885, 0.040050, 0.125046, -0.089727, 0.096930, -0.023191, 0.083294, 0.038018, 0.024301, -0.163842, -0.051194, -0.100328, -0.086740, -0.250561, 0.072593, 0.199368, 0.116719, 0.104788, -0.191554, 0.235216, 0.132891, -0.034738, 0.033088, -0.006260, 0.011839, 0.184809, -0.176943, 0.015323, 0.006236, -0.070334, -0.061182, 0.022659, 0.148203, 0.094019, 0.000374, -0.027715, -0.022523, -0.017035, -0.072754, -0.054950, 0.111669, -0.025182, 0.001542, 0.008504, -0.119184, 0.035183, 0.096990, 0.123579, -0.050271, -0.096240, 0.111940, -0.109724, -0.076155, -0.023291, -0.035715, 0.103244, 0.004332, -0.198944, -0.058708, -0.105081, -0.066753, 0.000443, 0.151702, -0.009269, 0.061152, 0.322340, 0.010639, 0.227585, -0.191400, 0.018508, -0.007118, -0.102895, 0.207952, -0.176455, -0.122271, -0.133399, -0.085470, 0.038324, 0.020948, 0.040345, -0.026397, 0.070847, 0.081570, 0.012839, -0.100088, -0.055010, 0.050761, -0.104335, -0.089822, 0.097221, -0.055225, -0.122693, 0.221837, 0.179446, -0.121585, -0.112133, -0.173280, -0.067023, -0.034779, 0.050600, -0.089170, -0.036988, 0.225159, 0.111545, 0.072020, 0.051336, -0.123493, 0.163870, 0.038646, 0.093357, 0.141385, 0.098656, -0.213437, -0.031448, -0.136822, -0.162633, 0.168090, 0.133112, -0.045021, 0.044352, 0.018337, -0.189815, -0.013966, 0.043666, -0.064791, -0.037287, 0.012937, -0.117750, 0.086459, 0.000611, -0.319141, -0.141721, 0.008878, -0.050308, 0.055156, -0.014456, -0.181265, 0.102241, -0.065081, -0.056095, 0.227605, 0.122176, -0.183949, -0.139422, 0.100240, 0.254981, -0.037733, -0.003424, -0.162871, 0.019003, 0.254128, 0.088270, 0.255187, 0.040125, -0.154094, 0.131495, -0.231525, -0.174181, -0.049860, -0.273622, -0.131198, -0.377375, -0.069360, -0.052609, -0.252501, -0.145057, -0.120382, 0.229649, 0.293251, -0.415244, -0.032370, 0.115902, -0.043964, -0.009802, -0.047196, -0.262832, 0.076384, 0.149573, 0.027998, 0.024824, 0.100348, -0.013432, 0.003855, 0.212830, -0.184254, 0.042535, -0.096996, 0.169962, -0.070480, -0.079721, -0.112484, -0.019064, 0.136805, 0.324225, 0.211861, 0.115376, -0.092750, -0.054565, -0.004794, -0.292205, -0.195997, -0.040636, 0.013013, -0.053193, -0.173028, -0.210176, -0.011298, 0.091871, 0.144797, 0.101972, -0.147886, -0.098441, -0.107114, -0.029064, 0.251124, 0.131197, -0.187413, 0.204083, 0.090730, 0.232767, -0.054702, 0.040479, -0.073401, -0.119686, 0.119087, 0.010997, -0.252746, -0.192586, 0.130773, 0.051457, -0.120947, 0.046157, 0.109428, -0.022294, -0.066245, 0.254860, 0.081272, 0.174315, 0.087423, 0.275569, 0.025830, -0.085074, -0.114165, 0.159355, 0.119988, -0.184312, 0.293850, 0.027611, -0.118536, 0.409634, -0.085214, -0.026111, 0.074181, 0.109239, 0.314399, -0.016245, 0.055999, 0.086894, 0.134293, 0.137946, 0.100316, -0.071949, 0.191376, -0.080536, -0.074206, 0.128111, 0.053306, -0.071173, -0.213285, -0.039011, -0.019478, 0.046327, -0.074145, -0.327184, 0.060338, 0.029796, -0.072657, 0.066669, 0.036194, 0.138652, -0.062014, -0.213893, -0.043006, 0.148534, 0.123091, 0.291876, -0.266499, 0.250553, 0.013403, 0.208670, 0.154730, -0.004023, -0.233805, -0.083407, -0.043665, -0.069760, 0.180513, 0.202259, 0.228060, -0.011369, 0.174727, 0.033116, -0.335246, 0.027147, -0.396378, 0.212428, -0.108846, -0.007070, 0.173664, 0.302496, -0.041499, -0.116555, 0.037219, -0.081096, -0.071013, 0.127747, -0.148558, -0.145760, -0.541659, 0.009785, 0.264190, -0.257270, -0.106850, -0.154386, -0.077784, -0.026474, -0.047032, -0.022177, -0.198557, 0.079296, 0.015751, -0.125717, -0.000174, 0.186094, -0.082141, 0.067630, 0.102521, -0.185579, 0.069342, -0.014100, -0.022354, 0.251689, 0.023505, 0.158054, -0.185096, -0.157238, -0.196737, -0.015150, 0.025627, 0.020688, 0.235841, -0.007831, -0.054073, -0.081929, -0.276227, -0.078318, 0.130269, -0.080084, -0.137071, 0.173492, 0.099620, 0.018663, -0.131543, 0.200085, 0.062935, -0.028163, -0.055229, -0.121732, 0.180947, -0.113956, 0.102018, -0.066753, -0.019097, -0.141355, 0.041462, -0.031543, -0.132139, 0.148025, -0.011415, 0.015882, 0.043569, -0.050853, 0.005447, 0.238857, 0.027211, -0.342769, -0.065488, -0.070897, 0.064612, -0.085792, -0.010912, -0.059708, 0.099767, 0.086977, -0.078767, 0.126804, 0.035342, -0.006495, 0.074706, -0.078485, 0.087255, -0.121194, 0.026473, 0.001860, 0.130145, -0.055373, -0.031412, 0.031954, -0.048035, 0.040438, -0.008236, -0.012735, -0.152678, -0.106737, -0.160590, 0.111644, -0.101293, -0.089425, 0.122799, -0.067006, 0.034869, 0.049739, -0.004005, -0.021142, -0.009978, -0.097035, 0.096105, 0.106711, -0.008553, -0.032499, -0.050824, 0.075719, 0.087915, 0.013895, 0.065321, -0.001618, 0.010011, -0.042217, -0.136266, -0.218067, 0.012349, 0.031927, -0.120037, -0.130674, 0.206651, 0.051825, 0.110889, 0.001334, -0.011943, -0.006162, 0.011346, 0.065631, -0.106332, 0.034820, 0.129036, 0.082577, 0.206148, -0.053680, -0.139945, 0.234654, 0.020416, 0.086458, 0.035286, 0.053907, -0.114574, -0.053636, 0.113759, 0.025508, 0.065280, 0.055447, -0.100966, 0.081759, -0.179993, -0.024526, -0.052002, -0.012224, 0.030752, -0.038321, -0.243211, -0.066375, 0.011335, -0.073873, -0.049723, 0.001777, 0.084505, 0.113914, 0.010011, -0.058300, 0.038081, -0.078269, -0.004557, 0.047873, 0.081278, -0.073022, 0.051738, -0.103882, 0.087155, -0.060669, -0.040549, -0.006428, -0.124774, 0.118766, 0.120893, 0.127974, -0.002161, -0.044917, -0.097274, 0.130689, -0.004299, 0.051679, 0.013943, -0.042458, -0.058672, 0.019368, 0.207069, 0.083821, -0.121795, 0.019046, -0.179095, -0.119688, 0.010708, -0.019855, 0.115467, 0.011630, 0.014695, -0.090427, 0.155309, -0.081387, 0.150862, -0.020584, 0.128212, -0.023550, 0.160392, 0.001009, 0.062428, 0.175664, -0.173447, 0.025259, 0.045460, -0.083854, -0.128245, 0.122299, -0.217830, -0.024094, -0.057893, -0.013971, 0.233006, -0.038025, 0.064561, 0.034708, -0.032956, 0.125336, -0.119846, 0.004929, -0.100578, 0.135900, -0.162684, 0.133033, 0.041639, -0.155907, 0.038197, -0.075199, -0.222432, 0.006021, -0.056785, -0.226178, -0.182823, 0.064479, 0.251312, -0.088947, -0.004287, -0.201828, -0.196382, -0.081507, -0.063460, 0.130235, 0.032430, 0.110023, 0.204265, -0.087545, -0.154114, -0.025140, 0.058150, -0.023287, 0.113780, -0.007516, 0.133350, -0.004734, -0.085916, -0.068015, -0.067210, 0.005140, 0.184324, -0.017268, 0.041823, 0.125584, 0.122550, 0.009708, -0.139318, 0.080117, -0.035115, 0.107846, 0.069548, 0.039886, 0.000178, 0.081123, -0.033324, -0.033709, -0.083573, 0.101388, -0.029221, 0.084817, 0.025246, -0.072976, -0.067729, 0.112516, 0.214537, -0.004049, -0.002156, -0.027030, -0.205747, 0.066091, 0.147326, 0.023915, -0.056748, 0.089000, 0.086920, -0.058237, -0.160109, 0.177956, 0.024862, 0.254987, -0.037357, 0.016090, -0.127499, 0.015127, -0.150766, -0.006758, -0.057968, -0.130604, 0.076653, -0.237569, 0.018852, -0.077068, -0.083445, -0.010908, -0.068602, -0.072563, 0.018007, -0.051594, -0.140280, 0.127078, -0.101260, -0.182420, -0.051524, 0.035796, 0.123039, -0.046179, -0.073912, -0.063775, 0.138827, -0.004805, -0.021366, -0.088686, -0.052331, -0.019987, 0.007304, -0.054536, -0.104868, 0.025883, 0.117907, 0.023320, -0.003457, 0.028489, 0.053030, 0.072697, 0.051519, -0.051879, -0.109282, 0.117176, 0.048319, -0.017924, 0.005630, 0.064007, -0.168994, -0.036974, 0.056076, -0.048295, 0.022117, -0.268214, -0.044056, 0.089777, -0.006277, -0.008010, -0.041213, 0.028745, -0.040092, 0.070020, 0.185840, -0.006618, -0.054423, -0.010864, -0.039420, -0.030500, 0.021405, 0.139605, 0.064090, -0.145660, 0.034332, -0.118856, -0.005007, 0.043949, 0.028012, 0.029279, 0.034892, 0.094375, 0.006797, -0.055739, -0.086290, 0.039666, 0.063976, 0.115244, 0.012618, 0.154899, 0.044836, -0.053756, -0.313413, 0.011093, -0.000647, -0.105814, -0.077169, 0.183756, -0.105466, 0.055475, 0.065234, -0.057088, -0.036551, 0.130569, 0.188323, -0.029885, -0.004388, 0.116092, -0.067973, -0.086474, 0.028963, 0.103129, 0.232845, -0.020114, -0.036410, 0.006184, -0.010927, -0.062179, -0.075922, -0.027534, 0.019294, 0.126475, 0.117233, 0.064336, -0.084248, 0.088418, -0.093569, -0.132526, -0.027104, -0.047849, -0.085410, 0.055309, -0.142407, -0.103148, 0.053813, -0.034277, -0.159509, -0.037778, -0.077090, -0.039136, -0.161836, -0.036423, -0.174192, 0.054106, -0.077068, -0.097808, -0.034916, -0.069216, 0.011867, -0.106781, 0.228705, 0.029566, 0.206733, 0.119031, -0.046623, -0.067379, 0.257392, -0.032577, 0.060433, 0.193872, -0.057143, -0.169611, -0.075661, -0.121249, -0.139947, -0.016887, -0.100778, -0.066190, -0.084709, -0.113504, 0.077509, 0.047702, -0.246454, -0.070892, -0.004154, -0.166394, -0.065208, 0.201038, -0.260219, 0.221223, -0.051257, -0.177657, 0.161324, -0.115302, -0.057675, -0.085605, 0.081924, 0.125140, -0.100106, 0.162989, 0.064070, -0.203064, -0.293578, -0.109289, 0.043989, 0.083451, 0.013733, -0.052196, 0.200383, 0.150541, 0.014916, 0.086079, -0.234887, -0.019071, 0.171175, -0.065691, -0.069050, -0.154412, 0.037252, 0.294068, -0.018398, 0.124993, -0.143524, 0.101315, -0.111002, -0.073583, 0.091111, -0.144866, -0.105150, -0.025839, 0.022659, 0.002466, -0.159633, -0.013334, -0.058695, -0.012090, -0.016641, -0.089574, 0.159016, -0.100663, -0.075846, 0.098302, -0.122203, 0.029736, 0.138909, -0.088711, -0.124983, 0.144281, 0.144510, -0.039119, -0.090226, 0.092809, 0.005307, 0.081213, 0.071690, 0.174609, 0.007545, -0.156186, 0.053222, 0.037573, -0.345750, -0.119068, 0.211375, 0.071423, 0.005051, -0.046656, -0.137120, -0.115532, 0.013170, -0.145058, 0.232289, 0.133269, 0.114482, 0.057807, -0.102202, 0.160410, 0.001705, -0.048170, -0.126837, -0.124886, 0.006979, 0.104267, 0.022777, -0.065172, 0.194693, -0.092226, 0.015098, -0.264008, 0.263802, 0.165912, -0.047997, -0.035115, -0.105752, -0.139555, 0.162820, 0.058604, 0.000245, 0.280247, 0.105568, 0.011795, -0.211551, -0.188444, -0.259226, -0.196104, -0.150165, -0.203036, -0.009189, -0.103358, -0.024657, 0.089317, -0.033094, -0.081439, 0.136651, -0.119983, 0.057349, 0.122960, 0.216984, 0.057313, 0.004393, -0.141704, -0.040128, 0.133279, 0.004540, -0.133630, 0.013024, 0.250216, 0.074348, -0.004378, -0.002817, 0.073914, 0.140382, -0.217941, 0.205501, 0.018967, -0.190676, 0.183479, 0.056809, 0.011764, 0.234069, 0.070328, 0.013013, -0.229975, 0.123876, -0.083836, -0.044285, 0.118757, 0.140954, 0.004296, 0.013585, 0.007293, -0.123605, 0.006244, 0.136219, -0.006004, 0.237986, 0.086128, 0.058030, 0.151074, -0.095552, 0.356143, -0.028384, 0.203077, 0.212100, 0.134082, -0.081203, 0.054409, -0.023249, 0.074832, 0.186314, 0.079844, 0.013073, 0.158957, 0.002245, -0.120338, -0.129353, 0.041604, 0.033172, 0.003241, 0.007698, 0.059093, -0.068447, 0.282823, 0.001010, -0.006066, 0.038649, -0.027254, 0.105701, 0.133579, -0.118908, -0.173875, 0.283000, 0.080223, 0.011181, 0.086488, -0.029832, -0.046469, -0.073946, -0.017427, 0.010357, 0.097035, -0.051057, -0.094328, 0.139284, 0.286128, 0.062742, 0.047652, -0.180486, 0.013035, -0.015046, 0.217700, 0.207534, 0.191199, -0.015316, 0.224498, -0.035461, 0.124435, 0.005928, 0.002489, -0.046102, -0.175103, -0.140589, 0.030390, 0.130708, 0.161224, -0.002456, 0.024033, 0.251160, -0.261466, -0.047285, 0.146841, -0.236099, -0.153593, 0.064773, -0.040924, -0.227170, -0.007323, -0.004703, -0.017566, -0.164162, 0.185759, -0.031261, -0.089505, 0.070821, 0.170564, -0.057514, 0.042829, -0.234875, -0.178606, 0.087361, 0.168957, -0.039659, 0.000453, -0.020992, -0.074926, -0.083584, 0.217379, -0.024531, -0.206236, -0.152339, 0.072552, 0.025456, -0.047742, 0.090837, 0.285123, 0.022638, -0.095612, 0.260648, -0.108446, 0.032354, 0.039560, -0.084649, -0.133784, -0.401774, -0.158551, 0.164210, -0.004753, -0.268474, 0.101196, -0.039656, 0.055069, 0.085115, -0.116585, 0.249497, -0.146597, 0.204339, 0.126619, 0.056791, 0.083599, -0.022752, -0.029615, 0.022697, -0.183417, -0.090837, 0.003945, 0.089094, -0.021898, -0.018553, 0.011018, -0.052987, 0.134391, 0.072855, -0.193272, -0.117286, -0.102240, 0.020727, -0.297132, 0.171345, 0.064408, -0.127510, 0.009145, -0.050470, -0.089322, 0.217435, -0.025934, 0.056886, 0.007300, -0.188622, -0.149981, 0.330807, 0.123485, -0.096663, 0.376518, -0.087943, 0.184355, -0.103532, -0.096562, 0.001845, -0.035212, -0.025158, -0.036084, -0.124976, -0.217596, 0.051873, 0.018493, -0.154116, 0.010748, -0.114762, -0.196549, -0.202595, 0.066082, -0.089500, 0.006294, -0.007858, -0.013447, 0.311906, 0.126448, -0.178230, -0.077217, 0.209827, -0.135699, -0.038194, 0.064884, 0.321139, 0.139357, 0.026316, 0.178698, -0.056506, 0.019015, -0.147321, -0.052715, 0.000487, 0.010490, -0.063467, -0.335155, -0.079067, -0.042451, -0.122346, 0.057112, 0.233263, -0.373708, 0.080323, 0.096302, -0.259242, -0.136750, -0.063113, -0.086181, -0.178508, -0.037570, -0.122035, -0.019754, 0.082963, -0.160293, -0.071559, 0.087811, -0.056035, -0.172696, -0.001282, 0.036509, -0.167296, -0.122837, -0.008388, -0.127874, -0.139355, 0.283394, 0.183688, 0.159936, -0.117252, -0.251575, -0.060145, -0.145808, 0.062838, -0.237886, -0.007917, 0.087394, -0.011604, -0.166565, -0.044619, 0.054956, 0.063595, 0.070848, -0.095441, 0.170467, 0.021064, -0.066875, -0.041253, 0.086406, -0.022786, 0.070124, -0.038923, 0.297895, 0.003403, -0.020364, 0.045770, -0.108183, -0.112979, 0.099326, -0.218240, 0.244599, 0.251176, -0.005723, -0.038442, -0.008431, 0.093051, 0.034513, -0.123736, 0.135507, -0.125329, 0.217624, 0.198456, 0.152737, -0.163782, 0.024913, 0.018007, -0.014226, -0.174722, -0.121632, 0.120254, 0.207594, -0.086856, 0.186221, -0.132591, 0.061922, 0.033650, 0.079435, 0.161370, -0.007451, 0.052937, 0.071371, -0.036152, -0.094701, 0.132528, -0.061510, 0.186127, -0.012676, -0.184164, 0.007479, -0.103650, 0.027153, 0.009249, 0.092366, 0.041160, -0.212079, -0.034897, -0.152297, 0.011710, 0.003765, 0.133688, -0.029277, -0.089589, 0.070320, 0.131858, 0.115100, 0.009924, 0.138286, -0.249436, 0.155815, -0.303847, 0.303941, 0.091395, 0.013969, -0.053284, 0.015359, -0.109318, 0.030623, 0.122666, 0.140439, 0.119342, -0.449225, 0.011223, 0.305518, 0.181250, -0.242189, -0.172545, -0.092153, -0.075983, 0.101092, 0.007386, -0.120301, 0.139545, 0.273517, -0.115015, 0.017621, 0.087736, 0.082882, -0.024773, -0.167054, -0.072102, -0.087092, -0.104129, 0.027548, 0.087374, -0.072818, -0.189594, 0.073903, -0.137103, 0.091301, -0.106504, -0.056665, -0.271089, -0.285909, 0.131938, 0.005026, 0.014908, -0.153429, -0.042752, -0.116639, 0.082353, -0.134163, 0.177978, -0.040031, -0.012996, 0.032316, 0.101374, 0.065923, -0.068938, 0.028750, -0.268501, 0.338860, -0.126906, 0.242822, 0.316944, -0.227749, -0.003687, 0.087876, -0.220724, -0.053830, 0.248814, -0.060360, -0.206208, 0.081074, 0.328717, 0.059880, -0.213768, 0.314443, -0.183818, 0.036078, 0.048607, -0.101438, -0.028562, 0.135521, 0.039600, 0.333082, -0.082583, -0.141483, 0.003763, 0.136284, 0.256011, 0.161743, -0.025500, -0.056353, 0.153308, 0.136034, 0.135253, 0.097591, -0.101849, -0.019130, 0.037265, -0.154192, 0.091262, -0.131943, -0.008634, 0.117681, -0.046416, -0.129641, -0.081988, -0.150223, -0.028349, -0.085638, 0.066266, -0.022748, -0.069326, 0.115380, 0.131585, 0.036519, -0.042963, 0.021596, 0.221553, 0.091832, -0.025224, 0.086142, -0.056824, -0.176185, 0.141134, 0.112311, 0.036520, -0.019789, 0.017586, -0.040589, 0.102038, 0.007145, 0.004608, 0.070229, -0.045313, 0.006493, 0.092636, -0.086006, -0.066665, 0.045091, -0.096432, 0.087082, -0.063549, 0.123886, 0.088530, 0.262979, 0.157677, 0.078562, 0.050902, -0.026311, 0.002553, 0.048749, 0.113071, 0.102985, -0.131328, -0.080093, 0.221903, 0.080761, 0.029525, 0.003722, -0.009966, 0.175940, -0.042993, -0.123594, -0.068785, 0.049058, 0.042585, -0.028416, -0.102705, 0.047566, 0.022503, -0.125837, -0.057372, 0.004458, -0.154753, 0.078606, -0.072895, 0.045156, 0.027655, -0.113062, -0.030929, 0.079823, 0.082530, -0.030108, -0.117483, 0.115904, -0.061560, -0.087797, 0.088552, -0.007962, -0.160756, -0.137515, 0.175456, -0.047034, 0.078135, -0.101222, 0.008910, -0.104632, 0.033269, 0.108033, -0.010599, 0.051721, 0.065965, -0.068305, 0.126301, -0.008202, 0.129248, -0.061235, -0.044999, -0.150178, -0.012273, -0.013200, -0.151491, -0.155830, -0.017342, -0.108130, 0.151861, -0.024821, -0.143014, -0.027634, -0.001184, -0.115369, 0.188071, 0.140426, 0.324973, 0.071516, 0.097038, 0.012884, 0.074506, -0.044021, 0.062977, -0.032808, -0.026264, 0.005339, 0.120146, -0.133010, -0.011192, -0.186419, 0.036514, -0.005964, 0.039160, -0.117711, 0.024152, 0.142690, 0.161515, -0.030947, -0.184923, 0.236877, -0.136835, 0.031818, -0.102536, 0.201041, 0.076061, -0.069100, -0.075952, -0.027822, -0.070990, -0.070573, -0.132967, 0.060319, 0.067755, -0.021582, 0.097680, -0.086945, -0.025978, 0.047634, -0.061339, 0.169241, -0.025514, 0.098864, -0.065242, 0.036810, -0.029245, 0.053333, 0.197589, -0.165038, 0.010900, 0.062721, -0.149005, -0.142791, 0.166059, -0.001961, 0.019067, -0.138496, 0.026299, 0.122535, -0.154630, -0.092664, 0.024440, -0.057724, -0.172750, -0.104255, -0.218437, 0.030885, -0.101119, 0.001671, -0.141778, 0.033999, 0.121270, -0.038727, -0.012209, 0.145047, -0.181412, 0.253803, -0.133212, 0.003431, 0.102875, -0.074463, -0.051598, 0.189624, 0.145241, 0.074167, -0.271308, 0.168875, -0.286335, -0.122521, 0.257871, -0.019163, 0.080971, -0.211732, 0.062096, 0.052284, -0.152440, 0.011325, -0.004408, -0.144229, -0.134457, 0.055527, 0.169956, 0.039260, -0.170479, 0.056180, 0.085373, 0.032182, -0.070570, -0.258038, 0.176697, 0.128065, -0.084829, 0.001240, 0.139093, -0.172928, 0.044450, -0.127334, 0.163364, 0.071591, -0.006852, -0.079941, 0.081412, -0.144386, -0.148256, 0.349762, -0.008335, -0.094684, 0.065412, -0.149895, -0.085352, -0.130744, -0.047691, 0.100344, 0.154734, 0.011163, -0.147625, -0.204448, 0.147438, -0.014761, -0.016449, -0.158075, -0.049394, 0.114775, 0.077228, 0.080253, -0.030649, 0.077037, -0.051209, -0.146697, 0.285244, 0.133668, -0.260081, 0.142345, -0.116539, -0.086571, 0.065854, 0.026481, 0.175173, -0.180160, -0.109222, -0.027600, 0.159752, -0.112500, -0.176780, -0.136327, -0.070816, 0.059858, -0.172669, 0.092144, 0.143568, -0.162714, 0.183724, -0.042197, 0.024878, -0.127469, 0.294496, -0.008985, 0.080426, 0.023882, 0.017712, 0.086042, -0.064207, 0.016549, 0.001027, 0.100116, 0.083183, -0.020134, -0.026804, -0.092217, -0.074946, 0.169401, -0.254310, -0.030043, -0.009347, 0.071357, 0.139504, -0.026869, 0.152943, 0.075232, 0.102107, -0.051694, 0.006470, -0.418324, -0.013149, 0.022387, -0.075545, 0.026900, 0.026635, 0.171884, -0.187107, -0.000541, 0.065636, 0.043070, -0.018676, 0.032450, 0.235881, 0.005173, 0.244847, -0.188761, 0.021883, -0.280156, 0.109353, 0.069982, 0.047996, -0.124330, 0.092529, 0.057016, 0.037996, 0.047088, 0.023464, -0.035785, -0.047739, 0.027723, 0.138973, 0.060401, 0.007028, 0.140337, -0.089262, 0.036712, 0.174547, 0.275802, -0.056087, -0.098940, 0.064872, 0.007765, -0.012078, -0.110150, 0.029765, 0.072660, 0.203332, 0.048399, 0.063059, 0.233684, 0.051613, 0.221300, 0.148139, -0.008987, 0.080222, -0.151730, 0.144561, 0.084318, 0.219502, -0.084839, 0.017651, -0.044007, -0.140384, -0.047930, 0.018000, -0.162583, -0.017504, 0.208811, -0.044934, 0.069460, -0.011383, -0.118649, -0.154893, 0.097084, -0.058801, -0.082328, -0.035301, 0.191166, 0.060511, -0.044664, -0.056689, -0.098364, 0.140267, 0.079569, -0.010605, 0.181074, 0.085103, 0.098253, 0.014988, -0.134365, -0.067035, -0.058327, 0.072945, 0.003421, 0.184413, 0.120327, 0.011616, 0.095532, 0.077584, 0.036738, 0.049570, -0.142917, -0.071545, 0.123454, -0.001918, 0.003995, 0.122602, -0.072496, -0.068200, -0.173226, 0.156063, 0.162262, -0.248153, -0.092934, 0.090814, -0.026372, -0.131847, -0.051909, -0.065605, 0.091823, -0.019305, 0.208282, 0.065214, 0.031958, -0.002125, 0.149898, -0.130272, -0.029515, -0.014082, 0.127752, 0.002665, -0.093201, 0.173352, -0.022672, 0.031921, 0.142021, -0.107298, 0.078160, 0.041448, 0.000811, 0.068626, 0.078870, 0.127988, -0.089249, -0.120805, -0.012914, 0.151431, 0.050783, 0.183517, -0.033589, -0.067553, 0.001654, 0.175445, -0.024589, 0.008143, -0.011186, -0.100681, 0.047001, 0.115303, 0.102420, -0.035508, -0.119978, 0.020295, -0.001586, 0.150526, 0.090139, 0.113329, 0.007313, 0.103505, 0.056512, -0.011017, -0.070700, -0.043494, -0.072067, -0.063892, -0.204744, 0.073355, 0.122150, 0.097144, 0.066069, -0.103360, -0.050283, -0.192823, -0.014619, 0.121720, -0.032625, 0.063920, 0.283465, -0.071660, -0.097529, 0.023476, -0.114949, 0.045607, -0.155310, 0.034510, 0.220038, -0.174055, 0.167716, 0.032903, -0.045482, -0.163608, 0.032695, 0.150629, 0.130494, -0.145171, 0.224603, -0.144149, 0.039565, -0.209616, -0.010588, -0.212186, -0.088695, -0.194601, 0.078800, -0.194534, 0.029284, -0.124451, -0.004146, 0.178274, -0.082749, 0.151776, 0.216232, 0.066624, 0.004734, -0.097433, 0.216161, 0.115759, 0.029658, -0.036112, -0.191575, 0.125876, 0.064262, 0.112542, 0.077587, -0.092017, -0.005376, -0.108335, -0.112836, -0.037110, 0.047436, -0.224236, 0.036296, 0.039220, -0.058856, -0.096197, 0.150255, 0.022015, 0.065902, 0.202491, -0.183186, -0.147979, -0.026403, 0.172892, 0.171067, -0.283171, -0.083995, -0.015030, -0.094899, 0.000397, 0.021065, 0.380376, -0.202339, -0.043750, 0.007529, 0.106603, 0.025056, -0.018886, 0.069196, -0.046611, 0.020586, 0.041200, 0.067457, 0.060618, -0.060059, 0.041756, 0.051418, -0.001208, -0.115825, 0.151546, 0.170474, -0.172339, 0.005241, -0.048368, 0.061517, -0.100578, 0.084572, 0.006277, 0.203893, 0.000742, -0.025786, 0.068551, -0.135823, -0.006944, 0.114087, 0.065652, -0.135140, -0.052259, 0.115408, 0.048504, 0.067497, 0.119455, -0.014407, 0.163848, 0.182952, 0.101890, 0.092147, -0.078508, 0.097938, -0.120336, -0.273686, -0.058258, -0.134945, -0.033581, 0.055637, -0.020935, -0.060750, -0.100648, -0.093690, 0.099887, -0.203501, -0.011240, 0.099375, 0.008631, 0.161904, -0.128896, 0.209187, 0.289231, -0.087896, 0.055208, 0.167492, -0.090150, 0.147317, -0.074923, 0.111199, -0.027075, -0.280823, 0.152478, -0.132673, -0.006150, -0.166827, 0.039734, -0.044209, 0.065218, 0.102560, -0.136226, 0.011786, 0.018677, -0.074573, -0.199203, -0.057380, -0.175773, 0.149233, 0.123288, -0.189728, -0.109290, -0.163126, 0.051389, -0.025041, 0.062821, -0.091045, -0.186084, 0.209171, 0.004686, 0.121210, 0.069587, -0.039508, -0.310202, -0.006140, 0.147130, 0.034744, -0.041795, 0.324462, 0.046069, -0.110850, -0.043166, 0.061086, 0.025597, 0.042552, 0.012451, 0.000649, -0.004741, -0.049081, -0.185743, -0.252539, -0.104053, 0.093306, -0.001322, 0.198583, -0.100828, 0.164277, -0.164020, 0.210483, -0.077866, 0.093823, -0.079201, 0.119547, 0.121751, 0.125391, 0.101552, -0.009495, 0.186388, -0.025747, 0.033888, 0.156311, -0.101513, -0.112023, 0.071042, 0.061677, 0.049715, 0.014960, 0.125944, 0.029465, -0.104678, 0.068050, -0.015228, 0.058878, -0.094089, 0.038189, 0.009140, -0.028128, -0.088588, 0.080288, -0.089729, -0.088361, -0.185907, -0.111356, -0.013241, -0.171330, -0.088086, 0.040496, -0.040311, 0.002752, 0.065386, 0.113468, 0.156227, 0.074771, 0.129539, 0.042831, 0.130948, -0.209500, -0.048085, -0.049385, -0.131114, 0.027670, 0.238348, -0.124588, 0.035094, -0.097019, 0.200309, -0.114068, 0.028679, -0.027791, -0.021188, 0.165511, 0.017995, -0.025440, 0.164648, 0.124140, -0.126477, -0.097956, -0.266717, 0.104735, -0.031401, -0.021327, 0.069181, 0.035707, 0.104182, 0.089866, -0.056189, 0.061190, 0.032689, 0.001898, -0.088509, -0.131811, -0.042483, 0.016886, -0.080525, 0.172192, -0.146682, -0.012676, -0.155520, -0.005012, 0.086300, 0.053679, 0.234851, 0.001796, -0.057705, 0.198359, -0.237800, 0.122996, -0.014756, 0.093600, -0.104750, -0.149208, -0.021195, -0.082874, -0.198086, -0.261221, 0.080054, 0.171915, -0.048571, 0.086480, -0.265738, -0.047475, -0.073936, 0.128554, -0.007236, -0.110325, 0.168940, 0.012729, -0.135141, -0.039784, -0.160682, 0.188631, -0.131252, -0.090546, 0.086528, -0.185233, -0.178919, 0.224882, 0.069353, 0.053513, -0.307639, 0.063542, 0.021734, 0.060267, 0.129949, 0.008375, 0.137054, -0.239830, 0.123432, 0.116607, -0.099081, -0.148960, -0.030817, -0.067374, -0.030941, 0.055955, 0.297777, -0.099424, -0.035509, -0.043571, -0.169668, 0.000841, 0.081516, -0.076533, 0.211611, 0.031230, 0.100157, 0.108001, 0.085182, -0.121834, -0.010411, -0.039602, 0.008333, 0.020042, -0.138895, -0.160817, 0.043046, -0.013478, 0.007217, 0.165050, 0.178418, -0.174733, -0.150365, 0.078854, 0.154672, -0.029421, 0.181802, -0.001760, 0.008095, 0.053949, 0.045836, -0.031063, 0.090401, -0.084289, -0.055711, -0.111352, 0.077162, 0.081413, 0.037628, 0.002532, -0.000442, 0.067511, 0.173576, 0.164588, -0.107074, 0.107001, -0.028790, 0.061023, 0.133123, 0.145462, -0.148595, -0.032771, 0.085391, -0.020587, -0.085359, 0.047680, 0.110946, 0.078668, 0.011838, 0.018443, 0.096443, -0.032574, 0.146499, 0.168325, -0.001845, 0.142923, -0.153033, 0.087523, 0.032806, 0.205290, 0.187886, -0.038582, -0.081772, 0.219542, -0.167331, 0.001061, 0.123083, 0.015302, -0.075613, -0.076276, -0.035021, 0.047358, -0.047866, -0.043291, -0.001905, -0.052521, -0.117194, -0.063753, -0.090689, -0.066758, -0.056771, 0.036668, -0.063803, -0.009692, 0.022358, -0.070310, -0.043675, -0.011986, -0.181327, 0.189137, 0.047880, -0.203870, 0.252375, -0.133484, -0.059632, 0.088144, 0.148334, 0.139475, -0.157365, 0.119304, -0.113304, -0.037642, -0.092840, 0.070641, 0.004398, -0.171621, 0.066757, 0.122270, -0.010184, -0.071105, 0.018253, -0.234907, 0.074922, 0.099644, 0.088468, -0.011953, -0.057106, 0.145262, 0.047080, 0.082961, 0.045673, -0.091051, 0.171915, 0.013203, -0.033361, 0.063277, -0.194540, -0.053094, 0.228705, 0.016115, 0.077040, 0.237697, -0.127672, -0.047116, -0.027426, -0.038214, 0.072920, 0.154883, 0.228511, -0.102214, -0.047138, -0.100157, -0.133519, 0.034169, -0.133639, 0.040284, -0.049491, 0.109351, 0.037943, -0.321952, 0.039378, 0.064419, -0.043585, -0.138817, 0.030319, 0.281089, -0.171108, 0.062209, 0.051463, -0.063919, 0.119800, 0.064474, -0.018988, 0.101198, -0.149545, 0.211934, -0.026721, -0.023065, 0.004638, -0.182263, -0.072472, -0.141294, -0.024899, 0.111102, -0.050868, 0.046799, -0.399994, -0.073800, -0.123915, -0.014078, -0.035373, 0.162530, -0.092487, 0.010380, -0.058837, -0.075685, 0.128838, -0.063016, -0.022950, -0.017117, 0.089492, -0.121176, 0.009409, 0.109529, 0.014366, 0.012143, -0.023383, -0.076794, 0.052113, 0.089930, -0.177032, -0.033501, 0.111322, 0.300342, 0.000023, -0.006579, -0.021490, -0.017071, 0.011814, -0.158092, 0.067487, 0.057446, 0.047127, 0.165099, -0.078499, -0.210392, -0.160448, 0.051593, -0.138119, 0.048954, 0.116497, 0.071426, -0.160014, 0.047119, 0.090019, 0.096826, -0.034212, 0.225076, 0.227766, -0.011605, 0.078638, 0.074142, -0.076322, 0.025644, -0.095533, 0.308223, 0.196566, -0.135727, -0.210634, -0.031530, -0.157481, 0.117242, 0.072014, 0.104421, -0.045044, -0.074605, -0.059452, 0.291542, 0.009924, 0.285489, -0.089349, -0.129000, -0.409271, 0.112690, 0.099088, -0.084193, -0.196313, -0.116021, -0.034468, -0.136615, -0.218335, 0.050036, 0.054960, 0.003292, 0.289120, -0.144527, 0.062110, -0.037263, 0.128465, 0.041392, -0.009860, -0.056866, -0.007617, 0.024023, 0.138430, -0.073147, -0.089881, 0.202948, 0.038454, -0.045313, -0.080427, -0.180353, 0.032463, -0.069531, -0.060461, 0.050338, 0.037300, -0.128668, -0.200863, -0.153735, -0.037425, -0.187915, -0.246125, -0.002510, -0.075650, 0.071637, 0.063310, 0.045377, -0.092241, 0.021486, -0.195958, 0.187830, 0.059308, -0.070030, -0.151586, 0.110660, 0.060046, -0.055871, -0.049338, -0.033654, 0.062521, 0.124043, -0.026100, 0.284608, 0.212648, -0.000495, -0.012043, -0.236727, 0.115913, -0.010910, 0.121614, 0.141023, 0.013920, -0.189026, 0.047829, -0.102245, 0.028480, 0.074152, 0.039922, 0.049954, 0.097921, -0.166509, -0.129554, -0.325123, 0.144925, 0.162129, 0.022426, 0.099261, -0.088662, 0.201731, 0.061586, 0.268361, -0.182215, -0.136586, -0.013069, -0.022107, -0.041818, -0.039433, 0.090865, 0.008746, 0.035718, 0.090740, -0.201750, -0.031784, 0.097345, -0.032967, 0.006032, -0.195446, 0.073107, 0.094722, -0.047450, -0.046321, 0.183195, 0.023464, 0.453850, -0.042360, 0.170635, 0.222574, 0.138261, -0.070977, -0.024064, 0.180513, 0.086316, 0.074087, 0.008105, 0.034425, -0.074730, -0.147831, 0.066868, -0.032565, -0.046195, 0.106404, -0.108229, 0.025512, -0.146194, 0.024895, -0.040708, 0.074252, -0.029653, 0.237172, 0.086264, -0.142319, 0.018984, -0.182421, 0.058895, -0.048581, -0.134670, -0.234977, 0.153721, 0.037585, 0.205641, 0.089619, -0.105855, -0.005415, -0.084477, 0.061027, -0.088131, 0.049825, 0.073234, -0.032025, -0.044131, 0.201258, -0.087583, 0.003991, -0.177580, 0.034839, 0.170397, 0.095949, 0.164921, 0.205651, -0.135217, 0.137493, 0.165893, 0.033828, 0.024114, 0.013587, 0.170373, -0.282348, -0.165931, -0.130258, 0.018057, 0.146386, -0.158794, -0.098464, 0.043245, 0.062422, -0.110289, 0.161436, -0.078333, 0.063406, -0.067457, 0.040729, -0.177408, 0.091766, 0.090328, 0.018252, -0.055930, 0.037912, -0.047832, 0.247595, 0.023119, 0.053328, -0.139527, -0.070020, -0.033671, 0.084783, -0.150258, -0.188974, -0.166644, 0.137092, -0.031346, 0.092688, -0.049001, -0.217866, -0.082697, 0.015205, -0.264582, -0.087964, 0.087165, -0.022932, -0.005838, -0.076646, -0.052458, 0.109592, -0.042619, -0.108314, 0.057197, -0.153845, -0.215405, -0.030584, 0.353869, -0.078911, -0.177645, 0.124745, 0.081115, 0.252306, 0.190418, -0.138979, 0.023806, -0.095587, 0.182900, 0.015197, -0.232615, -0.029208, -0.035058, -0.057864, 0.021413, 0.203130, -0.053886, -0.060229, 0.057439, -0.190292, 0.195187, 0.050146, 0.150545, -0.119081, 0.109936, 0.038489, 0.003434, -0.056771, 0.020073, -0.183365, -0.012949, -0.111290, 0.121473, 0.083669, -0.150321, 0.030331, 0.022066, 0.060602, 0.139367, 0.265738, 0.118281, 0.124901, 0.013965, -0.023625, -0.167467, -0.057431, 0.046402, 0.168286, 0.080265, 0.120358, -0.006072, -0.134404, 0.165915, 0.036576, 0.144324, -0.168974, -0.123430, 0.042907, -0.250632, -0.026637, -0.020981, -0.128534, -0.220461, 0.149733, 0.050754, 0.029976, -0.149191, 0.257604, -0.286000, 0.019431, -0.159135, -0.021763, -0.124022, -0.109104, 0.024911, 0.219166, -0.229285, -0.039232, -0.104661, -0.180503, 0.226402, -0.033978, 0.039010, 0.034850, 0.100413, -0.225268, 0.069883, 0.093584, -0.086002, 0.096633, -0.169740, -0.050115, 0.172329, -0.012378, -0.049314, -0.137142, 0.040158, 0.053424, 0.027240, -0.032712, -0.049643, -0.063588, -0.268501, -0.175567, 0.096832, -0.165869, -0.103558, -0.027831, 0.003948, -0.112232, 0.053010, -0.122003, -0.079701, 0.054124, 0.136187, 0.223234, -0.203803, -0.064250, 0.038735, -0.063802, 0.045810, 0.080104, 0.065249, -0.017545, -0.108356, 0.024279, 0.147418, -0.038510, 0.078771, 0.018929, 0.096377, 0.046780, 0.149813, -0.033410, 0.133859, -0.045115, 0.204220, 0.117120, -0.134770, 0.030120, 0.076259, 0.304553, -0.337277, -0.046471, 0.049908, 0.006655, -0.110681, 0.129385, 0.077597, 0.331219, 0.049150, -0.014655, -0.031344, -0.014987, 0.030354, 0.326055, 0.120370, -0.168064, -0.067778, -0.138128, 0.087286, -0.005093, -0.024616, -0.006113, 0.376444, 0.060305, -0.073338, -0.001878, -0.056611, 0.031777, 0.039263, 0.005505, -0.123907, -0.050992, -0.069619, -0.055386, 0.097304, -0.139546, -0.117545, -0.035733, -0.121807, -0.042446, 0.105822, -0.051995, 0.070630, 0.048670, -0.040928, 0.129601, 0.263719, -0.089772, -0.073159, 0.183468, -0.089262, -0.041495, -0.119658, 0.056105, -0.152880, 0.054873, -0.068776, -0.261505, 0.091529, -0.022053, -0.066397, 0.115503, 0.069250, -0.212346, -0.035654, -0.118357, 0.032916, 0.061380, -0.131970, 0.055302, -0.280286, 0.154489, 0.101921, -0.074168, 0.082555, -0.147804, -0.111938, -0.125427, -0.020797, -0.096798, -0.114694, -0.001423, 0.227724, -0.068547, -0.310885, 0.030880, -0.098911, -0.071351, -0.111551, -0.242554, 0.089568, 0.313857, -0.280597, -0.231814, -0.414186, 0.085545, 0.033105, 0.156457, -0.120510, 0.027863, 0.200446, -0.129103, -0.137936, -0.016701, -0.249951, 0.226613, -0.019502, 0.175907, 0.004621, -0.078990, -0.222048, 0.310177, -0.080048, 0.164852, -0.123271, 0.097209, -0.023292, -0.073224, 0.240168, -0.050915, -0.134224, -0.204140, 0.071873, 0.066179, -0.005028, 0.088091, 0.222400, 0.045881, -0.040988, 0.257561, 0.159646, 0.032449, -0.040040, 0.228378, 0.212142, 0.120756, 0.217038, -0.225908, -0.008053, 0.018424, 0.046928, 0.095116, -0.126754, -0.188255, -0.041830, -0.123453, 0.073467, -0.038352, -0.315176, 0.006821, 0.056704, -0.066836, -0.037947, 0.194945, 0.050390, -0.030440, -0.241047, -0.050765, -0.076728, 0.010076, 0.009729, 0.093251, 0.151044, 0.347869, -0.093922, -0.016627, -0.050876, 0.022825, 0.027775, 0.097682, -0.007816, -0.157341, -0.167824, -0.122222, -0.252194, -0.129792, 0.182971, -0.044392, 0.038799, 0.059465, -0.020253, 0.223141, -0.242436, -0.012238, -0.220832, 0.132889, -0.153394, 0.027604, -0.009858, -0.121700, -0.126123, 0.068052, -0.056947, 0.010725, 0.206298, -0.073754, 0.323769, -0.099408, 0.391734, -0.036720, -0.322281, -0.012346, -0.313225, 0.186345, -0.141413, -0.008089, -0.070723, 0.330567, 0.052482, 0.198807, 0.012651, 0.097549, 0.119643, -0.015905, 0.050138, -0.014743, -0.138287, 0.033348, -0.058123, -0.459376, -0.032746, 0.009876, 0.049019, 0.043896, 0.125650, -0.089088, -0.420903, 0.178976, 0.098262, 0.092742, -0.008255, 0.099483, 0.060278, 0.192351, 0.109036, -0.080541, 0.243244, -0.081831, 0.128344, -0.080704, -0.045626, 0.044156, 0.062448, 0.008995, -0.079154, -0.054458, 0.038979, 0.046899, 0.131119, 0.077951, 0.166758, 0.061257, -0.417722, -0.031114, 0.172406, 0.146932, -0.238146, -0.146105, -0.115865, -0.196927, -0.150948, -0.141510, 0.033710, -0.005839, -0.065332, -0.035647, 0.231279, -0.009846, 0.206197, 0.150586, 0.241084, 0.017293, 0.073490, -0.061696, -0.026044, 0.276558, 0.196084, -0.230521, 0.301421, 0.250649, 0.292953, 0.254520, -0.233539, 0.137483, -0.120503, 0.186229, -0.036994, -0.059805, 0.084311, -0.049825, 0.034266, 0.186597, -0.099155, -0.059333, 0.076423, 0.170974, -0.050687, -0.269820, -0.078769, 0.272863, 0.021647, 0.029405, -0.170819, -0.161792, 0.121574, -0.097091, -0.110235, -0.098211, -0.135417, -0.012536, 0.090988, 0.044567, -0.047573, -0.056233, -0.032293, 0.032066, -0.230333, -0.006996, 0.081993, 0.194806, -0.187905, -0.035611, 0.012439, 0.072943, 0.135426, 0.129045, 0.042109, 0.198772, -0.370942, 0.093525, 0.088523, 0.108926, -0.092135, -0.004673, -0.051331, 0.022873, 0.108831, 0.131591, 0.129024, -0.121733, -0.040332, -0.037584, 0.128537, 0.030029, -0.241063, 0.081637, 0.148273, 0.083570, 0.157711, 0.061950, 0.050873, -0.015857, 0.151197, -0.074732, -0.126118, 0.039860, 0.143524, 0.169341, 0.028995, -0.013654, -0.032684, 0.189797, -0.111606, -0.064252, 0.082560, -0.131029, 0.105088, -0.104594, -0.059265, 0.033296, 0.046440, 0.023102, 0.261564, 0.014180, 0.044570, -0.057126, -0.108569, 0.012209, 0.070691, 0.040770, -0.018436, 0.045547, 0.111328, -0.161942, -0.077327, -0.088000, -0.130968, 0.105146, -0.049114, -0.112472, 0.161822, -0.048367, -0.078673, -0.107970, 0.007704, 0.066837, -0.024378, 0.047979, 0.014864, 0.117187, -0.042037, 0.093732, 0.050972, -0.151185, 0.001741, -0.168224, -0.050257, -0.145598, 0.396612, 0.121476, -0.088138, -0.078948, -0.043672, -0.264100, -0.113204, -0.118414, 0.003957, 0.074035, -0.073609, -0.066282, -0.160032, -0.203376, 0.035225, -0.266503, -0.014959, 0.039111, 0.083649, -0.048149, -0.154303, 0.135760, 0.200411, 0.050810, 0.050137, 0.084476, -0.136127, 0.197842, -0.216644, 0.077871, -0.098516, -0.225419, 0.170160, -0.105408, -0.018417, -0.166872, -0.063867, -0.117620, 0.151633, 0.076306, -0.120784, -0.188190, 0.022431, 0.000213, -0.156376, 0.060390, 0.028643, 0.077300, 0.234977, 0.054228, 0.229423, -0.129119, 0.282113, -0.013312, -0.208242, -0.167434, 0.123084, -0.218243, -0.020561, 0.129587, 0.058355, -0.059257, 0.007982, 0.086999, 0.062317, 0.034301, 0.007950, 0.232121, -0.237302, 0.024252, -0.228397, 0.175889, 0.088474, 0.040219, 0.145070, 0.011336, -0.197277, 0.061815, -0.046310, 0.071636, -0.233777, 0.036895, -0.119525, 0.071834, 0.033781, 0.014277, -0.174791, -0.023741, 0.087391, -0.139359, 0.019206, 0.264764, 0.224504, 0.011785, 0.131279, 0.001267, -0.107783, -0.132701, 0.043772, 0.067689, 0.075133, -0.067269, -0.004613, -0.269439, -0.009625, -0.022447, 0.268122, 0.335846, -0.116924, -0.089743, 0.099633, 0.187131, 0.122365, 0.109090, -0.361469, -0.039595, -0.409731, 0.064234, -0.100400, -0.132042, -0.170904, -0.153512, 0.071531, -0.252980, -0.016780, -0.085470, 0.048471, 0.000945, 0.021895, -0.002398, 0.167968, -0.035205, -0.072567, -0.110650, -0.020685, 0.082376, 0.088573, -0.161239, -0.147988, 0.238189, 0.027818, -0.159675, 0.145435, 0.152195, -0.008751, -0.019804, -0.069652, 0.033047, -0.234797, 0.248136, -0.053798, -0.060266, 0.252472, 0.023280, 0.004811, 0.391183, 0.035443, 0.078808, -0.062777, -0.133547, -0.154572, -0.014059, -0.160155, -0.114645, 0.066624, -0.186111, -0.208154, 0.034089, -0.021952, -0.190636, 0.130133, -0.399804, -0.008905, 0.312741, 0.020791, 0.082248, -0.183437, -0.091524, -0.020269, 0.137029, -0.027330, -0.124012, -0.010743, -0.007296, -0.014737, 0.058801, 0.139053, -0.064039, -0.092168, -0.093165, 0.001014, 0.045296, -0.062872, 0.141900, -0.070472, 0.118360, 0.116548, 0.074223, -0.214373, 0.010699, 0.094931, -0.138840, -0.048478, -0.142903, 0.070426, -0.072820, -0.099128, -0.095786, -0.039209, -0.038010, 0.102571, 0.084968, 0.202789, 0.015728, 0.028268, 0.159578, 0.248161, 0.133207, -0.152144, 0.094856, -0.036941, 0.105667, -0.055505, -0.024039, 0.288274, -0.225859, -0.232517, -0.076425, -0.262366, 0.000972, 0.105702, 0.048705, -0.192676, 0.022668, 0.099123, 0.039606, -0.033303, 0.373648, -0.066531, 0.226568, 0.078312, 0.107790, -0.024976, -0.034176, -0.047207, 0.086810, 0.073281, -0.167087, -0.046564, 0.015882, 0.064708, 0.091647, -0.100476, 0.149441, -0.074179, 0.058052, 0.118288, -0.004450, 0.020575, -0.006993, -0.032404, 0.060590, 0.157773, -0.079136, 0.195211, 0.010922, -0.102055, 0.074516, -0.014116, -0.277757, 0.028516, -0.160365, 0.151875, -0.207505, -0.032815, 0.133582, -0.021064, 0.128410, -0.174096, -0.213423, 0.168480, 0.045282, -0.031085, 0.290481, -0.010213, -0.039900, 0.183788, 0.038912, -0.230487, 0.016748, 0.047500, -0.128973, -0.092620, -0.164876, 0.104171, 0.254204, 0.034347, -0.194096, -0.038653, -0.071452, 0.108639, -0.006560, 0.086881, -0.047306, 0.046975, 0.163562, -0.156004, 0.182539, 0.199479, 0.008175, -0.232299, -0.027743, -0.130659, 0.074508, 0.164138, 0.019646, -0.213478, -0.133778, 0.165252, -0.025998, 0.004578, 0.141477, 0.014789, 0.077551, -0.119373, 0.148550, 0.052461, -0.056063, 0.231476, -0.031626, -0.027139, -0.101935, -0.152101, 0.167048, -0.152287, 0.127251, -0.053364, 0.271256, -0.265599, -0.252189, 0.161308, -0.218756, -0.003106, 0.053276, 0.078317, 0.045817, -0.097248, 0.284664, 0.209658, -0.028780, 0.055898, 0.187829, -0.158232, 0.004420, 0.088846, 0.064732, -0.069393, -0.209566, 0.061320, -0.241039, 0.186484, 0.051477, -0.015932, 0.133799, 0.036279, -0.080647, 0.109877, 0.025377, 0.025834, 0.019713, 0.029701, 0.052691, -0.112547, 0.032087, 0.106690, -0.126065, -0.054560, 0.032765, 0.110945, -0.104042, -0.148028, -0.168239, 0.069677, -0.003812, 0.284036, -0.060365, 0.216628, 0.004239, -0.068002, 0.051863, -0.015631, -0.213105, 0.044342, 0.107223, 0.011528, -0.035997, 0.108346, -0.101088, 0.064684, -0.352356, -0.030706, -0.147585, 0.247933, 0.122236, -0.124755, 0.193460, 0.271890, -0.097464, 0.230178, 0.053196, -0.054119, 0.026344, -0.227856, -0.232661, -0.100066, -0.115191, -0.003538, -0.052334, 0.044642, -0.132085, -0.037202, -0.060950, 0.177449, 0.228794, -0.012374, -0.467523, 0.046389, 0.035037, 0.020970, 0.356364, -0.234010, 0.124805, 0.033135, 0.160739, -0.028496, -0.044145, 0.165950, -0.085240, -0.253708, 0.083318, -0.122069, -0.018188, 0.192861, -0.102430, -0.059307, 0.056782, 0.188055, 0.093307, -0.069469, 0.097190, -0.103180, 0.185656, -0.200323, 0.116072, -0.178844, -0.081661, 0.100204, 0.015598, 0.164360, -0.041656, 0.078101, 0.001004, -0.230892, 0.062338, -0.239930, 0.219908, -0.251869, -0.049218, 0.101189, 0.135561, -0.065743, 0.098279, 0.058185, 0.039082, -0.071143, 0.320908, 0.152852, 0.157552, 0.261588, 0.139714, 0.061182, -0.214353, -0.068953, -0.027917, 0.118761, -0.099049, 0.055780, -0.268157, 0.073850, 0.075683, 0.124523, 0.126277, 0.072794, -0.001345, 0.090486, 0.135253, 0.108071, 0.025223, -0.121252, 0.031870, -0.068804, 0.184207, -0.237089, -0.274636, 0.203751, 0.081176, 0.140967, 0.075003, -0.055337, -0.001401, -0.169353, -0.066011, 0.029398, 0.210875, 0.355157, 0.014560, -0.065856, 0.031756, 0.186842, -0.038922, 0.067970, 0.023571, 0.057504, 0.035811, 0.074015, -0.094861, -0.063844, -0.046220, -0.040203, -0.037258, 0.111733, 0.101789, 0.085008, 0.070625, -0.116017, -0.098029, -0.005391, 0.128349, -0.125311, 0.052945, 0.050334, -0.025832, 0.144838, 0.088573, -0.143790, -0.034573, 0.097796, -0.180505, -0.254169, -0.044308, 0.027528, 0.081038, -0.134668, -0.091896, 0.136821, -0.015320, -0.016156, 0.044421, 0.035586, 0.045761, 0.001896, 0.012796, 0.100144, 0.048377, 0.196568, -0.156414, -0.066416, 0.043507, 0.023182, -0.168529, 0.177912, -0.057993, -0.149722, -0.113888, 0.110564, 0.210511, 0.004397, 0.127115, 0.024506, 0.184891, -0.003229, 0.105010, -0.129668, -0.023677, 0.099677, -0.170968, -0.006092, -0.040675, 0.007087, 0.025036, -0.101828, 0.042092, -0.151275, -0.075407, -0.144187, -0.048321, 0.041603, -0.123945, 0.026942, 0.056056, 0.121289, 0.141653, -0.009714, 0.128880, -0.070570, -0.003399, 0.016729, 0.092588, -0.072685, -0.198161, 0.103087, 0.100830, 0.003573, -0.031771, -0.057236, -0.314351, 0.064570, 0.232112, 0.146859, 0.174500, -0.104320, -0.068137, 0.006450, 0.186455, 0.243709, -0.031443, 0.139582, 0.197691, -0.055444, -0.011452, 0.083228, -0.013164, 0.055640, -0.138748, 0.017821, 0.028938, -0.129878, 0.040372, -0.046211, -0.014834, 0.253683, -0.007310, 0.084201, -0.061550, 0.023285, -0.089348, -0.119821, -0.103048, -0.052735, -0.107627, 0.180060, -0.288916, -0.020582, -0.076598, -0.025625, -0.063572, 0.005094, -0.147102, 0.015583, -0.057640, -0.039179, 0.017108, 0.045803, -0.121502, 0.004042, 0.090102, -0.083266, 0.056147, -0.094363, 0.138190, 0.029627, 0.006373, 0.074534, -0.165111, 0.081332, 0.150424, 0.193454, 0.005454, 0.005757, -0.035467, -0.175114, -0.010936, -0.085788, -0.074793, 0.023618, -0.134512, -0.125790, 0.194933, -0.002185, -0.045942, 0.017571, -0.029966, -0.028769, -0.111194, -0.039143, -0.137777, 0.045905, 0.220081, 0.070936, -0.172134, -0.099767, 0.098174, -0.241807, -0.016406, -0.404296, -0.163551, 0.135270, 0.196282, 0.115022, -0.172835, 0.009932, -0.083543, -0.124823, -0.051572, -0.006255, -0.038347, 0.093018, -0.083944, -0.102049, -0.273668, -0.100929, 0.081985, 0.012832, -0.041336, 0.024840, -0.067227, -0.074476, 0.006239, -0.024456, 0.099977, -0.176886, -0.015222, -0.170978, -0.057127, 0.034406, 0.017860, 0.057978, 0.030175, 0.003335, -0.033780, 0.024166, -0.023157, 0.004165, -0.114374, 0.092402, 0.117031, 0.047212, 0.103541, -0.003317, 0.038454, -0.074009, 0.030036, 0.045673, -0.176757, -0.104424, 0.080997, 0.068809, -0.008902, -0.003641, -0.138875, -0.085075, -0.012670, -0.002268, 0.037998, -0.006423, -0.009302, 0.041755, -0.071055, 0.015309, 0.040580, 0.194522, -0.169461, -0.147260, -0.061703, 0.047581, -0.095053, 0.167559, 0.079064, -0.261629, 0.125066, -0.006543, -0.146141, 0.314496, -0.042656, 0.161503, -0.146233, 0.021306, -0.096666, 0.099720, 0.038820, -0.145540, -0.202291, 0.149713, 0.040564, 0.110739, 0.251940, -0.110455, 0.411364, 0.113485, -0.057594, -0.329812, -0.055033, 0.012978, -0.148753, -0.030617, -0.238529, 0.018518, 0.201896, -0.000758, -0.182800, 0.190153, -0.161712, -0.041867, -0.003281, 0.011997, -0.087758, -0.162178, -0.223458, -0.383333, -0.059442, 0.138049, -0.105455, -0.075612, 0.300329, -0.138169, 0.294733, -0.076972, 0.248976, -0.025493, -0.298954, -0.058462, -0.069655, -0.299877, 0.024559, 0.031922, -0.140117, -0.118296, 0.245539, -0.103312, -0.125190, -0.013718, -0.087430, -0.116330, -0.080824, 0.030635, 0.220124, -0.031486, -0.125557, -0.045772, 0.265238, 0.006552, -0.108048, 0.334958, -0.007305, -0.133990, 0.051799, 0.144351, 0.237635, -0.259380, 0.195627, 0.106641, 0.101406, 0.096224, -0.065523, 0.102227, -0.135741, 0.218555, 0.132888, -0.302024, -0.071809, -0.023797, -0.061033, -0.158496, -0.022632, 0.142006, -0.142254, -0.136487, -0.148134, 0.117522, 0.134314, 0.023542, -0.041476, 0.109989, 0.010189, 0.242421, 0.026599, 0.141834, -0.056604, -0.062026, 0.207398, 0.082376, 0.320373, -0.139133, -0.247309, 0.053961, 0.102461, 0.104829, 0.155643, 0.088132, -0.137814, 0.024859, 0.099143, -0.096569, -0.179105, -0.262798, 0.036355, 0.075045, -0.033427, -0.111417, 0.026424, -0.069783, 0.385958, -0.033117, -0.153572, 0.058105, 0.009687, -0.182885, -0.107500, 0.030578, -0.047738, 0.003813, -0.123234, -0.010149, 0.022857, 0.160552, -0.163763, -0.147377, 0.033921, 0.027164, -0.050707, -0.148763, 0.291634, -0.118200, 0.025860, -0.167427, 0.040739, -0.127642, 0.082327, 0.039289, -0.081006, -0.003679, 0.205575, -0.217488, 0.143587, -0.147579, -0.166060, 0.004553, -0.086283, -0.315001, 0.096522, -0.012207, -0.012089, 0.085023, 0.327081, -0.092102, -0.163403, -0.183770, -0.032258, -0.076758, -0.278544, 0.061242, 0.124658, 0.318784, 0.233967, -0.027220, -0.013633, -0.019692, -0.090962, 0.109063, -0.007698, -0.077541, -0.225121, 0.168615, 0.150803, -0.245486, -0.236220, -0.093006, -0.091006, 0.161925, 0.056075, 0.034198, -0.201425, 0.147809, 0.163010, 0.025718, -0.014066, -0.185698, 0.172421, 0.186395, -0.017145, -0.001011, 0.018030, 0.333392, -0.124616, -0.141047, 0.033361, 0.095324, 0.168328, 0.048635, -0.046435, -0.080226, 0.011970, -0.041175, -0.106689, 0.063483, 0.172313, -0.182821, 0.045066, 0.066801, 0.265323, -0.056531, 0.010956, 0.035324, -0.021883, -0.105305, -0.116384, -0.122337, 0.234938, 0.010430, 0.153195, -0.077122, 0.067276, 0.029480, -0.093705, 0.240843, -0.094078, 0.194581, -0.111899, 0.204014, -0.116427, -0.052935, -0.025416, -0.128577, -0.274793, -0.001345, -0.036090, 0.208267, 0.013039, -0.118735, 0.088685, 0.224236, -0.076091, 0.226215, 0.017051, 0.107255, 0.139995, 0.046608, -0.056841, -0.074529, -0.047784, -0.113705, 0.081611, 0.008634, -0.196990, -0.033753, -0.046160, -0.025954, -0.101144, 0.036120, 0.229802, -0.095717, -0.012068, -0.032873, -0.023300, -0.160660, 0.035449, -0.187825, 0.064531, -0.135557, -0.052241, -0.295448, 0.312668, -0.022566, -0.057690, 0.175851, 0.115559, -0.302427, 0.001957, -0.188382, -0.026071, 0.060286, 0.124896, -0.018796, -0.080653, -0.250651, -0.009836, -0.014975, 0.161524, -0.053243, 0.078063, -0.008552, 0.103882, 0.073820, 0.027992, -0.050506, 0.152124, 0.087567, 0.140893, -0.106639, -0.169179, 0.030067, 0.131955, -0.178312, -0.027018, -0.206505, 0.012393, 0.095777, 0.037401, -0.093368, -0.245753, -0.079281, 0.075103, 0.013510, 0.049550, -0.233331, 0.257874, 0.036032, 0.049728, 0.112699, 0.053376, 0.158792, 0.034635, -0.179319, -0.084407, 0.085142, 0.173881, -0.101403, -0.155904, 0.159299, 0.141780, -0.000362, -0.021275, -0.038157, 0.050306, -0.271836, 0.072702, 0.151111, 0.208188, 0.016628, 0.162175, -0.073813, -0.238152, 0.092101, -0.044568, -0.109929, -0.035341, -0.085755, -0.117099, -0.129958, 0.073227, 0.007766, -0.139189, 0.015652, -0.047401, -0.032049, 0.030730, -0.096584, -0.149391, -0.080651, 0.013611, -0.048563, 0.050831, -0.085111, 0.065878, -0.201960, -0.002523, -0.177419, -0.086920, -0.120334, 0.024026, 0.040718, 0.000356, 0.001769, -0.039860, 0.004073, -0.019283, -0.011495, -0.120779, 0.204510, -0.068217, -0.121685, 0.090548, -0.105142, -0.015912, -0.052055, 0.070212, 0.038295, 0.135955, -0.259696, -0.031970, -0.080380, -0.044463, -0.125462, 0.181916, 0.189537, -0.121465, 0.055825, -0.023331, -0.020078, -0.120940, -0.146228, -0.021239, 0.108233, 0.023611, 0.027035, 0.050877, 0.170087, 0.052014, -0.028998, -0.024670, -0.162001, 0.051068, -0.140505, -0.041786, 0.096001, -0.056769, -0.063727, -0.094123, 0.240798, 0.149921, -0.096520, 0.183044, -0.138942, -0.031539, 0.250537, -0.048847, 0.049449, -0.092964, -0.084790, 0.241141, 0.091485, 0.004916, 0.080936, -0.067340, -0.017849, 0.076819, 0.044847, -0.103817, -0.074781, 0.082866, -0.035307, -0.124386, -0.064762, -0.075209, 0.016658, -0.011913, 0.043774, 0.139918, -0.029663, -0.033188, 0.110378, 0.057475, -0.248280, 0.012986, 0.093623, 0.018474, -0.047091, 0.018281, 0.178203, 0.042001, -0.144788, 0.108429, -0.042878, 0.067789, 0.015548, -0.028585, -0.103258, -0.192029, -0.014840, -0.051299, -0.118750, 0.142409, -0.103229, -0.062665, -0.058564, -0.173945, -0.066062, -0.208364, 0.207618, 0.093760, 0.136288, 0.272421, -0.041979, 0.143425, 0.015482, 0.045867, 0.030831, 0.054536, -0.040583, 0.070961, 0.026865, 0.142210, 0.005433, -0.023903, -0.012857, 0.033247, -0.036341, -0.015549, 0.073908, -0.116894, 0.119883, -0.016094, -0.035571, -0.139945, 0.036038, -0.047953, -0.168067, 0.042053, -0.121335, 0.120785, -0.118401, 0.071240, -0.071674, 0.088965, 0.075162, -0.165371, 0.054994, 0.032112, 0.051773, 0.034603, 0.073301, -0.043717, 0.032502, -0.110634, -0.013898, 0.142756, 0.142905, -0.082712, -0.221182, -0.042121, -0.056464, 0.070341, 0.136475, 0.065235, -0.066463, 0.145967, -0.067901, -0.040008, -0.058375, -0.006578, -0.027252, 0.033384, -0.096143, -0.027298, -0.114727, -0.027438, 0.076668, -0.099412, 0.189778, -0.195571, 0.004993, -0.060242, 0.002328, -0.141553, -0.104782, 0.015984, 0.060102, 0.092087, 0.157150, 0.077373, 0.028921, 0.100683, 0.042021, -0.102049, 0.175412, -0.096854, -0.006780, 0.071785, 0.040088, 0.053367, -0.112597, 0.024679, 0.197317, -0.169469, 0.021937, 0.052593, 0.167451, 0.023901, -0.044040, -0.102145, 0.030675, 0.023209, -0.121966, 0.055540, -0.170622, -0.046303, 0.068733, -0.032513, -0.031964, 0.187077, 0.034877, -0.053874, 0.047262, 0.027262, -0.074675, -0.046404, -0.097408, 0.154648, -0.026180, 0.053612, -0.063098, 0.107226, -0.018706, 0.159119, 0.051259, 0.079705, -0.160237, 0.028801, 0.074936, 0.348370, -0.110311, 0.034828, -0.047075, 0.080152, 0.299399, -0.227669, 0.212628, 0.065913, -0.063129, -0.063177, 0.103206, -0.035486, 0.028975, -0.086303, 0.167996, 0.033985, 0.024281, -0.252070, 0.276924, -0.015149, 0.074116, -0.105992, 0.151154, 0.159861, -0.069556, 0.342943, 0.142674, -0.045971, 0.228308, -0.025324, 0.004009, 0.094567, 0.132962, -0.119019, 0.248359, -0.179534, 0.415324, 0.112534, -0.015594, -0.188668, -0.206837, -0.223408, 0.178512, 0.093479, 0.001535, 0.029622, -0.049764, -0.147469, 0.007246, -0.060225, 0.068813, -0.039773, -0.245064, 0.003298, -0.075830, -0.000285, 0.187217, -0.067779, -0.081866, -0.338385, -0.101313, 0.177963, 0.105467, 0.226471, -0.147851, -0.020916, 0.002431, -0.058184, 0.111233, -0.031166, -0.106035, 0.036150, 0.137393, -0.134142, 0.100290, -0.157841, 0.106414, 0.042274, -0.031579, 0.053336, -0.140165, -0.224659, 0.024253, -0.064563, 0.115648, -0.116838, -0.081545, -0.033776, -0.079089, 0.025482, 0.046691, 0.121284, -0.018110, -0.047354, 0.037750, 0.068596, -0.098516, -0.103984, 0.071152, 0.095116, -0.014809, -0.048317, 0.111084, -0.134137, 0.035003, 0.029990, -0.135326, -0.059550, -0.112077, 0.006377, 0.060524, 0.112122, -0.167062, 0.301426, 0.172786, 0.191407, -0.055961, -0.114795, 0.175766, -0.070894, 0.213729, 0.153457, -0.163820, -0.008261, -0.362273, -0.039917, -0.053397, -0.083067, 0.139254, -0.015680, -0.017851, -0.118554, 0.144130, -0.141911, 0.022170, -0.035516, 0.057619, 0.064933, 0.028924, -0.125780, -0.118017, 0.137906, -0.070546, -0.001382, 0.251882, -0.060737, -0.063412, 0.123368, -0.060198, -0.003642, -0.014548, 0.033238, -0.036733, 0.080801, -0.114313, 0.027841, 0.179195, 0.153141, -0.035348, 0.058638, 0.112157, 0.047094, -0.066686, 0.214795, 0.149133, -0.070769, -0.118648, 0.066725, -0.193955, 0.073529, 0.002450, 0.001038, 0.176346, -0.162325, -0.081408, -0.056337, 0.008443, 0.001987, -0.102168, -0.160261, -0.052822, -0.017281, -0.067756, -0.063653, 0.167373, -0.289529, -0.000874, -0.220076, 0.042549, 0.231468, 0.073572, 0.017555, 0.134875, 0.084746, 0.160022, 0.036895, -0.058241, 0.078596, 0.167210, 0.072480, 0.025856, -0.081256, -0.045224, 0.117683, 0.013375, 0.090369, -0.078826, -0.127250, -0.074740, -0.186247, 0.029496, -0.037521, 0.046933, -0.010842, 0.056740, 0.073473, -0.026002, -0.058778, 0.078611, -0.043887, -0.065766, -0.170125, -0.179685, -0.020803, -0.081934, -0.105549, -0.082943, 0.255062, -0.132129, -0.159990, 0.057373, 0.030282, -0.045334, 0.019541, -0.103501, 0.167779, -0.141819, -0.126238, -0.032433, 0.029507, 0.071963, 0.194886, -0.008563, -0.110112, 0.220028, 0.148040, 0.146173, -0.014656, 0.169188, -0.107970, -0.201288, 0.182738, -0.173270, -0.025961, 0.123367, 0.048574, -0.076067, -0.088150, 0.070820, 0.208334, -0.210870, 0.017751, -0.188424, -0.192353, 0.056296, -0.035487, 0.107381, -0.011587, 0.346984, 0.033850, 0.057906, -0.032559, 0.126405, -0.036595, -0.042422, -0.111430, -0.050322, -0.130200, 0.158021, -0.044275, 0.058832, -0.072402, 0.239269, 0.019160, 0.019213, -0.001398, 0.020839, -0.054802, 0.019505, -0.054274, -0.019190, -0.106932, -0.048842, -0.143088, 0.007139, -0.107277, -0.015428, -0.017727, 0.078285, -0.016416, 0.092216, 0.045743, -0.079237, 0.033938, 0.036452, 0.031111, -0.134616, -0.034466, -0.024105, 0.135926, 0.119451, 0.204708, -0.077534, -0.097466, 0.077441, 0.125445, -0.167452, -0.031932, 0.043758, 0.111724, -0.083923, -0.025940, -0.039116, -0.014159, 0.071821, -0.027045, 0.013114, -0.064753, 0.019612, 0.067266, 0.076675, -0.002762, -0.004585, -0.123078, 0.004659, -0.078463, 0.068463, 0.013139, 0.117207, 0.078609, 0.149970, -0.018983, 0.049972, 0.060120, 0.170675, 0.090948, 0.134704, 0.050365, -0.097297, 0.008590, 0.112615, 0.126980, -0.039315, -0.007815, 0.014439, -0.018327, 0.119159, -0.042730, -0.127213, -0.149759, -0.091766, -0.120382, 0.086651, 0.118200, -0.013400, 0.108160, -0.066629, 0.115782, -0.041502, 0.091011, 0.162901, 0.078194, 0.038388, 0.002536, 0.021896, 0.113532, 0.046292, 0.156786, 0.015634, 0.036305, -0.047716, 0.034195, -0.014941, -0.147053, 0.060460, -0.022865, -0.057780, -0.105654, -0.001716, 0.163568, 0.025966, -0.135986, -0.162224, 0.016268, -0.031281, 0.039400, 0.119009, 0.127090, 0.099570, 0.008883, -0.047266, -0.056113, 0.075835, 0.058559, 0.097972, -0.006929, 0.160324, 0.188239, 0.213320, 0.150312, -0.015353, -0.102287, -0.069783, 0.022163, -0.009487, 0.123513, -0.074650, 0.061544, 0.119904, -0.224843, 0.144422, 0.014737, 0.187979, 0.015684, 0.048900, -0.312951, 0.176921, 0.052505, -0.082412, 0.032902, -0.122261, -0.042765, 0.058512, 0.183163, -0.018989, 0.014786, 0.042982, 0.045430, -0.231155, 0.175808, -0.008804, -0.016197, -0.041877, -0.375272, -0.041954, 0.062208, -0.066987, -0.049908, 0.024578, -0.003145, -0.059595, -0.068825, -0.062900, -0.016406, 0.092168, -0.022760, -0.145449, -0.174546, 0.042031, 0.004551, -0.116326, 0.015410, -0.120731, 0.094124, 0.098744, -0.203556, 0.121469, -0.028448, 0.099081, 0.117021, -0.080100, 0.197770, -0.276648, 0.126766, -0.067754, -0.010686, 0.054126, 0.106290, 0.193241, -0.098596, -0.135192, 0.000106, 0.103938, -0.078215, 0.138593, -0.150855, -0.136101, 0.160164, 0.128546, -0.045405, 0.040817, 0.186180, -0.046494, 0.041669, 0.053579, -0.000000, -0.031126, -0.009344, -0.099369, 0.099541, -0.029169, -0.018308, 0.055282, 0.123818, 0.121297, 0.105163, -0.190691, 0.007902, -0.188411, 0.084771, 0.159228, 0.117781, 0.029915, 0.030390, -0.064545, 0.158115, -0.135176, 0.089115, 0.018093, -0.003145, 0.183442, -0.015988, -0.063283, 0.069794, -0.105664, 0.015921, -0.012477, -0.022048, 0.111252, 0.157407, -0.072436, 0.084207, 0.127265, 0.075220, -0.105748, -0.062182, 0.072816, -0.151368, -0.103525, 0.001774, -0.075931, 0.107840, -0.041278, 0.171577, -0.019302, 0.083597, -0.166159, -0.029596, -0.030257, -0.003391, 0.094889, 0.144302, 0.218957, 0.066204, -0.029811, 0.020406, -0.115248, -0.009026, 0.189852, 0.008855, -0.071428, -0.087530, -0.101165, -0.095816, 0.045062, 0.117440, 0.043735, -0.175961, -0.111742, 0.064921, 0.275738, 0.087078, 0.076099, -0.078800, 0.084001, -0.078205, 0.090827, 0.022161, -0.080651, -0.146749, 0.049499, -0.108339, 0.012697, -0.006859, 0.089607, -0.133068, -0.091854, 0.021238, -0.148735, 0.015605, -0.012998, -0.126793, 0.033739, 0.224209, 0.115723, 0.077558, -0.005676, -0.010087, -0.000521, 0.135102, 0.183043, -0.011033, -0.024380, 0.019601, -0.129639, 0.226654, 0.044550, 0.114864, 0.114933, 0.068218, 0.147540, -0.099365, -0.084091, 0.089837, -0.003324, -0.160950, -0.061327, 0.068740, 0.215876, 0.093353, -0.142583, 0.144039, -0.147802, 0.157743, -0.161377, -0.148204, -0.004384, 0.070297, 0.026058, 0.105257, 0.007255, 0.229725, 0.074223, 0.019714, 0.208721, 0.176544, 0.026383, 0.040467, -0.060224, 0.002259, 0.059636, 0.068807, -0.116463, -0.164919, -0.145329, -0.024526, -0.066785, -0.133398, -0.089117, -0.084223, 0.015099, 0.044073, 0.008129, 0.093612, 0.028320, -0.045322, -0.071888, 0.156327, -0.122992, -0.099293, 0.177929, 0.055699, 0.062780, 0.177417, 0.009344, 0.029132, -0.106116, 0.260651, -0.058201, -0.097105, -0.125917, -0.045356, -0.073473, -0.018200, -0.095541, 0.174615, 0.120348, -0.116842, 0.128838, -0.104488, 0.054252, -0.119506, 0.053263, 0.198063, -0.179715, 0.002868, -0.056215, -0.007231, 0.019656, -0.027013, 0.154699, -0.145142, 0.025287, -0.161912, 0.048113, 0.137278, -0.011661, 0.081380, -0.018341, 0.053824, 0.254239, -0.021625, 0.002179, -0.093122, 0.132822, -0.017990, 0.112133, -0.014378, -0.162911, -0.068407, -0.156927, 0.048487, 0.064189, -0.093761, 0.136747, -0.009049, 0.081771, -0.191469, -0.032220, 0.064792, -0.040314, 0.037862, -0.112967, -0.041353, -0.200871, -0.012552, 0.279718, 0.245221, -0.033256, 0.151067, 0.060604, 0.114369, 0.026803, 0.094688, 0.024491, -0.010800, 0.099904, -0.019393, 0.022573, -0.105718, 0.048612, -0.112988, 0.151302, 0.073129, -0.014922, 0.033067, 0.063184, 0.152074, -0.006413, 0.048831, 0.178018, 0.055149, -0.024389, -0.035321, -0.268375, 0.161372, 0.182172, -0.183045, -0.091620, 0.014502, 0.043712, 0.001104, -0.031549, 0.017992, -0.077478, -0.028280, 0.049849, 0.077804, 0.028717, 0.100069, 0.166794, 0.099550, -0.218641, 0.074465, -0.240849, 0.055429, -0.101739, -0.268461, -0.021257, 0.032968, -0.031245, -0.026458, 0.110348, -0.000047, -0.063483, 0.126474, 0.042031, -0.057984, -0.077702, -0.075568, 0.192220, -0.119091, -0.044973, -0.158417, -0.041085, 0.183185, 0.016897, 0.108650, 0.285499, -0.129681, 0.214813, 0.172638, 0.142493, 0.076787, -0.190037, -0.073142, 0.049576, -0.017408, 0.028693, -0.115964, -0.176010, -0.034185, 0.003521, -0.008002, 0.054046, -0.183983, 0.243474, 0.034992, -0.015143, 0.129986, -0.027585, -0.079247, 0.173971, 0.218395, -0.196810, -0.038606, 0.027535, 0.147039, 0.051912, -0.180579, -0.079948, -0.153886, 0.043138, 0.132990, -0.059277, 0.180035, 0.010228, -0.155436, -0.241359, -0.058979, -0.206419, -0.008098, 0.152059, 0.029595, 0.070923, -0.114663, 0.036746, -0.186666, 0.161941, -0.044777, -0.020183, 0.038967, -0.007434, -0.098034, 0.056723, -0.100311, -0.104637, -0.001858, 0.081369, 0.101161, 0.032551, -0.071351, 0.225550, 0.008100, 0.099953, -0.022713, -0.026494, 0.071692, 0.022776, 0.034747, 0.010177, 0.065380, -0.110235, -0.043195, 0.145808, 0.021576, -0.010249, 0.049141, -0.045416, -0.081198, -0.115577, -0.025951, 0.106252, 0.084121, -0.186279, 0.083094, -0.149651, 0.134537, -0.043472, 0.076855, 0.117722, -0.049384, 0.213758, -0.137753, 0.008734, 0.178219, 0.019269, -0.060691, 0.042289, -0.114245, -0.099882, 0.035222, -0.069520, 0.152384, 0.055729, -0.015687, 0.033776, 0.006621, -0.045945, 0.319570, 0.050547, -0.008352, -0.068358, 0.027895, 0.014158, 0.049112, 0.002957, 0.030783, -0.096873, -0.266136, 0.012089, -0.165033, 0.069035, -0.014265, -0.085818, 0.015888, 0.038617, 0.024665, -0.063204, 0.124808, -0.008679, 0.047132, -0.184760, -0.132278, -0.115814, -0.025472, -0.078908, 0.101753, -0.096102, -0.073447, -0.014838, -0.175200, 0.009411, -0.019378, 0.022390, -0.166335, -0.240667, 0.146529, 0.185769, -0.165391, 0.197019, 0.090144, -0.217397, -0.109430, 0.063964, 0.052729, 0.048858, -0.031238, -0.045730, 0.068883, 0.103710, 0.060162, 0.085589, -0.004186, 0.189263, -0.010367, 0.007281, -0.058079, -0.029406, 0.028427, 0.070276, 0.071502, 0.083755, -0.146328, 0.082623, -0.161134, 0.081883, 0.093035, -0.138186, 0.016105, -0.099537, 0.019125, 0.005663, -0.205483, 0.100532, -0.111794, 0.080157, 0.053117, -0.001275, -0.224448, 0.121316, 0.052835, -0.036108, 0.079276, 0.054157, 0.055426, 0.012874, 0.088842, 0.051613, -0.031474, -0.128975, -0.051151, 0.051822, -0.113638, -0.042289, -0.052077, -0.196771, 0.076203, -0.081789, 0.003770, 0.061653, 0.058192, 0.136396, 0.056928, -0.150667, 0.000460, 0.004730, -0.036519, 0.123186, 0.103503, 0.076548, -0.167814, 0.186902, -0.116026, -0.191891, 0.015527, -0.123079, -0.097730, -0.151997, 0.001714, -0.021144, -0.064250, 0.006900, 0.012422, -0.035500, 0.162112, 0.025262, -0.343699, 0.064257, 0.024362, 0.023984, -0.175714, 0.249772, 0.082443, 0.146961, -0.043731, -0.061344, 0.017361, -0.046417, 0.043733, 0.115947, -0.190658, -0.048090, 0.090295, -0.194298, 0.153236, 0.167743, 0.177554, 0.036434, -0.104137, 0.227536, -0.027248, 0.052912, 0.075329, 0.050318, -0.003900, 0.195269, -0.031519, 0.082954, 0.155844, 0.068960, 0.194914, 0.003073, 0.078900, -0.182339, -0.134145, -0.168900, -0.115380, -0.075792, -0.069588, 0.044017, 0.017554, 0.008144, -0.019718, -0.009268, -0.022335, 0.049894, 0.115538, -0.119537, -0.051611, 0.035516, 0.014516, -0.040095, 0.034872, 0.280091, 0.043092, -0.072992, -0.121929, -0.065277, -0.096736, 0.065175, 0.062450, -0.148011, 0.023687, -0.004700, -0.035583, 0.161065, 0.102735, 0.210287, 0.137132, -0.299778, -0.084483, 0.032416, 0.000591, -0.378956, -0.159493, -0.150139, 0.015075, -0.094759, 0.031658, 0.078303, 0.044906, 0.009003, -0.022524, 0.214769, 0.032236, 0.211634, 0.041926, 0.096867, 0.057099, 0.029471, 0.058803, -0.091020, -0.051235, 0.045232, -0.144120, 0.125636, 0.231181, 0.152142, -0.089613, -0.168596, 0.055301, -0.130658, 0.287686, 0.006723, 0.106108, -0.074971, -0.213383, 0.010253, -0.011011, 0.021794, -0.062671, 0.045359, -0.038109, -0.043185, 0.172415, 0.182248, -0.180346, 0.182967, -0.175570, 0.119342, 0.127965, 0.228175, -0.094156, -0.053771, 0.025074, 0.039225, -0.274964, -0.022238, -0.097609, 0.076069, 0.124259, 0.080548, -0.191015, -0.145965, -0.030330, -0.022870, 0.060966, 0.164769, -0.073292, 0.091688, 0.311009, -0.166457, 0.235955, -0.054755, 0.058095, -0.059739, -0.034347, 0.188402, 0.231027, 0.126689, -0.119782, 0.027775, -0.150000, 0.183910, 0.129328, 0.165927, -0.026681, -0.193490, 0.061567, -0.067387, 0.284166, -0.000471, -0.309148, -0.013073, 0.335361, -0.147877, -0.216638, 0.192795, 0.016645, 0.003244, -0.288290, 0.047162, 0.144762, -0.034866, 0.177090, -0.018848, -0.238514, -0.167676, 0.022977, 0.085677, 0.165192, -0.045887, -0.064062, -0.026604, -0.203251, 0.091047, -0.062519, -0.046870, 0.166584, -0.150925, 0.123700, -0.193622, -0.225879, 0.352129, -0.128612, 0.405658, 0.097263, 0.001255, 0.221436, -0.160499, -0.011715, -0.016696, -0.072829, -0.127396, 0.233087, -0.107804, -0.030469, 0.058105, 0.113607, 0.054685, -0.061159, 0.017683, 0.047504, -0.065609, -0.015789, -0.087803, 0.173821, -0.354494, 0.122804, -0.029906, -0.091125, 0.002378, -0.151713, 0.029333, 0.280629, 0.028947, 0.129534, 0.158507, -0.038603, 0.025964, 0.090134, 0.304237, 0.045680, -0.054208, -0.047815, 0.093177, -0.093375, 0.002954, -0.077642, -0.012660, -0.334930, 0.001387, -0.040081, 0.091186, 0.205677, -0.048809, 0.034275, -0.208020, 0.034010, 0.109270, 0.073257, 0.098884, -0.012221, -0.220102, 0.223087, 0.074509, -0.212035, 0.273656, -0.108172, -0.189037, 0.066636, 0.035930, 0.095718, -0.103112, -0.101836, 0.072657, -0.154896, 0.079828, -0.089878, 0.104656, 0.130079, -0.140927, 0.081717, 0.062445, 0.054552, -0.054145, 0.057306, -0.137186, 0.268538, 0.055288, 0.064548, -0.144369, -0.021312, -0.181867, 0.138931, 0.012327, -0.136221, 0.224149, 0.074166, -0.052563, 0.241958, 0.001798, -0.224089, 0.053346, -0.003164, -0.010422, -0.026040, -0.026193, 0.059323, 0.062045, -0.047263, 0.080453, -0.065183, 0.105073, 0.205836, 0.079660, -0.089604, -0.030908, 0.062119, -0.105439, -0.062650, -0.134012, 0.129179, -0.204382, -0.082501, 0.136081, 0.098103, 0.053692, -0.053724, 0.042759, 0.171566, -0.067055, 0.025993, 0.066983, -0.043260, -0.023953, -0.242633, 0.002563, -0.182603, -0.339974, -0.066971, -0.028057, -0.058014, -0.181748, -0.049372, 0.101666, -0.156243, -0.136810, 0.132213, -0.261680, -0.121616, -0.070423, 0.086391, -0.037990, 0.033862, 0.150651, -0.164736, -0.039251, 0.042487, -0.019244, 0.092177, 0.030932, -0.154221, 0.240286, -0.233936, -0.273769, 0.240427, -0.070983, -0.074104, -0.045641, -0.033725, -0.032220, 0.040090, 0.022684, 0.034746, 0.072175, -0.147955, 0.005441, -0.041713, 0.011228, 0.081407, -0.185596, 0.014973, 0.007265, -0.112755, 0.087574, 0.154442, 0.067818, -0.179535, 0.068087, -0.068045, 0.139778, -0.002997, -0.119670, -0.018203, -0.098125, 0.121137, 0.091560, -0.088401, -0.046288, 0.020238, -0.019564, -0.035090, -0.005023, -0.055695, -0.134817, -0.048886, 0.053598, -0.106801, -0.142216, -0.085518, 0.065735, -0.037674, -0.040705, 0.145992, -0.157967, -0.163809, -0.040894, -0.017673, 0.174095, 0.069319, 0.016071, 0.123863, 0.063781, 0.217295, 0.018761, -0.038730, -0.116728, 0.022304, 0.096801, -0.226687, 0.211623, -0.064731, 0.092082, -0.018852, 0.165142, 0.029168, -0.246311, 0.034748, 0.073422, 0.056179, -0.093101, 0.132180, 0.103875, -0.017741, 0.006271, -0.001532, 0.101259, -0.089564, 0.044197, 0.044287, -0.159939, 0.016077, 0.078361, 0.042037, -0.119466, -0.018530, -0.124277, 0.045740, -0.023104, 0.315592, 0.162226, -0.055028, -0.168462, -0.028032, 0.060846, 0.102917, 0.149389, -0.000238, -0.087303, 0.169628, -0.100767, -0.129127, -0.241305, -0.003681, 0.005158, -0.030418, 0.102020, 0.007486, 0.037589, 0.050061, 0.202296, 0.180305, 0.073071, 0.075349, -0.031623, -0.020679, 0.026230, 0.244487, -0.124503, 0.075969, -0.168736, -0.103496, 0.060416, 0.010558, -0.154452, 0.115331, 0.002907, 0.086577, 0.019622, -0.002289, -0.080179, 0.119221, -0.059815, -0.227122, -0.097287, -0.094812, -0.013105, -0.106271, 0.092893, 0.083779, 0.126958, -0.227379, -0.112428, 0.099037, -0.038534, 0.137696, 0.134083, 0.300629, 0.162356, -0.085163, 0.014498, -0.111822, -0.056898, 0.002540, -0.035938, 0.000079, 0.269462, -0.014968, 0.313576, -0.005070, 0.029947, 0.055560, -0.012264, 0.181837, -0.138825, 0.066888, -0.193324, 0.091772, 0.144541, -0.122322, -0.068777, 0.051846, 0.006092, 0.026440, -0.079277, -0.134695, 0.283100, 0.176088, 0.201797, -0.158391, -0.224016, -0.026345, -0.240235, 0.200203, -0.127353, -0.138567, 0.045794, 0.259396, -0.097708, 0.134219, 0.088353, -0.001939, -0.077060, -0.176630, 0.040922, -0.044287, -0.093864, -0.023272, 0.257435, -0.097312, 0.012914, 0.038262, 0.083146, -0.044183, -0.069887, 0.067999, -0.067412, -0.172297, 0.096789, -0.041137, -0.099057, -0.367485, -0.096422, 0.206012, 0.077999, -0.061534, 0.265011, -0.322044, 0.092406, 0.056196, 0.098093, -0.009785, -0.202412, 0.053188, -0.022753, 0.204312, 0.002572, -0.048385, 0.317941, -0.115198, 0.065715, 0.118599, 0.004287, 0.053617, 0.151137, -0.019940, -0.056856, 0.171808, -0.005350, 0.035814, -0.162962, -0.085101, -0.055438, 0.055892, 0.095010, 0.000630, 0.195608, 0.002255, 0.100434, 0.016907, -0.062429, -0.084455, 0.031863, -0.046228, -0.051849, 0.218469, -0.026614, -0.010904, -0.042770, -0.160333, 0.103297, 0.209685, 0.070307, -0.054491, 0.031212, -0.077322, 0.130791, -0.133775, -0.044006, -0.124203, -0.053618, -0.020218, -0.009891, -0.096786, -0.019178, -0.071126, 0.046782, 0.013515, 0.210118, 0.023227, 0.021803, 0.016833, -0.038058, 0.042762, -0.085585, 0.062382, -0.114334, 0.093386, -0.209027, -0.038474, 0.013665, -0.089844, 0.014551, 0.045121, 0.081754, -0.026279, -0.081979, 0.136065, 0.194467, 0.147241, 0.066580, -0.093613, -0.232810, -0.031136, -0.298766, 0.011629, -0.278745, 0.098735, 0.133644, 0.111354, -0.024440, -0.026970, 0.269430, -0.088275, -0.111037, -0.203560, 0.005606, -0.020867, 0.240437, -0.019965, -0.100793, -0.034968, 0.107888, 0.050021, 0.085809, -0.043002, 0.068449, 0.155309, 0.055282, 0.023102, -0.065079, 0.102348, -0.066245, -0.072033, 0.114993, 0.093165, 0.083461, -0.122051, -0.040759, 0.034001, -0.113458, 0.115083, -0.356299, -0.121456, -0.142707, -0.157601, -0.054590, 0.073218, 0.143032, -0.034826, -0.197785, 0.051540, 0.003871, 0.090254, 0.079259, -0.005193, -0.012032, -0.030862, -0.096883, 0.054316, 0.007087, -0.024118, -0.071848, -0.208523, 0.148169, 0.287938, 0.114431, 0.148171, 0.046162, -0.247962, -0.064305, 0.065794, 0.129081, -0.079881, 0.023233, 0.083398, -0.215655, -0.049799, -0.065556, -0.030008, 0.077310, -0.082348, 0.080779, -0.210397, -0.105356, 0.150615, -0.018550, -0.153478, 0.120665, -0.009421, 0.167469, 0.129926, 0.027777, -0.262997, 0.081298, 0.033672, 0.055907, -0.061654, 0.018697, -0.176899, 0.121709, 0.224765, -0.119082, -0.103783, 0.052426, 0.350044, 0.198879, -0.209048, -0.009854, -0.013741, 0.460101, 0.040381, 0.067194, 0.026787, 0.275503, 0.058182, 0.151483, -0.120584, -0.045029, -0.059890, -0.102011, 0.305369, 0.101180, 0.314210, 0.067963, -0.309891, 0.159762, -0.045925, 0.219277, 0.269790, 0.062061, 0.094795, 0.170086, -0.066662, -0.210435, -0.014493, 0.276147, -0.180674, -0.000612, -0.075065, 0.110396, 0.065453, 0.020103, -0.130006, -0.103669, -0.157445, -0.113139, 0.011505, 0.053598, -0.008532, -0.050024, -0.135154, 0.256404, -0.103095, 0.057131, -0.001267, -0.054947, 0.134916, 0.095912, -0.011381, -0.040479, 0.045052, 0.207265, -0.206684, -0.061533, -0.298327, 0.032509, -0.014676, 0.132076, -0.082459, -0.090064, -0.030008, -0.051166, 0.060852, -0.136449, 0.102441, -0.028544, -0.041772, 0.032080, -0.149124, -0.167556, -0.051162, -0.004017, 0.117931, 0.006494, 0.032915, -0.109264, -0.000028, -0.114002, -0.211748, 0.045144, 0.007035, 0.303573, -0.083994, 0.000859, 0.009073, 0.278267, 0.013577, -0.180892, 0.073239, 0.067808, -0.091477, -0.223668, -0.126469, 0.163431, -0.010644, -0.181164, 0.129210, -0.092955, 0.044724, 0.034764, -0.214095, 0.132382, 0.164079, -0.106468, 0.082333, -0.155076, 0.061981, 0.150788, 0.099827, -0.072599, 0.080544, -0.165904, -0.099926, -0.036463, 0.218995, 0.011316, -0.030850, -0.084060, 0.140855, -0.003054, -0.108771, 0.090907, 0.255603, -0.129973, 0.121703, 0.283946, -0.095684, -0.321467, -0.043647, -0.188746, -0.159662, -0.138573, -0.240251, 0.057967, -0.069160, 0.028361, 0.023548, 0.252707, 0.079195, -0.026679, -0.020974, -0.191987, 0.118125, 0.146746, -0.099289, -0.050628, -0.202021, 0.178575, 0.220673, -0.186704, -0.139538, -0.083468, 0.103887, -0.120594, 0.317017, 0.116642, 0.117575, 0.092205, 0.187852, -0.106622, 0.112813, 0.013395, 0.149797, -0.028991, 0.214291, 0.024073, 0.247165, -0.048659, -0.004480, 0.026781, -0.021140, -0.073508, 0.104067, -0.197647, 0.017658, -0.023687, -0.001207, 0.105258, 0.235025, -0.224083, 0.123422, -0.044446, 0.043798, 0.094463, -0.044788, -0.113615, 0.142158, -0.028980, 0.215064, -0.166207, -0.104536, 0.195229, -0.013415, -0.104244, -0.001477, 0.175972, 0.042595, 0.163348, -0.220851, 0.158955, -0.046489, -0.229374, -0.137660, -0.017661, 0.075588, 0.055312, -0.059075, 0.066111, 0.061773, 0.071548, -0.099009, 0.045122, -0.001549, 0.072097, -0.071373, -0.002039, -0.443166, -0.036729, -0.003013, 0.031415, 0.096399, 0.096611, -0.314333, -0.045775, -0.005906, -0.137379, -0.108640, -0.074535, 0.006916, 0.036629, -0.128602, 0.176719, -0.206938, 0.035868, 0.255696, 0.112288, -0.062642, 0.056221, -0.126581, -0.231633, 0.165445, -0.151778, -0.194029, -0.107387, -0.012118, -0.110061, 0.128507, -0.055066, 0.130943, 0.135430, -0.061127, 0.252378, 0.105240, -0.101846, -0.013823, -0.133931, -0.022838, -0.043183, -0.129502, 0.120779, 0.017387, -0.090142, 0.078253, -0.054304, 0.009335, 0.020909, -0.312575, -0.191702, -0.118514, -0.013368, -0.078663, -0.139794, 0.049434, 0.028462, -0.013992, 0.074802, -0.023814, -0.111699, -0.206813, 0.144872, 0.307400, -0.207708, -0.191779, -0.010472, -0.079568, -0.078277, 0.165471, 0.120304, 0.149616, 0.017647, 0.195765, -0.046486, -0.076583, -0.049281, 0.062731, -0.160088, -0.154117, -0.103064, -0.073440, 0.007024, -0.107610, 0.150729, 0.146946, -0.159644, -0.240718, 0.055208, 0.067847, -0.127293, 0.148737, 0.254919, 0.232653, 0.196349, -0.119145, 0.088248, 0.130538, 0.136150, 0.031715, -0.059425, -0.028120, 0.139692, 0.133303, 0.159108, 0.106601, -0.072651, -0.038695, 0.116580, 0.227447, -0.005089, -0.024391, 0.143456, 0.018927, -0.020885, 0.173124, 0.015804, 0.272138, -0.055992, 0.052961, -0.141400, 0.119444, 0.022249, -0.250467, 0.031045, -0.127131, -0.241043, -0.083829, 0.083636, 0.063157, 0.044802, -0.019852, 0.249149, -0.085943, 0.014854, 0.087540, 0.073964, -0.049345, -0.023083, 0.104588, -0.103010, -0.067230, 0.097717, -0.273665, -0.025606, 0.175957, -0.053507, -0.255408, -0.028755, -0.159597, 0.071702, -0.004118, 0.451329, 0.040943, -0.049743, -0.069644, 0.072853, -0.207669, -0.092687, -0.500179, 0.009688, 0.077814, 0.015538, -0.365486, -0.066724, -0.063215, 0.120951, 0.070489, -0.133288, 0.064189, 0.018978, 0.169814, -0.040868, -0.002241, -0.140236, -0.027221, -0.185882, 0.146996, 0.185448, -0.137814, 0.075642, -0.279755, 0.226901, 0.165109, 0.143228, -0.096754, 0.038727, -0.041094, 0.096281, -0.049071, 0.103752, -0.160217, 0.135000, 0.107259, -0.318002, 0.030352, 0.177229, -0.112168, -0.137305, 0.000759, -0.102267, -0.064438, 0.115761, 0.050734, 0.247328, -0.010283, -0.003147, 0.173938, 0.009344, 0.187040, -0.250708, -0.029309, 0.113813, 0.069503, 0.041828, -0.060281, 0.085944, -0.079640, 0.229783, 0.031467, -0.070602, -0.111713, 0.008029, 0.002359, 0.138748, 0.068214, -0.145451, -0.168555, 0.065398, 0.248347, 0.072959, -0.142598, 0.038861, 0.034321, 0.016505, 0.042358, -0.074485, -0.005080, -0.012883, 0.166683, 0.027417, -0.071136, -0.014682, 0.045232, 0.092044, 0.077458, 0.227707, 0.116847, 0.039423, -0.093873, 0.274554, -0.045878, -0.090987, 0.131918, -0.018239, 0.074489, 0.055747, 0.049761, -0.145190, 0.154775, 0.104174, 0.019464, 0.098876, -0.000676, -0.017468, 0.060721, 0.116508, 0.026831, 0.019481, -0.073743, -0.072577, 0.185763, 0.036606, -0.020486, -0.029336, 0.164407, 0.107488, -0.086770, -0.107562, 0.016675, -0.031862, 0.047349, 0.029285, -0.038547, -0.303048, 0.146561, 0.044089, 0.074298, 0.124284, 0.036387, -0.054614, -0.011903, 0.032188, -0.002463, 0.134979, 0.239045, 0.062681, -0.105452, 0.081400, -0.005531, 0.044069, 0.112709, -0.060045, -0.006636, 0.125516, -0.079579, -0.013139, 0.122205, -0.148001, 0.031534, -0.096001, -0.108908, -0.099293, 0.048654, 0.039491, -0.045097, 0.167040, 0.118057, 0.046953, -0.198731, -0.054943, 0.098112, 0.197249, 0.031581, 0.020235, -0.057748, 0.063857, -0.053748, -0.118561, -0.036723, -0.022119, -0.064949, -0.248950, -0.018354, 0.101872, 0.041166, 0.022439, 0.032696, 0.108672, 0.021830, 0.016616, 0.268371, -0.042724, 0.044057, 0.086320, 0.095436, -0.137962, -0.228317, -0.115427, 0.111086, 0.078396, -0.030288, -0.007154, 0.083250, -0.028150, -0.081912, -0.008674, -0.097906, 0.022489, 0.023474, 0.027768, -0.064024, 0.008365, 0.060788, 0.033796, 0.130522, 0.033693, -0.084828, -0.048136, -0.065568, 0.036706, 0.084448, -0.070879, 0.088509, 0.042711, 0.010931, 0.049769, 0.129451, 0.150450, -0.053325, -0.010912, 0.240809, 0.068968, -0.067475, 0.177827, -0.038222, 0.160731, 0.167580, -0.078330, 0.066666, 0.178452, 0.038817, 0.064084, 0.060271, 0.036177, 0.002018, 0.018943, -0.047492, 0.012430, -0.032300, 0.272870, 0.091245, -0.036513, 0.050882, -0.078054, -0.138652, 0.021524, -0.097709, -0.021189, 0.044640, -0.002346, 0.039065, 0.057466, -0.159332, -0.117692, -0.108428, -0.074494, 0.091325, -0.175402, -0.066438, 0.165939, 0.131480, 0.005069, -0.107173, -0.079666, 0.000645, -0.174128, -0.062034, -0.229884, 0.044598, 0.003109, -0.102967, 0.122515, -0.056675, -0.218000, 0.002093, -0.116174, 0.320691, 0.058679, -0.099894, -0.153250, 0.160319, -0.031931, 0.018702, -0.143164, -0.037904, -0.182528, -0.030886, 0.134386, 0.068979, 0.213252, -0.018858, 0.110449, -0.022156, -0.026780, -0.201607, 0.094746, -0.145481, 0.001895, -0.007510, -0.005264, 0.144498, 0.200210, 0.083053, 0.079583, -0.083583, 0.073010, 0.245818, -0.103852, -0.092929, -0.159845, 0.191486, -0.037286, -0.064323, -0.070290, -0.001218, -0.032537, 0.099259, -0.069558, 0.047215, -0.006371, -0.012894, -0.118998, 0.067606, -0.061115, -0.139934, -0.180830, 0.057644, 0.061425, -0.344772, -0.076270, 0.029331, 0.084636, -0.229640, 0.205775, 0.089330, -0.190368, -0.074141, -0.099822, 0.039359, -0.083955, -0.115995, -0.062028, -0.036470, 0.002634, 0.014868, 0.088727, 0.164128, 0.063711, -0.117605, 0.085951, -0.011919, 0.045009, -0.072761, 0.056896, -0.054300, -0.431363, -0.084193, -0.188555, -0.098014, -0.144872, -0.115418, 0.009924, -0.091861, 0.031549, 0.247440, 0.100649, -0.079898, 0.127978, -0.182449, -0.033282, -0.027163, 0.030441, 0.014150, 0.193687, 0.207778, -0.091349, 0.063122, -0.045528, -0.187429, -0.086203, 0.242824, 0.039426, 0.167474, -0.177819, 0.095448, 0.073732, 0.019738, 0.378395, -0.173951, -0.089471, 0.092779, 0.311745, 0.084766, 0.178563, 0.063120, -0.031545, -0.028811, 0.234106, 0.122450, 0.000095, 0.065944, -0.153240, -0.051177, -0.224723, -0.158174, 0.033273, -0.127479, 0.145038, 0.363963, 0.067117, -0.010308, -0.108178, 0.096934, -0.112804, 0.071254, 0.103215, -0.070107, 0.117739, 0.086753, 0.086691, 0.250493, -0.052149, -0.067566, -0.190047, 0.096507, -0.317090, 0.062950, 0.043071, -0.018085, -0.042137, -0.275520, 0.155414, -0.148794, 0.084250, 0.080010, 0.111432, -0.180794, 0.047299, -0.222206, -0.184856, -0.105795, -0.058489, -0.230654, 0.124072, -0.073684, -0.032838, 0.025708, -0.005208, -0.044349, 0.036255, 0.105037, -0.195637, 0.001910, -0.172344, -0.064952, -0.104268, -0.128413, 0.042878, -0.063881, -0.295131, 0.032180, 0.074589, 0.098497, -0.120357, -0.074419, -0.207418, -0.049375, -0.074636, -0.030749, -0.211749, -0.101995, -0.034042, -0.089082, -0.041042, -0.088398, 0.282803, 0.035291, -0.151400, 0.042791, -0.028249, 0.072640, 0.035514, -0.100506, 0.212868, -0.115472, -0.236924, 0.310894, 0.073607, 0.069927, -0.016680, 0.340110, 0.173544, 0.100225, 0.003771, -0.105745, -0.010621, -0.084536, 0.146716, -0.024557, -0.086915, 0.201286, 0.069023, -0.214462, -0.070779, -0.179240, -0.115617, 0.045378, 0.255728, -0.218974, -0.037461, 0.118623, -0.059711, -0.123109, 0.049544, 0.030727, -0.132473, 0.151870, -0.042795, -0.318350, -0.048296, 0.094678, -0.114104, 0.033748, -0.080931, -0.149920, 0.223347, 0.034113, -0.275107, 0.025339, -0.028522, 0.089650, -0.085147, -0.065711, 0.000155, 0.037502, -0.128532, 0.041973, 0.067128, -0.071543, 0.099087, 0.171242, -0.118827, 0.152051, -0.070660, 0.016374, 0.125708, 0.155323, -0.266923, -0.167473, 0.034330, -0.126834, 0.013318, 0.156224, 0.166810, 0.009671, -0.146723, -0.140236, -0.083123, 0.140907, 0.119484, 0.138414, 0.075412, -0.068053, 0.057359, 0.097374, -0.096180, 0.057806, -0.030934, 0.061804, -0.176346, -0.167504, 0.050503, 0.120189, -0.347797, 0.048841, -0.118192, 0.036138, 0.071942, 0.036875, 0.127503, -0.197349, 0.006356, 0.155770, -0.068194, 0.052782, -0.203733, 0.108437, -0.057185, -0.070639, 0.026555, 0.247107, 0.012800, -0.069841, 0.025047, 0.213089, 0.115548, -0.168174, 0.151648, -0.280220, 0.023045, 0.032080, -0.013296, 0.124802, 0.055037, 0.159992, -0.033940, 0.186807, 0.184980, -0.008120, 0.212881, 0.194819, -0.030191, -0.074312, -0.081306, 0.010897, -0.134826, 0.109413, 0.053979, 0.125011, -0.196646, -0.169064, -0.034099, 0.046293, 0.029991, 0.056530, 0.164913, -0.152608, -0.136783, -0.178945, 0.073955, -0.016751, 0.013446, -0.042612, -0.180052, -0.073778, -0.094544, 0.063526, 0.198730, -0.021772, 0.032557, -0.153646, -0.104655, -0.058000, 0.162723, 0.015728, 0.137080, -0.087488, 0.223225, 0.243560, 0.163150, 0.167609, -0.139225, 0.044052, -0.145999, -0.104781, -0.136673, 0.207599, -0.082461, -0.129406, -0.050652, -0.091496, -0.235931, 0.056478, 0.056087, 0.115101, 0.188746, -0.342216, 0.049856, 0.134763, -0.091744, -0.166224, -0.019633, -0.030333, -0.007570, 0.056593, 0.182579, -0.047064, -0.037181, -0.052958, -0.179495, 0.034830, 0.071142, 0.265994, 0.050779, -0.082589, -0.079057, -0.022413, 0.013687, -0.103061, -0.083054, -0.106303, -0.157138, -0.028451, -0.275706, -0.086939, 0.117993, -0.130996, 0.025423, -0.276885, 0.268039, -0.198159, -0.075564, -0.094901, -0.162593, -0.064064, -0.001116, 0.021262, -0.083388, -0.000437, -0.049543, 0.187423, 0.147669, 0.132507, 0.018208, 0.086271, -0.168410, 0.154397, 0.165235, 0.210137, 0.048225, -0.120141, 0.060876, 0.210638, -0.027893, -0.273707, 0.151627, -0.065009, -0.088892, -0.039945, 0.091904, 0.039264, 0.077140, 0.174953, -0.103150, 0.017739, 0.028005, -0.015438, -0.046248, -0.103865, -0.090518, 0.201839, -0.071847, -0.034335, -0.147339, 0.255755, 0.131694, 0.150798, -0.036014, 0.111646, 0.009202, 0.272028, 0.004001, 0.190549, 0.106435, 0.161596, 0.138625, -0.089507, -0.100847, -0.001795, -0.079015, 0.031420, -0.055892, -0.026732, -0.036879, -0.033950, 0.089225, 0.142576, 0.011399, 0.104055, -0.139713, -0.111398, -0.085639, 0.192379, 0.159300, 0.004095, 0.092356, 0.048921, 0.063943, -0.074993, -0.000894, -0.105181, -0.059316, 0.027523, -0.056990, 0.077769, -0.139803, -0.017090, -0.144728, 0.071183, -0.055141, 0.154299, -0.098918, -0.178683, 0.124163, -0.054363, -0.081598, 0.203221, -0.104965, 0.042183, -0.018731, 0.016944, 0.069820, 0.018942, 0.055844, 0.041616, 0.104396, -0.133518, 0.150792, -0.124195, 0.119030, 0.019072, -0.210868, -0.018295, 0.207057, 0.073099, 0.065336, -0.017757, 0.345857, -0.058366, -0.154731, 0.063589, -0.097170, 0.131553, 0.085603, 0.054106, -0.111392, -0.203110, -0.104769, 0.153817, -0.223547, 0.103741, -0.148891, 0.156618, -0.072252, 0.053174, 0.090409, -0.224184, -0.073734, 0.139092, 0.063022, -0.145371, -0.134846, 0.157512, -0.046236, -0.201244, 0.247770, 0.036304, 0.128776, -0.150226, -0.194726, 0.027217, 0.115413, -0.142961, -0.106479, 0.048807, 0.067342, 0.078366, 0.200693, 0.143990, -0.029734, -0.037821, -0.076201, 0.185054, 0.091849, 0.013549, 0.022354, -0.193174, -0.326986, 0.005402, -0.183736, 0.027010, -0.157694, -0.097568, 0.122953, -0.226182, -0.083566, 0.088692, 0.007066, 0.046625, 0.302861, -0.019413, -0.079600, -0.159339, 0.053934, -0.034420, -0.050167, -0.026805, -0.062972, -0.133938, -0.105388, 0.181402, -0.133024, 0.125683, 0.108822, 0.067877, 0.169909, 0.000548, -0.172734, -0.059576, 0.137500, -0.037126, -0.005233, -0.105866, -0.077239, 0.151683, -0.018756, -0.017349, -0.005294, -0.113231, -0.024608, -0.115731, 0.051662, 0.074346, -0.163589, -0.051338, -0.095788, 0.088847, 0.063739, -0.039967, -0.030742, -0.099680, 0.057063, 0.033748, 0.026710, 0.026232, -0.167021, -0.047468, -0.098183, 0.170076, 0.013627, 0.256023, 0.162305, -0.044460, 0.005270, -0.224351, -0.158442, 0.056061, 0.000664, 0.076892, -0.074372, -0.053206, -0.007814, 0.038094, -0.072872, -0.035589, -0.044081, -0.083881, 0.127773, -0.029894, -0.155080, 0.084421, 0.223139, 0.081352, 0.015032, -0.103569, 0.218180, 0.261623, 0.025938, 0.139367, -0.069158, 0.295156, -0.113744, 0.045844, -0.055777, -0.242173, 0.102611, 0.041997, -0.224078, 0.016558, -0.090730, 0.099083, 0.131559, -0.232257, 0.107435, -0.045502, -0.023238, -0.051029, -0.003909, 0.047286, 0.062149, -0.017579, 0.037073, 0.169176, -0.006664, 0.064849, 0.130629, 0.035787, 0.039496, 0.060454, 0.045131, 0.015878, 0.184056, -0.142529, 0.339891, 0.022005, -0.017523, 0.106204, -0.092572, -0.049558, -0.027034, 0.094283, 0.010622, -0.072020, -0.024125, -0.119541, -0.043007, 0.122246, 0.113473, 0.271450, 0.008015, -0.014961, 0.006743, 0.221764, 0.091311, 0.009947, 0.049136, -0.053265, 0.108931, 0.078953, -0.038052, -0.051801, -0.007972, -0.012167, 0.006244, 0.113230, -0.059706, -0.085631, -0.064942, 0.051085, -0.230973, -0.049846, -0.109886, -0.017069, -0.280111, -0.199173, 0.201130, -0.171070, 0.011708, 0.143784, 0.054486, -0.009050, -0.092021, -0.036805, 0.199259, -0.001253, -0.010259, 0.068840, 0.028796, 0.034708, 0.103040, 0.018253, 0.125976, -0.055328, 0.165123, -0.061979, -0.072927, -0.000126, 0.002994, 0.092367, -0.044059, -0.155311, -0.018068, 0.175649, 0.262783, -0.194456, 0.090754, 0.011601, 0.073994, -0.090769, 0.126284, 0.046396, -0.053714, -0.023500, -0.139261, -0.106273, 0.076736, -0.054789, 0.108003, 0.157028, -0.094629, -0.093452, -0.021015, 0.213764, 0.007227, 0.110320, 0.013486, 0.289095, -0.008957, -0.058115, -0.049489, 0.023661, 0.071468, 0.113078, 0.028067, -0.002246, -0.068135, -0.057277, -0.007855, -0.095422, -0.103258, -0.137719, -0.191920, -0.015590, -0.082611, 0.145661, 0.020898, -0.005398, -0.106542, -0.024058, 0.042541, 0.037630, 0.019833, -0.117892, -0.158669, 0.087822, -0.154904, -0.074838, -0.003823, -0.002045, -0.067233, -0.024233, -0.039939, 0.091854, 0.067484, -0.054089, 0.018899, -0.142812, 0.059158, -0.055562, 0.041546, -0.020618, -0.049353, -0.054096, 0.100872, 0.019849, 0.057135, -0.194747, -0.197401, -0.057923, 0.078178, -0.117475, -0.082210, 0.098987, 0.043681, -0.134230, -0.033200, -0.255925, -0.032760, 0.203076, -0.020409, -0.078499, 0.056304, -0.043726, 0.091590, 0.112712, -0.064605, -0.090592, 0.113353, 0.079366, -0.358416, -0.160334, -0.005667, 0.030419, -0.286265, 0.061944, -0.235066, -0.218945, 0.090015, -0.429040, -0.181190, -0.142329, 0.036614, 0.306278, -0.015281, -0.168445, 0.009883, -0.036611, -0.014918, 0.104092, -0.213767, -0.107921, -0.135034, -0.001066, -0.086299, 0.035156, 0.048943, -0.197816, -0.076683, 0.087045, 0.210159, -0.051126, 0.052145, 0.069721, -0.062066, 0.172094, 0.116675, 0.117647, -0.055487, -0.133118, -0.124683, -0.303994, 0.149824, 0.270465, 0.172247, -0.027962, -0.164076, 0.020667, 0.048364, 0.129733, 0.126137, 0.030482, 0.273293, 0.229994, 0.049680, -0.205946, -0.016806, 0.062284, 0.189586, -0.030640, -0.218370, -0.014983, -0.159245, -0.076432, 0.092789, 0.058375, 0.047552, 0.191682, 0.281610, 0.234124, 0.293690, -0.087216, -0.072271, -0.121902, 0.074084, 0.117289, 0.223257, -0.032062, -0.048891, 0.132501, -0.051665, 0.036745, -0.048248, -0.076274, -0.017182, 0.094153, 0.058555, 0.119917, 0.120203, -0.062088, -0.162280, -0.203787, -0.220879, 0.356363, 0.069249, 0.059135, -0.038538, -0.027158, -0.205034, -0.083417, 0.018614, 0.124270, 0.027750, -0.120141, -0.078138, 0.216631, -0.123607, 0.093332, 0.142219, -0.004571, 0.347752, 0.051567, 0.200494, -0.183357, -0.237319, 0.159073, 0.061263, -0.018991, -0.131402, 0.298412, 0.125549, -0.020658, 0.053348, -0.192194, -0.072831, 0.040522, 0.004097, -0.082530, 0.249944, 0.113397, 0.079273, 0.341282, 0.233537, 0.015833, 0.015865, 0.193341, -0.342060, 0.084619, 0.003231, 0.029349, 0.075726, -0.228413, 0.004006, 0.336568, 0.017164, -0.000809, 0.080275, -0.138214, 0.165312, 0.103648, 0.114214, -0.166400, 0.029298, -0.235076, -0.308313, 0.134489, 0.119760, -0.134525, -0.046051, -0.013034, -0.079290, 0.198444, 0.265352, -0.150511, -0.137323, -0.177355, -0.085747, 0.056378, -0.159576, 0.063039, 0.024106, -0.228675, 0.045517, 0.203197, -0.090163, -0.124538, 0.035334, -0.035997, -0.305646, -0.140060, 0.031514, -0.088824, -0.003510, -0.141625, -0.077995, 0.102852, 0.102159, -0.319243, 0.183400, -0.278940, 0.048199, -0.005838, 0.109396, 0.088287, -0.475869, -0.005097, -0.020540, 0.118043, 0.014886, 0.110845, 0.130207, -0.157428, -0.041769, 0.085864, -0.179009, -0.024094, 0.131031, -0.037690, -0.112348, 0.202521, 0.241789, 0.123271, -0.243903, -0.038903, -0.170004, -0.018490, 0.268085, 0.083074, 0.135079, 0.069599, 0.054681, -0.030632, 0.155237, -0.038111, 0.145727, -0.003927, 0.283120, -0.082986, -0.177401, -0.033948, 0.075122, 0.164711, 0.178925, 0.077586, -0.024536, -0.273413, -0.041586, -0.112608, 0.129868, 0.105108, 0.022694, -0.147224, -0.155264, 0.065950, 0.074703, 0.098809, 0.305645, 0.250981, 0.077867, 0.011970, 0.032315, -0.101939, -0.129696, 0.046536, -0.008149, 0.046683, 0.344069, -0.125368, 0.185773, 0.226815, 0.076504, -0.164050, -0.007238, 0.163448, -0.035262, 0.108263, 0.027902, -0.044409, -0.062226, -0.027475, -0.077073, 0.085689, -0.235367, 0.134209, 0.082893, -0.161266, 0.044153, 0.061738, 0.147307, 0.052321, -0.182559, -0.219887, -0.022213, 0.182160, 0.023747, 0.096695, 0.089059, -0.001489, -0.050085, 0.292122, -0.034144, -0.101384, 0.004730, -0.143495, -0.004114, 0.086067, 0.122311, 0.109156, 0.257715, 0.089055, -0.069244, -0.152521, 0.160598, -0.009375, 0.161828, 0.104087, -0.089466, -0.317431, 0.124795, -0.078434, -0.009923, -0.403367, -0.139836, -0.043443, 0.176504, -0.073486, 0.210020, -0.147980, 0.097422, 0.080327, -0.053939, 0.018650, -0.122172, 0.126633, 0.035546, -0.027838, 0.028075, -0.056135, 0.092026, -0.050213, -0.187578, -0.067910, 0.095365, 0.017710, 0.149014, 0.224288, -0.173279, 0.113113, 0.056058, -0.052781, -0.011602, -0.021094, -0.183558, 0.058458, 0.151280, 0.149446, 0.222496, -0.076018, 0.141084, 0.131095, -0.125425, 0.268002, -0.102585, 0.129094, 0.073756, 0.174993, -0.104177, -0.003606, -0.006331, -0.134773, 0.348135, 0.087391, 0.131642, -0.030467, 0.106540, 0.168468, 0.009331, -0.092323, -0.101868, 0.157214, 0.050535, -0.125603, 0.070682, -0.138108, -0.076465, -0.272291, -0.044706, -0.022341, 0.215498, -0.003640, -0.038244, -0.065638, -0.007335, -0.107252, -0.040670, -0.165531, -0.148349, 0.172608, 0.050943, -0.136456, -0.102182, 0.108016, 0.148121, 0.115494, 0.211976, 0.167890, 0.018843, -0.098468, 0.129480, 0.172730, 0.094219, -0.162734, 0.084308, 0.020578, 0.064276, -0.000405, 0.012749, -0.048953, 0.157835, 0.068971, 0.097670, 0.015524, -0.023415, -0.026361, -0.080052, 0.040033, 0.002049, -0.026204, -0.014806, -0.161041, 0.125285, 0.117353, 0.177774, 0.063125, 0.015543, -0.002323, -0.309870, 0.046850, 0.174035, 0.055856, 0.196884, 0.121850, 0.069019, 0.104142, 0.029177, 0.039183, -0.096339, -0.136328, -0.118512, 0.088606, 0.129044, -0.029504, -0.065972, 0.051192, -0.099596, 0.048746, 0.061742, -0.115758, 0.175321, -0.098890, 0.104893, 0.014744, 0.030212, -0.001621, -0.027292, -0.068043, -0.119121, -0.023814, -0.038407, -0.040864, 0.107351, -0.015083, -0.053672, -0.070996, 0.065494, -0.041352, 0.070787, -0.000512, -0.083514, 0.116044, 0.098619, 0.061168, -0.042999, 0.147247, -0.262081, 0.023945, 0.022144, 0.009778, 0.075374, 0.057786, 0.162666, -0.012052, -0.082980, 0.031189, 0.078953, 0.098947, -0.018864, -0.011221, -0.096658, -0.092609, 0.083351, 0.040461, -0.229458, 0.130948, -0.085636, -0.097598, 0.034649, 0.027078, -0.039001, 0.199792, -0.117606, -0.067421, 0.114979, -0.265603, -0.149923, -0.044365, 0.069486, -0.142806, 0.159096, 0.032003, -0.049090, 0.055583, 0.198020, -0.002471, -0.088348, -0.031861, 0.236435, -0.133010, -0.013104, -0.012446, -0.096782, 0.050065, 0.077004, -0.198959, 0.121729, -0.329016, 0.129531, 0.161237, 0.051065, 0.110995, 0.102005, -0.373759, 0.114917, -0.016775, 0.236745, -0.119568, -0.093188, 0.007315, -0.012289, 0.013670, -0.075328, 0.065389, -0.326316, -0.128619, 0.054106, -0.066985, -0.018483, -0.064028, 0.062859, 0.018345, 0.119646, 0.167544, 0.123878, 0.265776, -0.270571, 0.012938, -0.017992, 0.041992, -0.000912, 0.159725, 0.298018, -0.118682, -0.273646, 0.133380, -0.177411, -0.051774, 0.050285, 0.076094, -0.041199, -0.157394, 0.004996, 0.124863, 0.087119, 0.239216, 0.251666, -0.107435, -0.157550, -0.082697, 0.088648, -0.063450, 0.015402, 0.070999, -0.311739, 0.078884, -0.193742, 0.166746, 0.089502, -0.011400, -0.029414, 0.180769, 0.150161, 0.031698, -0.121434, 0.075704, 0.058684, 0.017192, -0.101183, 0.073267, 0.071570, 0.034330, -0.129642, 0.107068, -0.084989, 0.050892, 0.050217, 0.013409, 0.024307, -0.087632, 0.245674, 0.002898, 0.025243, 0.121518, 0.012043, -0.375862, 0.127237, 0.048621, 0.185178, -0.102965, -0.096252, 0.175186, 0.049498, -0.093112, 0.014402, 0.066938, -0.004292, -0.055887, -0.080837, -0.152862, 0.075607, 0.034796, 0.084230, 0.145349, 0.015887, -0.038227, -0.134272, -0.058833, -0.032911, -0.129899, -0.038940, 0.057015, 0.211018, -0.045584, 0.151416, -0.097118, 0.055891, -0.034169, -0.015039, 0.001296, 0.191926, 0.031258, -0.123342, -0.128136, 0.036700, 0.156626, -0.041396, -0.081543, -0.157941, -0.105178, -0.019503, 0.041595, -0.074074, 0.065527, -0.023690, -0.083443, 0.022955, -0.090111, 0.214888, 0.164605, 0.149443, 0.067270, 0.179339, -0.029898, -0.002192, 0.215411, 0.091731, -0.020809, -0.167267, 0.011975, 0.160247, 0.113753, -0.000303, -0.037775, -0.005404, 0.138435, 0.234002, -0.128874, 0.017924, -0.077674, 0.167503, 0.089120, -0.084909, 0.111671, 0.065975, 0.196513, 0.062118, -0.215995, -0.028660, 0.143914, 0.238280, 0.015806, -0.087119, -0.206750, -0.258503, -0.036800, 0.160644, -0.151281, -0.023028, -0.017346, 0.085232, 0.025828, 0.120794, -0.147789, -0.038128, 0.066012, 0.083965, -0.041284, -0.091496, 0.024918, -0.106843, 0.127104, -0.097640, 0.040527, -0.063330, -0.150638, -0.014670, -0.118827, 0.271702, 0.094804, 0.085316, 0.005492, 0.078506, 0.002849, 0.045268, 0.141922, -0.231215, -0.055446, 0.048807, -0.133945, -0.004759, 0.074388, -0.140353, 0.189349, -0.046427, -0.160939, 0.167354, 0.166107, 0.043089, -0.115866, 0.143497, -0.138797, 0.185287, 0.007073, 0.103410, -0.159641, -0.126824, 0.074820, -0.066647, 0.085599, -0.118350, -0.050527, 0.090885, 0.071045, 0.070290, -0.159656, -0.068507, -0.020955, 0.100168, 0.170402, 0.164485, 0.062071, 0.051371, 0.162076, -0.057033, 0.024335, -0.041220, 0.103448, 0.037279, -0.065362, 0.200897, 0.143556, -0.078420, 0.044892, 0.036660, -0.011188, -0.331889, -0.055108, -0.126928, -0.068776, -0.028868, 0.144809, 0.067954, -0.056844, -0.103676, -0.066635, -0.089602, 0.251743, 0.118841, -0.032887, -0.006574, -0.046651, -0.066513, 0.088398, 0.132346, -0.097285, -0.226409, 0.007688, 0.017893, -0.039556, 0.052886, -0.074435, -0.019669, 0.146764, 0.133046, 0.047430, -0.028309, 0.165098, 0.015635, 0.031102, -0.199163, -0.112553, -0.122185, 0.043924, 0.051912, -0.086634, 0.109100, 0.021314, 0.035194, -0.025723, 0.052374, -0.224065, -0.124037, 0.088080, 0.211236, -0.070077, -0.185849, -0.031327, -0.271456, 0.046266, 0.051469, -0.046490, 0.167652, -0.010587, -0.106469, -0.009236, 0.010992, 0.032866, 0.053452, 0.057467, 0.086241, 0.213153, 0.097668, -0.027138, -0.075455, 0.240474, 0.064005, -0.036211, 0.175570, -0.019957, -0.087731, 0.068232, 0.114762, 0.017702, -0.079302, -0.134941, 0.098455, -0.278413, 0.061130, 0.091252, -0.089349, -0.029145, -0.177172, -0.146882, 0.134001, 0.033734, 0.074233, -0.060965, -0.127533, -0.060440, 0.084231, 0.107216, 0.137577, 0.088886, -0.023011, 0.058031, -0.004971, -0.092272, -0.070628, -0.003444, -0.214124, 0.078168, -0.053225, -0.184375, 0.070885, -0.051675, 0.022684, 0.011209, 0.051287, -0.072716, -0.000822, -0.044542, 0.131881, -0.094650, -0.147640, -0.213620, -0.031197, 0.110825, -0.084284, -0.279172, 0.026530, -0.083609, 0.157204, 0.067068, 0.247055, 0.089900, 0.006842, 0.046738, -0.096053, 0.055387, -0.112552, -0.069660, 0.121911, -0.021857, -0.069443, 0.026856, 0.068830, 0.080527, -0.067374, -0.058218, 0.062287, -0.160887, 0.012425, 0.041890, 0.373404, -0.064287, 0.018446, 0.019844, 0.136566, -0.126842, -0.042555, 0.010346, 0.027838, 0.114138, 0.051923, 0.071798, -0.100853, 0.040126, -0.094670, -0.054995, 0.202111, -0.055388, -0.004643, 0.076253, 0.112638, -0.025592, 0.055247, -0.034313, -0.032324, 0.096971, -0.044863, 0.028376, -0.018882, -0.011446, -0.017955, -0.008531, -0.127800, -0.017066, -0.053432, 0.111717, -0.120006, 0.206382, -0.070949, -0.032293, -0.032815, -0.126306, -0.098603, -0.006366, 0.138816, -0.134101, -0.137371, 0.040415, -0.027141, -0.049989, -0.032753, 0.123960, -0.282491, -0.150689, -0.013609, -0.054216, -0.000743, -0.020043, -0.140878, -0.253589, -0.023143, -0.077587, 0.069391, -0.094961, 0.220137, -0.065570, 0.129264, 0.112827, -0.226759, 0.022089, 0.013618, 0.109949, -0.005810, 0.061901, 0.063302, 0.138827, 0.158442, 0.074916, -0.050592, -0.046211, 0.073150, 0.086993, -0.120995, -0.011652, 0.039506, -0.050999, 0.187976, 0.078149, 0.158983, -0.233586, -0.050414, 0.119780, -0.055945, -0.198493, 0.080913, 0.084500, -0.020538, 0.160016, 0.093598, -0.110332, 0.211513, 0.036507, -0.037529, -0.108743, -0.005490, -0.135924, 0.142487, -0.019321, 0.083278, -0.018821, -0.096013, 0.203974, -0.181687, -0.110004, 0.097073, -0.182640, 0.090239, -0.003250, -0.206245, -0.277703, 0.131526, 0.031664, 0.145172, -0.151701, -0.026526, -0.121059, -0.095480, 0.050373, -0.128246, -0.091342, -0.107170, -0.050579, 0.188203, 0.037154, 0.156889, 0.152283, -0.002457, -0.004906, 0.017030, 0.078723, 0.216073, 0.257459, 0.338259, -0.034871, -0.152646, 0.106293, 0.109139, -0.096087, -0.012928, -0.156087, 0.050029, 0.049896, -0.157235, 0.095267, -0.075901, -0.097193, -0.058626, 0.091232, 0.099391, -0.169329, 0.168335, 0.095548, 0.008747, -0.074836, -0.097772, 0.071607, 0.063208, -0.103917, 0.174824, 0.078057, -0.091091, 0.115316, 0.202937, 0.118566, -0.093563, 0.076048, 0.032295, -0.083475, -0.125558, -0.096687, 0.043820, 0.081948, -0.176604, 0.037317, -0.001507, 0.206927, 0.127848, 0.173444, 0.127399, -0.177828, -0.012295, -0.177177, -0.110973, -0.047003, -0.416018, -0.209824, -0.018412, -0.135451, 0.028005, 0.272278, 0.000859, 0.221714, 0.162346, -0.341507, -0.074804, -0.076344, 0.129711, -0.104182, 0.155073, -0.144451, -0.068819, -0.098724, 0.180513, -0.237018, -0.013130, 0.027031, -0.029344, 0.171926, 0.100583, -0.134679, -0.145693, 0.065359, -0.095775, 0.045793, -0.181338, -0.020867, 0.118478, 0.098839, 0.010225, 0.250119, 0.230162, -0.036787, 0.130765, 0.075141, 0.259065, 0.103072, 0.043733, -0.185353, -0.019890, -0.037326, 0.006119, 0.132875, -0.220891, -0.007514, 0.112035, 0.254902, -0.113245, 0.122266, 0.199371, -0.199176, -0.172994, -0.123671, -0.119031, 0.129536, 0.197641, -0.216956, 0.019426, -0.107061, 0.011835, -0.019783, 0.078856, 0.061005, 0.025707, 0.122482, -0.047666, -0.035351, 0.154471, 0.149152, -0.034148, 0.207290, 0.059294, -0.256901, 0.034400, 0.039275, -0.084572, 0.003168, -0.129184, -0.012288, -0.278763, -0.183519, -0.029364, 0.056662, 0.084147, 0.015008, -0.224148, -0.072261, -0.055523, 0.118184, 0.250138, -0.132905, -0.030433, 0.115457, -0.080002, 0.052778, -0.180467, -0.005293, 0.194859, -0.121780, 0.098049, -0.121988, 0.041528, -0.098135, -0.026800, 0.208907, -0.029217, 0.005258, -0.074502, -0.218179, -0.074030, 0.055324, -0.002499, 0.220457, -0.168822, 0.162376, 0.105150, -0.031059, -0.105534, 0.140517, 0.118154, -0.112516, 0.006167, 0.110273, -0.186915, 0.071987, 0.027351, 0.022264, 0.257057, 0.036671, -0.064092, 0.116554, 0.023424, -0.266200, 0.119995, -0.153977, 0.108135, 0.032588, -0.055752, -0.310208, 0.127312, -0.444643, 0.132089, -0.015924, 0.023550, -0.025001, 0.061383, 0.216688, 0.017496, -0.256450, -0.005039, -0.064895, -0.258406, 0.220744, -0.121940, 0.261130, -0.048377, -0.015882, 0.008572, -0.102992, -0.067639, -0.117579, 0.005566, 0.084146, 0.156300, -0.039876, 0.139174, -0.320010, 0.096134, -0.089032, 0.156993, 0.215329, -0.022755, 0.189318, -0.095804, 0.019152, -0.190726, 0.315407, 0.142567, -0.232748, -0.171448, 0.301694, -0.031285, 0.039413, 0.177318, -0.009167, -0.018604, -0.158050, -0.026014, 0.131229, -0.062070, 0.137415, -0.214744, -0.088168, -0.135385, 0.042451, -0.094244, 0.194927, 0.156879, -0.019843, -0.174324, -0.015970, 0.034114, 0.029072, -0.052783, 0.028911, -0.046739, 0.388164, -0.211076, -0.182360, 0.320460, -0.130764, 0.253759, 0.147184, -0.176291, 0.207945, -0.130656, 0.186615, -0.082622, -0.140135, 0.154915, 0.097714, 0.114894, -0.069832, 0.062818, 0.023575, 0.058558, -0.000467, 0.050187, 0.015092, -0.115753, -0.075611, 0.127302, 0.080717, -0.007276, 0.060992, 0.092828, 0.099502, -0.008773, -0.164425, 0.120157, 0.214912, -0.016439, 0.237996, 0.133679, -0.213030, -0.051384, -0.015903, 0.292689, 0.052574, -0.084961, -0.118282, 0.145077, -0.052665, 0.032087, 0.100619, 0.028833, -0.358295, 0.018671, -0.059544, -0.028175, 0.147415, -0.037937, -0.001785, 0.068694, 0.038389, -0.155644, -0.013984, 0.031265, 0.051891, -0.241639, 0.046268, -0.029500, -0.046643, -0.105139, 0.046714, -0.007251, 0.037952, -0.084368, -0.109248, 0.017227, -0.171181, -0.187467, 0.140414, -0.210441, -0.061483, 0.160165, -0.138042, -0.047780, -0.120474, 0.148878, 0.299833, 0.000699, 0.015304, 0.167121, -0.124267, -0.041622, -0.078977, -0.016023, 0.092367, 0.122749, -0.131038, -0.104092, 0.126905, 0.058133, 0.168706, 0.067770, 0.002052, -0.091547, -0.066930, 0.127760, -0.177408, -0.015652, -0.085046, 0.183656, 0.115508, 0.063897, 0.124120, -0.036206, -0.036268, -0.077544, -0.078232, -0.089904, -0.152616, 0.106415, 0.232451, -0.212826, -0.066778, -0.083372, -0.020415, 0.102121, -0.138022, 0.035492, -0.001801, 0.091798, -0.044931, -0.108354, -0.001246, -0.163953, -0.001704, 0.027655, -0.016941, 0.285381, -0.035010, 0.081199, -0.135450, -0.000384, 0.025831, 0.061289, 0.020450, 0.071474, 0.103490, -0.069954, -0.043002, -0.043381, 0.064705, -0.082886, 0.062027, -0.277239, -0.114248, -0.140802, -0.155954, -0.072123, 0.020488, 0.080832, -0.062761, -0.175492, 0.111576, -0.158233, -0.015050, -0.260779, 0.186558, 0.163120, -0.112938, 0.048781, -0.135291, 0.070768, 0.158602, 0.178143, 0.340631, 0.024390, 0.042959, -0.000341, 0.067810, -0.179113, 0.025250, 0.074597, -0.076521, 0.067637, 0.033880, -0.139009, -0.049101, 0.031636, 0.175042, 0.009764, 0.159599, 0.111017, 0.096784, -0.036825, 0.059042, -0.035119, -0.147075, 0.061776, -0.099329, -0.076508, 0.079197, 0.056902, 0.057801, -0.000311, 0.062950, 0.153034, -0.160940, -0.024434, -0.062464, 0.107991, 0.119894, -0.130435, 0.010992, 0.121317, -0.096411, 0.012464, 0.146213, -0.195358, 0.240207, 0.086188, 0.017973, 0.065329, -0.130945, 0.014932, -0.014143, 0.159923, -0.125362, 0.166670, -0.058297, -0.195693, 0.125700, -0.032446, -0.114385, -0.007049, 0.156635, 0.031096, -0.041488, 0.043122, 0.014168, -0.271082, -0.077441, 0.293389, 0.253118, -0.182833, -0.042934, 0.368612, -0.294170, 0.038742, -0.106096, 0.090710, -0.028084, -0.036775, 0.204499, -0.040940, 0.028812, 0.232280, -0.068856, 0.029513, -0.173896, 0.135431, -0.087508, -0.141667, 0.258288, 0.260348, -0.150875, -0.256255, -0.193292, 0.177295, -0.194639, -0.045401, 0.087473, -0.113212, 0.038211, 0.110737, 0.022310, -0.150219, 0.154222, -0.062434, -0.069766, 0.034890, 0.172754, -0.067746, -0.023907, -0.100119, -0.033430, 0.169741, -0.232521, -0.126731, 0.028104, 0.042512, 0.157400, 0.001139, 0.121682, 0.058361, -0.121483, -0.149188, 0.213925, -0.155522, 0.104120, 0.034291, -0.009313, 0.147124, 0.040186, 0.078791, 0.216916, -0.033805, -0.218235, -0.113596, -0.053518, -0.169224, 0.127924, -0.314407, 0.169956, -0.338889, -0.100975, 0.140073, -0.015807, -0.171466, -0.027010, -0.096682, 0.256155, -0.221560, -0.034814, -0.042404, 0.180464, -0.112085, -0.074453, 0.010343, 0.075939, -0.001793, -0.026306, -0.057026, 0.021730, -0.053456, 0.081499, -0.051176, -0.042147, 0.102263, -0.026329, -0.050573, -0.047884, -0.091803, 0.167565, -0.263071, -0.063839, -0.134032, 0.133499, -0.058113, -0.069946, -0.165329, -0.006040, -0.029819, -0.031907, -0.044640, -0.237970, 0.194632, -0.059933, 0.002827, 0.276107, 0.093474, 0.058310, 0.109185, -0.080755, -0.098485, 0.069513, 0.036021, 0.185009, -0.033535, -0.031995, 0.142856, -0.050107, 0.359009, 0.146220, -0.093889, 0.098922, -0.163220, -0.000938, -0.184717, -0.100548, 0.083632, -0.098270, -0.011969, 0.202113, 0.068753, -0.103492, 0.060598, -0.341128, 0.082948, 0.267676, -0.025144, -0.088114, -0.212641, 0.044487, 0.156423, -0.137980, -0.059020, -0.005612, 0.119813, 0.029988, 0.114937, -0.100618, 0.111188, -0.010889, 0.120756, -0.062750, 0.043590, 0.033066, 0.034371, 0.036549, -0.180505, 0.000580, -0.008903, -0.040209, 0.304188, 0.257468, -0.048805, 0.106290, -0.072963, 0.277903, -0.070205, -0.309725, -0.078010, 0.015075, -0.013797, 0.040950, 0.056915, -0.080337, -0.099856, -0.095367, 0.014003, 0.047154, 0.140737, -0.011466, 0.226142, -0.001958, -0.025152, 0.144661, 0.136879, -0.341799, 0.135421, 0.042695, -0.060274, -0.080414, 0.109131, -0.166920, 0.010921, 0.054478, -0.121977, 0.018514, 0.136377, -0.060118, 0.418474, 0.196294, -0.048742, -0.031552, 0.154956, 0.128871, -0.049186, -0.042023, -0.078380, 0.025161, -0.013736, 0.043136, -0.021189, 0.063901, 0.092440, -0.230578, 0.122959, 0.050839, -0.024668, 0.013551, 0.195283, -0.101653, 0.013846, -0.062876, -0.172221, 0.319327, -0.004245, 0.012536, 0.111308, -0.010515, 0.151883, 0.096149, 0.237931, -0.079375, 0.039622, -0.045464, -0.093560, 0.018405, 0.028454, 0.042470, 0.072702, -0.057343, -0.115626, -0.159515, 0.071325, -0.096979, -0.071099, -0.163217, 0.210920, 0.324371, 0.083307, -0.035269, -0.094721, -0.147639, 0.114233, 0.165497, 0.054653, 0.018405, 0.162833, -0.068966, 0.127940, -0.226807, -0.031302, 0.139926, -0.086506, -0.082002, 0.047211, 0.021556, 0.113973, 0.160957, 0.087747, 0.034467, 0.035454, 0.013884, -0.079564, 0.190975, 0.137590, 0.102098, -0.174042, 0.000436, -0.067220, -0.013617, 0.164697, 0.220130, -0.154674, 0.002385, 0.276394, 0.064778, 0.022824, 0.049806, -0.071395, 0.146023, -0.119074, -0.065355, 0.097417, 0.183198, -0.267383, -0.013902, 0.165126, 0.053019, -0.116544, 0.153460, -0.060250, -0.105159, -0.070914, -0.138909, -0.167378, 0.072548, -0.130341, -0.365296, 0.005342, 0.032070, 0.101688, -0.049661, -0.140524, 0.038867, 0.017821, 0.087278, -0.022312, 0.031981, 0.019561, 0.027375, -0.083092, -0.022328, 0.086747, 0.136855, -0.092264, -0.036406, 0.010019, 0.068393, -0.049806, -0.013443, -0.209737, 0.064774, 0.239706, -0.107209, 0.009166, 0.001634, -0.055799, 0.044459, -0.090565, 0.064518, 0.008532, -0.104379, -0.027249, -0.058616, -0.009865, -0.199244, 0.002075, -0.039272, 0.061325, 0.035554, 0.047493, -0.070734, 0.018357, -0.080890, -0.015359, 0.079364, -0.209902, -0.197124, -0.084411, -0.015499, 0.178644, 0.072146, 0.030939, 0.149341, 0.101394, 0.235679, -0.048848, 0.144135, -0.006626, 0.091914, 0.148643, -0.073191, -0.143875, -0.039766, 0.197072, 0.022736, 0.045684, 0.092281, 0.008427, 0.162839, -0.147623, -0.145582, -0.246342, 0.018965, 0.084321, 0.047455, -0.113461, -0.039263, 0.069535, 0.094965, 0.038906, 0.057569, -0.008143, -0.083202, -0.329816, 0.026175, 0.167980, -0.130004, 0.070909, -0.054979, -0.050327, 0.022380, 0.230946, -0.021924, -0.043513, 0.210430, 0.024188, -0.035913, -0.046300, 0.058681, -0.002339, -0.164726, -0.001803, -0.090165, -0.033209, 0.000353, 0.106240, -0.112448, 0.044825, 0.018623, -0.086690, -0.108768, 0.167165, -0.148376, -0.031744, 0.117932, -0.094761, -0.177316, 0.089230, -0.088128, -0.063871, 0.068606, 0.102532, -0.145565, -0.022932, 0.043410, -0.049153, 0.202305, 0.034528, 0.104191, -0.246975, 0.011730, -0.101671, -0.017316, 0.145537, 0.034497, -0.060588, 0.298330, -0.093971, -0.072684, 0.231782, -0.011961, 0.034594, -0.084280, 0.096477, -0.049671, 0.302802, 0.090589, -0.109784, -0.114536, 0.126116, -0.023178, -0.071071, 0.028076, -0.108910, -0.008469, -0.082181, -0.133328, 0.006273, 0.191951, -0.074927, -0.257296, -0.024934, -0.120486, 0.064042, 0.053138, 0.050571, 0.094495, 0.103887, -0.044997, 0.115372, -0.060745, 0.024859, 0.005656, -0.117519, 0.066501, 0.027122, 0.028560, 0.132949, 0.093768, -0.082955, 0.014698, 0.034822, -0.046092, -0.008171, -0.003600, -0.013807, -0.075555, 0.122708, 0.184737, 0.131217, 0.121224, 0.088411, 0.007613, 0.052272, 0.031185, -0.036627, 0.070341, 0.257667, -0.027488, -0.070757, 0.004253, -0.031510, 0.142882, 0.056910, 0.005907, 0.054616, 0.120251, -0.024300, -0.037292, 0.015158, 0.065640, 0.054543, -0.184551, 0.016028, -0.078244, -0.067939, 0.129263, 0.007106, -0.148448, 0.105163, -0.068422, -0.155385, -0.015473, 0.152837, -0.052272, 0.056455, 0.013280, -0.036060, 0.006116, -0.082045, -0.032881, 0.008004, -0.087470, -0.093723, 0.036486, 0.310558, -0.132851, 0.041497, -0.186271, -0.114474, -0.066899, 0.103234, 0.077772, 0.010062, 0.170738, -0.036210, -0.083036, -0.019080, 0.175649, 0.025370, -0.181825, -0.026797, -0.076382, 0.057706, 0.073246, -0.066335, 0.156763, 0.000392, 0.109139, -0.130490, 0.026810, -0.205618, -0.089030, 0.111695, -0.059151, -0.166312, 0.113261, -0.011812, 0.064050, -0.127142, -0.107995, 0.042971, 0.080772, -0.032470, 0.047733, -0.177353, 0.073582, -0.045395, -0.199351, 0.027774, 0.055327, 0.049957, -0.071689, -0.109450, 0.001694, -0.048734, -0.245218, 0.032207, -0.078792, -0.072813, 0.267371, -0.062029, -0.073317, -0.121312, 0.135236, -0.097960, -0.271376, 0.112134, 0.072430, 0.018152, 0.179557, -0.087575, -0.092869, 0.166016, -0.078390, -0.119993, -0.170764, 0.015703, 0.101923, -0.007292, 0.039468, 0.019563, 0.134099, -0.018278, -0.033929, 0.037092, 0.006891, -0.045118, 0.001716, 0.275844, -0.157836, 0.103887, -0.052236, 0.293535, 0.087412, -0.001126, -0.073093, -0.204181, -0.034557, 0.126731, 0.199768, 0.010408, -0.043653, -0.009232, 0.026492, 0.109753, 0.246537, 0.045463, -0.041153, -0.023260, -0.036253, 0.013283, 0.072844, 0.125082, 0.049111, 0.002595, 0.021549, -0.154406, 0.013961, 0.113566, 0.180529, 0.010461, 0.022179, 0.200830, 0.251557, 0.229799, 0.116623, -0.027298, 0.004365, -0.219223, 0.013622, 0.067930, 0.228232, 0.259502, 0.161998, -0.057166, -0.113928, 0.108284, -0.265568, 0.055029, -0.063988, -0.084118, 0.058361, 0.193318, -0.096287, -0.018327, 0.012217, -0.044030, 0.018255, 0.027331, -0.031905, 0.072594, -0.041796, -0.125692, 0.124280, -0.087455, 0.084522, 0.011466, 0.130775, 0.025740, -0.053205, 0.115468, -0.163616, 0.026465, 0.001122, -0.249812, -0.139910, -0.064892, 0.285476, 0.094435, -0.199105, 0.166628, -0.065482, 0.154662, 0.011724, -0.170554, 0.041234, -0.083419, -0.014094, 0.151463, 0.148773, -0.146663, 0.213666, -0.113518, 0.252334, 0.179672, 0.231179, 0.042089, -0.057248, -0.009487, -0.026258, 0.171585, -0.064924, 0.068134, 0.054606, 0.133150, -0.043039, -0.050270, 0.006382, 0.086287, 0.032506, -0.170594, -0.225629, -0.191032, -0.065392, -0.089193, -0.007163, -0.020818, -0.078087, -0.044804, -0.140864, 0.064807, -0.049463, -0.151741, -0.053005, -0.111614, -0.027328, -0.163911, -0.050678, 0.238982, 0.083931, 0.156799, 0.074292, -0.108890, 0.097005, 0.099682, 0.144282, -0.125682, 0.023426, 0.188638, 0.043287, 0.167964, 0.080320, 0.024406, -0.054192, -0.004834, 0.096594, 0.138287, -0.166759, -0.237226, -0.001209, 0.045181, -0.110803, -0.114033, 0.079104, -0.028597, 0.149875, -0.237006, 0.158699, 0.053245, -0.091241, -0.061563, 0.086702, 0.078939, 0.052511, 0.153040, 0.153857, 0.002295, -0.052694, -0.118581, 0.067061, -0.177535, -0.112149, 0.097296, -0.179591, -0.084714, 0.205932, -0.046511, -0.193114, 0.069172, 0.213396, 0.115663, -0.007607, -0.014151, 0.059795, 0.114705, -0.074429, 0.066304, -0.118667, -0.153361, -0.080669, 0.060259, -0.124002, -0.093212, -0.113071, 0.041696, -0.046173, -0.130489, 0.214100, -0.192619, 0.055707, 0.026821, -0.089228, 0.035635, 0.155151, 0.053430, 0.049918, -0.243555, 0.137969, -0.064532, 0.083730, -0.141748, -0.089108, 0.037637, 0.079120, 0.089629, -0.123440, 0.091064, 0.028932, 0.104509, -0.252274, 0.096206, 0.042295, -0.166942, -0.283350, -0.019433, 0.079779, -0.041792, -0.030324, 0.124328, -0.043831, -0.049248, 0.100391, -0.282274, 0.098621, -0.182496, -0.159794, 0.174238, -0.042602, 0.188017, -0.145526, 0.076065, -0.022951, 0.099703, -0.114004, 0.006951, -0.076176, -0.010137, 0.247667, 0.081629, 0.030859, -0.068366, -0.003393, -0.063821, -0.216368, -0.105703, 0.217756, -0.097814, -0.110098, 0.084316, 0.137918, 0.086426, -0.017170, 0.127760, 0.041546, 0.083832, -0.048275, -0.034352, -0.170631, 0.052103, -0.079446, -0.071850, 0.054457, -0.160916, 0.050112, -0.072400, 0.038848, 0.216979, -0.104384, 0.031171, 0.000360, 0.084518, 0.040828, -0.096848, -0.027515, -0.031853, 0.008518, 0.057473, 0.151951, -0.088065, -0.135873, 0.039792, 0.015145, 0.046684, 0.007593, 0.068887, 0.059522, 0.060258, -0.136487, 0.044345, 0.227841, -0.057029, 0.080580, -0.041244, 0.028642, 0.012469, 0.102990, -0.182384, -0.181141, -0.067501, -0.127483, 0.108375, -0.026552, 0.127663, 0.038425, 0.125818, 0.044435, -0.038083, 0.198251, -0.068020, -0.000508, -0.047770, -0.216368, -0.014624, -0.053551, 0.034716, -0.102811, 0.073882, 0.054868, -0.001759, -0.161836, -0.003968, -0.028523, -0.127349, 0.105821, 0.043471, 0.049010, 0.020838, -0.183584, -0.097944, 0.031850, 0.241245, -0.021984, -0.029156, 0.090347, -0.127454, 0.003405, -0.133619, 0.018977, 0.066799, -0.058666, 0.079650, -0.163006, 0.005732, 0.013315, -0.021018, 0.051935, -0.109207, 0.016435, -0.148248, -0.050760, -0.255233, 0.075516, -0.044465, -0.338473, 0.220422, -0.150822, -0.164661, 0.101748, 0.254638, -0.005229, -0.228546, -0.138759, -0.062475, 0.131997, -0.000892, -0.147947, -0.137649, 0.053465, 0.028570, 0.011196, 0.006218, 0.002846, 0.028888, 0.258934, -0.055853, 0.130600, -0.000392, 0.041278, -0.172253, -0.129172, 0.101875, -0.066815, -0.036382, 0.214815, 0.115238, -0.063024, 0.054232, 0.015361, -0.211860, -0.082213, -0.152494, -0.074782, 0.028084, 0.134589, 0.304588, 0.012290, -0.153974, 0.186400, 0.084368, 0.058338, -0.018906, -0.215904, -0.117794, -0.116916, -0.041213, -0.196585, -0.103861, 0.235622, -0.242628, 0.231374, -0.094658, 0.055061, -0.092650, 0.039945, 0.017407, 0.336572, 0.109565, -0.058783, 0.007204, 0.160341, -0.081981, -0.039637, 0.054261, -0.119978, 0.079526, -0.153555, 0.136797, -0.154527, 0.193133, -0.039098, -0.078807, -0.034486, -0.086666, -0.055747, 0.196437, 0.149296, -0.017927, 0.176129, -0.091077, -0.002107, 0.195516, 0.213086, 0.120304, 0.195019, -0.010824, 0.115625, -0.005646, -0.031220, 0.041447, -0.188913, 0.031300, 0.045235, 0.083761, -0.368380, -0.017159, -0.041085, -0.119728, -0.043119, 0.062527, -0.112408, 0.093415, -0.002442, 0.220630, 0.014332, 0.047170, 0.055147, -0.043591, 0.238709, -0.019443, 0.007713, 0.127757, -0.217447, 0.078455, 0.166267, -0.048073, -0.133595, -0.017981, 0.049523, -0.004359, -0.071199, 0.188883, -0.227077, -0.027080, -0.127476, -0.084626, -0.063246, 0.070225, 0.166842, -0.050688, -0.036316, 0.001127, 0.049579, 0.077244, -0.146001, -0.010857, 0.063445, -0.036332, -0.121443, 0.016291, 0.047775, -0.217636, -0.192571, -0.026795, 0.155661, -0.004044, 0.069971, 0.018622, 0.146244, 0.133916, -0.080938, -0.243166, -0.008457, 0.112252, -0.018514, 0.124336, 0.096541, 0.053268, 0.004552, -0.089090, 0.015844, 0.119504, -0.201745, 0.049569, -0.066086, 0.052368, 0.069098, 0.100728, 0.041250, 0.053461, -0.089339, 0.102989, -0.088457, -0.128592, -0.078892, -0.055932, 0.112990, 0.066415, 0.256843, -0.096645, 0.026692, 0.130491, 0.002565, -0.102114, -0.132810, 0.018640, -0.016877, 0.073373, 0.103782, -0.087703, 0.052445, 0.296964, -0.031221, -0.024950, 0.196040, 0.325991, 0.029504, 0.009375, -0.107333, -0.120296, 0.116256, -0.043094, 0.061608, -0.027444, 0.086156, -0.185507, 0.030213, -0.097156, 0.134447, 0.069984, -0.061169, 0.060219, -0.055391, -0.108387, 0.034797, -0.028269, -0.016567, 0.008705, 0.038658, 0.128568, -0.033228, -0.035577, -0.039544, 0.014916, -0.111252, 0.020229, -0.166472, 0.223350, 0.100544, 0.147066, 0.126551, 0.099108, -0.117593, 0.222356, -0.022545, -0.038301, 0.127084, 0.116536, 0.022551, 0.062978, -0.146557, -0.112596, 0.149301, 0.062854, -0.017937, -0.028676, -0.212977, 0.232542, 0.146999, 0.041636, -0.116536, -0.012825, 0.090034, -0.104141, 0.122741, -0.019952, -0.038862, 0.066759, -0.087893, -0.267770, 0.110327, 0.103227, 0.016101, -0.201848, -0.140937, -0.209244, -0.039144, 0.156290, -0.015446, 0.047709, -0.080705, -0.218966, 0.161435, -0.164691, 0.029786, 0.076941, -0.047897, 0.011702, -0.312126, 0.066604, -0.106171, -0.091407, 0.116020, -0.082990, -0.092935, -0.103496, -0.087235, 0.086438, -0.011391, 0.124351, 0.014891, -0.087898, 0.100942, -0.176805, 0.043271, -0.012687, 0.046501, 0.021703, 0.068844, 0.031700, -0.030056, -0.017039, -0.133340, -0.052811, 0.033460, 0.310299, -0.018445, 0.117092, 0.019490, 0.089508, 0.053851, 0.095712, 0.102380, 0.018317, 0.030007, -0.005154, 0.021721, -0.066992, 0.056084, 0.034543, -0.172825, 0.090140, -0.134268, 0.029251, 0.148524, 0.230157, 0.091970, 0.044062, -0.049436, -0.093965, 0.098862, 0.124669, 0.019636, 0.103384, -0.105563, 0.073826, 0.013263, -0.030225, -0.129813, -0.095297, -0.002557, -0.177764, -0.075746, 0.099721, 0.053418, -0.082600, -0.057980, 0.065109, -0.013735, 0.130063, 0.244898, -0.193051, 0.025850, 0.061826, -0.093144, -0.174243, -0.107809, 0.030556, 0.116418, -0.011315, 0.024379, -0.088070, -0.190632, 0.012837, 0.242123, 0.121268, 0.062708, 0.069778, -0.143387, -0.120698, -0.001752, 0.124759, 0.000163, 0.045409, 0.098222, -0.018074, -0.012505, 0.016617, 0.065679, 0.067608, 0.049461, -0.034880, -0.027856, -0.077430, 0.000705, -0.030224, -0.067028, -0.059714, 0.002914, -0.096261, 0.056158, 0.054171, 0.011903, 0.077161, 0.007677, 0.010509, -0.004172, -0.161136, 0.075080, 0.056988, -0.031833, -0.152647, 0.008039, 0.139952, 0.085834, 0.187624, -0.097751, -0.046983, 0.011557, -0.111943, -0.041803, -0.072772, -0.099126, 0.009588, 0.044521, -0.013948, 0.152138, 0.026093, 0.158715, 0.015614, 0.140636, -0.058367, 0.086276, 0.246881, 0.049780, -0.061976, 0.209016, 0.190630, -0.258316, 0.003985, 0.023629, 0.121648, -0.126674, -0.055266, -0.100828, 0.015717, 0.026039, -0.017538, -0.030730, 0.070441, 0.080110, -0.130306, 0.146970, 0.081266, 0.275491, -0.138795, 0.013172, -0.098837, -0.033673, 0.061138, 0.064946, -0.100231, 0.171594, -0.061606, -0.052180, 0.027451, 0.172379, 0.026474, 0.099742, 0.045213, 0.005547, 0.061996, -0.033168, 0.087340, 0.168483, -0.070347, 0.085923, -0.071422, 0.210726, 0.093415, -0.108779, 0.042934, -0.100235, -0.088936, -0.301306, 0.002558, 0.070406, 0.201166, 0.029577, -0.057294, -0.064305, 0.120004, 0.019414, -0.275655, -0.123320, -0.008201, -0.023334, 0.089377, -0.005569, -0.208123, -0.001749, 0.104769, -0.106992, 0.092008, 0.074695, -0.005782, 0.045401, 0.000464, -0.196813, -0.024421, -0.154686, 0.125253, 0.054931, -0.028826, -0.179010, -0.095480, 0.156133, 0.147718, 0.006196, 0.024056, -0.168462, 0.015032, 0.125645, -0.114168, 0.073559, 0.153124, -0.075263, -0.141425, -0.227340, 0.227195, 0.122616, -0.155191, -0.200411, 0.099894, -0.059078, -0.033178, 0.216088, -0.049548, 0.044109, 0.138902, -0.020435, -0.041299, -0.025737, 0.026914, 0.226713, 0.026235, -0.152590, -0.031063, -0.091527, -0.006282, -0.121389, 0.223047, 0.059140, 0.035241, 0.090160, -0.012304, -0.091577, -0.112285, -0.031062, 0.083680, 0.029675, 0.034195, 0.000338, -0.079846, 0.070795, -0.038379, 0.138996, -0.087443, -0.086791, 0.295846, -0.034279, 0.022209, -0.058352, 0.200016, -0.089648, -0.028899, 0.040374, 0.179234, -0.020821, 0.082401, 0.099363, -0.029981, 0.055816, -0.229078, -0.082111, -0.009200, 0.095690, -0.207744, 0.138944, 0.053834, -0.097237, -0.187985, -0.084396, 0.100489, 0.151969, -0.036304, -0.180362, -0.093843, -0.064977, 0.127311, -0.128974, -0.112004, 0.088624, -0.162345, 0.206293, -0.053799, 0.129270, 0.084161, -0.010939, -0.239420, 0.247131, 0.069240, -0.040423, -0.244170, 0.165096, 0.107327, 0.060755, 0.088856, 0.040519, -0.153600, 0.179745, 0.131154, -0.125890, 0.001774, -0.166832, -0.020188, -0.035822, -0.045552, 0.002787, 0.069463, -0.182185, -0.129248, -0.013232, -0.086295, -0.171473, -0.228118, -0.148982, -0.086156, 0.389629, 0.099840, -0.129269, -0.049014, -0.096143, -0.061581, 0.147942, -0.113316, 0.189312, 0.134231, 0.164225, -0.090877, 0.154456, -0.019699, 0.125410, 0.030836, 0.142108, -0.361731, 0.131740, 0.029203, 0.068773, 0.118587, -0.299323, -0.093207, -0.176030, 0.135496, -0.012529, 0.030103, 0.052051, 0.007923, -0.084654, 0.078882, 0.006366, -0.229802, 0.181475, -0.068998, -0.014403, -0.055732, -0.095416, 0.069960, 0.018692, 0.203756, 0.202278, 0.009064, -0.014745, -0.114310, -0.098141, 0.157035, -0.078152, 0.211839, -0.195971, -0.055304, 0.022194, 0.046133, -0.102224, 0.130310, 0.087696, 0.097874, 0.055352, -0.142188, 0.021707, 0.096157, 0.067543, -0.033393, -0.050917, -0.112640, -0.064185, -0.072041, -0.151487, 0.061656, -0.097823, -0.159876, 0.015352, -0.008905, -0.314767, 0.027789, 0.102520, -0.298395, -0.010894, -0.104364, -0.095904, -0.225833, 0.159941, 0.088775, -0.211453, 0.193329, -0.063925, -0.078147, -0.032832, -0.034655, 0.075228, -0.083080, 0.037649, -0.138722, 0.079645, -0.040964, -0.121252, 0.013629, 0.067573, -0.119653, 0.178983, -0.120660, 0.133218, 0.015164, 0.062381, 0.226424, -0.018202, -0.221171, -0.068157, 0.228641, -0.108088, -0.224511, -0.325605, 0.017448, -0.029957, 0.090912, 0.152819, -0.256698, -0.080980, -0.039956, 0.157085, -0.327507, 0.022538, -0.078062, 0.118642, -0.084213, 0.016363, -0.082344, -0.143065, -0.092810, 0.021804, -0.007585, 0.048093, 0.232291, 0.047834, -0.250587, 0.047692, -0.104950, -0.119229, 0.041336, 0.035374, 0.047871, 0.231222, 0.015834, -0.146428, 0.133831, -0.096974, -0.012827, -0.130075, 0.147740, -0.118677, -0.051384, -0.010836, 0.124131, -0.063238, -0.032338, -0.066891, 0.071689, -0.044680, -0.030661, -0.004060, 0.195004, -0.009135, -0.086873, 0.212343, 0.098319, 0.049365, 0.086670, 0.165659, 0.080092, 0.062565, 0.216558, -0.079060, 0.143415, -0.046028, 0.134665, -0.006372, -0.161352, 0.023553, 0.125458, -0.024645, -0.023829, 0.224635, 0.179431, 0.103978, -0.068322, 0.073962, 0.119560, 0.041801, -0.081158, 0.214345, -0.290291, 0.013752, -0.128056, -0.069938, 0.115768, 0.224493, -0.081589, 0.164221, 0.047918, -0.036626, -0.108993, -0.063455, -0.258483, 0.245459, 0.047344, 0.308175, 0.025415, 0.058960, -0.042270, -0.187212, -0.035208, -0.125279, -0.210244, -0.336627, 0.180388, 0.142714, -0.142734, 0.115314, 0.020397, 0.025219, 0.060250, 0.191610, 0.084240, 0.090787, 0.070824, 0.000657, 0.088596, 0.043272, -0.098988, 0.084869, -0.058658, 0.028174, -0.073570, 0.024730, -0.066826, -0.038446, -0.198140, 0.142403, -0.037795, -0.007369, 0.150377, -0.008797, -0.022196, 0.071445, 0.110267, 0.142364, -0.065114, -0.069489, 0.087828, -0.086916, 0.071542, 0.103998, -0.078304, -0.045253, -0.079251, -0.040507, 0.020384, -0.081992, 0.017607, -0.108430, 0.068797, -0.046537, -0.056250, -0.082721, -0.002128, -0.006041, -0.142274, -0.012650, -0.061554, 0.104759, 0.049568, -0.060600, -0.138745, -0.116797, 0.016713, 0.144901, -0.097551, -0.029763, -0.006840, -0.152986, 0.064866, -0.075987, -0.066721, -0.170581, 0.262343, 0.046231, -0.153820, 0.002408, -0.045948, 0.110486, 0.011940, -0.063637, 0.013438, 0.116072, 0.158218, -0.009519, 0.176302, 0.090879, 0.078026, -0.014857, 0.061187, -0.162261, 0.081238, -0.074158, 0.200368, -0.059150, -0.060809, -0.070369, 0.087800, -0.179890, -0.039917, 0.072021, -0.075615, -0.080443, -0.231006, 0.093642, 0.040260, 0.030839, -0.148972, -0.124195, -0.082973, -0.007286, -0.036018, -0.085935, 0.019535, -0.160227, -0.132817, 0.008590, -0.022260, -0.022812, 0.122091, -0.233849, 0.068768, -0.052205, 0.194125, -0.082965, -0.056317, 0.120086, 0.073811, 0.094008, 0.202001, 0.008812, -0.062863, -0.049786, -0.199424, -0.012115, -0.017860, 0.044888, -0.068286, -0.145560, -0.049889, -0.094345, 0.033738, -0.016798, 0.059362, -0.160738, 0.198518, -0.051237, 0.103743, 0.060234, -0.051448, -0.141447, -0.029592, 0.027313, 0.146526, -0.221008, 0.175553, 0.111450, -0.146395, 0.115782, 0.099758, -0.053002, -0.091654, 0.017804, -0.060800, -0.096207, 0.124426, 0.044144, -0.047838, 0.095524, 0.078272, 0.182524, -0.076101, 0.015099, 0.005159, -0.104535, 0.109112, 0.100053, -0.096230, 0.165761, -0.074071, 0.162698, -0.038378, 0.208869, -0.104915, -0.110868, -0.082701, -0.093053, 0.016833, 0.138583, 0.128916, -0.065726, -0.189296, -0.096212, 0.013002, -0.003473, 0.115430, 0.130964, 0.065621, -0.094827, 0.066788, -0.028083, -0.156184, 0.090293, 0.142636, 0.133997, -0.014949, -0.062144, 0.051275, 0.245764, -0.070556, 0.098257, -0.071405, 0.063468, 0.149065, -0.083110, 0.022228, -0.083945, 0.079770, -0.007789, -0.081420, 0.068040, -0.068316, 0.027615, -0.107109, -0.035314, 0.045875, -0.061566, -0.050075, -0.002305, -0.078744, -0.092248, 0.120380, 0.186248, 0.119490, -0.077075, -0.101506, 0.053576, 0.073988, 0.010879, -0.031126, 0.047894, 0.117330, -0.113832, 0.130382, -0.070065, -0.008620, 0.095604, -0.055666, 0.112651, 0.014559, -0.000441, -0.128886, 0.105665, 0.008296, 0.000172, -0.070175, 0.054567, -0.029315, -0.053200, -0.003761, 0.027054, 0.021623, -0.124681, 0.018413, -0.029809, 0.160280, -0.097118, 0.067284, 0.175971, -0.160243, 0.179166, 0.332435, -0.252194, -0.107338, -0.067560, 0.068226, -0.060218, 0.068342, -0.043111, 0.201803, 0.067311, 0.246874, -0.073801, -0.072262, 0.243696, -0.069287, 0.031903, -0.076297, 0.046971, 0.113087, -0.052567, -0.033032, -0.036345, -0.025458, -0.030874, -0.091986, -0.105266, 0.183824, 0.229723, 0.099640, -0.181796, -0.006835, -0.093639, 0.001111, 0.036099, 0.009420, -0.078804, -0.020311, -0.142699, 0.006571, -0.140483, -0.106358, 0.040297, 0.016142, 0.075942, -0.089663, 0.039809, 0.195369, 0.046333, -0.134492, -0.249227, 0.022474, 0.134050, 0.030397, 0.060361, 0.086571, 0.119455, -0.082609, 0.126290, -0.143500, 0.112286, -0.057674, 0.016911, -0.069261, 0.076832, 0.112857, -0.038252, -0.043894, -0.141421, -0.325076, 0.074931, -0.110077, 0.067540, 0.120466, -0.114186, -0.056395, 0.171233, -0.040079, 0.093833, -0.247431, 0.253155, -0.074046, -0.008431, 0.053717, 0.241236, -0.077240, -0.174111, 0.053932, 0.069902, -0.012757, 0.059288, -0.117843, -0.175806, -0.053652, 0.163362, 0.177640, 0.065730, -0.115602, 0.040034, -0.161499, 0.173828, 0.085987, -0.025066, 0.152252, 0.168859, -0.033395, 0.049385, 0.002773, 0.124445, 0.011014, -0.213084, 0.131640, 0.019406, -0.266046, -0.266799, -0.084723, -0.012735, -0.023481, -0.140883, -0.064022, -0.248349, 0.010922, 0.023991, -0.155682, 0.110243, -0.012436, 0.022560, 0.049376, 0.049666, -0.174567, -0.062168, 0.183261, 0.006304, -0.028729, -0.111828, 0.153730, 0.276074, -0.218149, -0.026370, 0.090648, -0.045151, -0.142507, -0.077883, -0.107294, 0.020045, -0.003466, -0.011442, -0.111367, -0.188011, 0.035468, -0.061372, 0.005876, -0.216898, 0.027384, -0.038991, -0.069724, 0.004951, -0.144286, 0.112533, 0.133086, 0.134890, -0.074075, -0.082203, 0.068913, 0.100344, -0.046435, 0.019642, -0.006166, -0.100048, 0.039800, -0.042911, -0.015647, 0.135801, 0.075346, 0.077855, -0.135669, 0.251902, 0.345367, 0.068141, -0.069322, -0.059341, -0.098046, 0.003365, -0.086166, -0.009403, 0.044216, 0.061713, -0.029493, -0.025744, 0.055492, 0.172097, 0.041401, 0.051733, 0.143508, -0.032203, -0.039936, -0.042870, -0.095888, -0.081403, -0.044606, 0.063823, -0.184795, 0.205829, 0.119936, 0.107036, 0.065195, 0.164735, 0.128204, 0.135585, 0.148776, 0.044403, -0.112260, 0.127296, 0.058758, 0.096403, 0.056351, 0.192812, 0.091821, 0.011339, 0.016103, 0.053991, -0.024657, -0.108633, 0.089638, 0.067024, 0.168684, 0.018905, 0.097534, 0.079161, -0.172766, 0.036035, -0.087502, -0.071756, -0.115732, 0.092116, 0.128951, 0.011971, 0.054869, 0.122926, -0.032630, 0.029601, 0.097702, -0.092390, 0.111021, 0.070283, -0.089464, -0.170512, 0.041021, 0.038077, -0.008946, 0.017746, -0.315170, 0.027590, -0.196817, -0.021554, 0.295128, 0.012852, -0.045058, 0.036254, 0.060906, -0.042567, -0.138899, -0.140193, -0.066257, -0.012425, -0.221257, -0.032768, 0.007974, -0.050371, 0.058074, -0.463269, 0.050796, 0.090464, 0.038758, -0.037130, -0.132014, 0.055341, 0.221259, 0.053358, -0.098904, -0.076693, 0.025498, 0.081953, -0.057484, 0.015262, -0.042847, 0.033221, -0.033273, -0.014243, 0.065298, -0.085443, 0.018519, -0.135426, 0.025763, 0.060878, -0.021891, -0.026751, -0.018522, 0.056567, -0.149748, -0.142561, 0.191056, 0.018587, -0.087954, 0.026353, 0.187634, 0.156760, 0.068827, 0.014773, 0.181985, 0.132352, -0.090205, -0.023137, -0.075935, 0.171042, 0.092570, 0.068226, 0.019398, -0.069799, 0.011116, 0.026060, -0.061782, 0.083877, 0.157018, 0.020026, 0.050627, -0.128283, -0.006045, 0.086131, -0.082354, 0.160667, 0.020801, -0.085321, -0.007740, -0.019832, 0.266108, -0.073556, 0.170851, 0.019516, -0.026184, -0.076606, 0.089524, 0.044430, -0.058147, 0.013903, 0.183844, -0.031499, 0.021053, 0.182686, 0.066223, -0.247195, -0.029527, 0.033313, 0.172834, 0.025427, 0.002064, -0.092576, -0.210316, 0.015592, -0.172537, -0.101159, -0.040590, 0.105799, 0.090459, 0.013940, -0.113242, 0.033562, 0.034269, -0.167767, 0.390932, 0.073350, 0.133897, 0.009801, 0.006260, 0.062989, -0.003272, 0.197506, 0.123788, 0.044490, 0.048166, 0.035099, -0.265374, -0.054384, -0.114299, -0.081227, -0.000250, 0.162168, -0.114708, -0.058308, -0.015610, 0.072966, 0.021140, -0.033295, -0.120718, -0.077272, -0.010565, 0.033483, 0.077350, 0.031568, 0.224009, -0.035045, 0.136890, -0.116125, 0.137753, -0.004100, 0.006864, 0.053607, 0.064327, 0.171041, 0.185407, -0.013486, -0.125049, -0.115540, -0.055824, 0.061252, -0.167046, 0.014493, -0.099839, -0.145880, -0.055474, 0.033613, 0.061964, -0.188810, -0.019902, -0.033423, -0.122315, -0.035891, 0.033379, -0.102771, -0.076688, 0.061061, -0.139739, -0.023277, 0.003652, 0.134465, -0.089828, -0.021774, 0.214997, 0.098908, -0.140109, 0.076351, 0.113033, -0.005706, 0.117925, -0.195644, -0.156307, 0.188875, 0.132308, -0.023532, -0.075987, -0.098178, 0.045439, -0.006153, 0.087575, -0.167743, 0.172675, -0.090468, -0.200712, 0.129317, -0.108130, -0.015582, 0.000002, -0.045558, 0.045166, -0.111495, -0.079000, 0.030243, -0.188468, -0.051643, -0.023211, 0.019173, -0.190071, -0.017925, -0.136209, 0.135158, 0.068915, 0.024523, 0.040826, 0.064205, -0.072783, -0.154579, 0.118533, -0.104266, -0.093459, -0.058277, 0.000109, 0.134799, -0.032699, -0.003691, 0.000392, -0.134742, -0.051550, 0.086520, 0.040651, 0.022796, -0.069697, 0.016763, 0.084498, 0.111310, 0.036819, 0.010081, -0.052297, -0.120189, -0.016745, -0.053988, -0.036842, 0.016653, 0.085029, 0.071107, 0.083473, -0.024452, 0.109924, 0.071027, 0.100358, 0.120332, -0.058381, 0.081056, 0.074600, -0.004435, 0.207028, 0.168084, 0.140624, -0.024897, -0.178161, 0.018570, -0.033761, 0.109132, -0.151629, 0.079096, -0.172795, 0.111826, 0.159933, 0.447867, -0.220616, -0.097047, 0.092789, 0.008461, 0.016635, -0.105693, -0.123812, -0.095390, 0.122764, 0.126695, 0.101642, 0.014163, 0.079108, 0.014321, -0.004388, -0.016971, -0.022848, 0.042648, 0.151953, 0.137631, -0.010956, 0.041564, -0.191392, 0.303709, 0.059085, -0.013859, 0.140127, -0.132252, -0.115123, -0.076035, -0.003708, -0.195069, -0.112803, -0.005991, 0.255598, 0.027635, -0.029883, -0.286228, 0.004311, 0.041605, -0.069306, -0.071849, -0.098675, -0.088838, 0.195489, -0.144883, -0.169332, 0.065902, -0.056655, -0.013900, 0.089338, 0.078990, 0.195192, -0.180462, -0.026871, -0.038060, 0.144229, 0.004174, -0.032338, -0.024307, 0.098134, 0.043813, 0.207238, -0.010160, -0.143278, -0.028235, -0.094833, -0.190611, 0.142782, 0.136414, -0.058415, -0.153905, -0.136416, 0.160076, 0.014487, -0.039122, -0.034881, -0.012616, 0.067857, -0.130431, -0.063957, 0.024544, 0.100650, 0.125319, 0.016859, -0.109992, -0.105081, -0.152419, 0.084717, -0.100716, -0.096653, 0.386492, -0.140997, 0.036087, -0.092341, -0.253564, 0.065588, 0.028161, -0.055277, -0.236922, 0.049028, -0.165281, 0.279860, -0.173393, 0.294133, -0.121367, 0.028727, 0.075057, 0.261395, -0.201115, 0.035318, -0.009828, 0.161204, -0.179965, 0.000653, 0.018574, 0.056645, 0.195602, 0.056167, -0.080651, -0.071662, 0.034062, -0.058972, 0.218590, 0.033635, 0.156116, -0.010662, 0.040207, -0.109872, 0.203242, 0.031622, 0.042598, -0.085985, -0.095042, 0.223776, 0.244782, 0.295501, -0.241200, 0.153303, -0.125561, 0.236330, 0.306252, 0.162296, -0.092718, -0.103039, 0.186070, -0.157871, -0.008149, -0.012588, -0.281948, -0.106485, 0.144380, -0.079848, -0.072255, 0.300560, -0.059913, -0.105861, -0.277864, 0.032612, 0.119509, 0.029573, 0.142024, 0.037408, 0.009738, -0.233090, 0.090588, -0.122836, 0.104514, 0.172815, 0.024665, 0.045885, -0.228399, 0.028713, -0.145415, 0.044251, 0.077939, -0.225933, 0.231426, -0.330015, -0.180595, 0.366565, -0.063365, 0.226883, 0.176414, 0.201303, 0.166583, -0.011191, 0.047353, 0.028932, 0.014889, -0.013442, 0.194529, -0.056934, -0.039349, 0.108982, -0.052862, 0.043601, -0.011985, 0.083504, -0.035405, 0.004477, 0.100010, 0.087150, 0.132304, -0.321948, 0.082804, 0.023970, 0.093584, 0.104698, -0.078052, 0.031822, 0.142378, 0.008744, 0.018025, 0.088869, -0.127791, 0.049254, -0.016970, 0.434130, 0.038061, -0.164963, -0.047201, 0.001640, 0.150678, 0.069253, 0.038697, 0.032220, -0.073383, 0.130277, 0.231427, 0.056575, -0.051600, -0.039116, -0.012681, 0.048177, 0.223171, 0.110142, 0.072159, 0.070934, -0.067658, -0.040986, -0.082402, 0.090338, 0.020501, 0.061834, -0.030065, -0.046657, -0.181382, -0.132379, -0.049573, 0.002197, -0.036680, 0.258868, -0.063759, 0.039878, -0.050809, 0.016680, 0.263182, 0.107442, 0.160808, 0.066762, -0.019383, 0.093575, 0.040582, 0.197422, 0.098651, 0.007293, -0.076311, 0.002609, 0.180266, 0.059198, -0.083513, -0.019013, 0.177867, -0.127610, 0.037237, -0.166655, -0.104441, 0.045244, -0.021553, -0.027083, -0.015919, 0.019839, 0.010786, 0.047336, 0.097757, -0.116481, 0.016119, -0.060822, 0.212221, -0.381596, -0.303343, 0.062626, 0.115913, 0.080393, 0.014128, 0.081968, 0.063602, 0.055429, -0.031261, -0.096261, -0.060867, 0.026986, 0.108323, -0.051078, -0.044799, -0.057571, -0.162729, 0.000943, 0.050722, 0.224752, -0.020355, -0.069326, 0.054550, 0.107933, -0.092600, -0.042303, -0.036766, -0.140699, 0.068973, 0.169051, 0.011377, -0.002184, -0.118044, 0.015713, 0.014237, -0.099679, -0.024010, -0.037473, -0.042759, 0.068092, -0.117028, -0.050245, -0.044773, -0.082600, -0.057855, -0.096471, 0.057949, -0.060278, 0.311812, 0.197304, -0.031021, 0.079200, 0.028644, 0.060871, 0.133136, 0.019365, 0.108208, 0.042761, -0.057697, -0.060300, 0.137124, -0.158827, -0.253283, -0.057087, -0.078699, -0.118470, 0.257629, -0.045367, -0.107360, 0.026426, -0.090470, -0.034251, 0.164836, 0.142548, -0.005198, 0.178365, -0.061858, -0.069331, 0.088213, -0.077514, -0.039334, 0.311138, -0.014072, -0.409218, 0.075406, 0.076727, -0.040302, 0.040308, -0.132609, 0.263752, -0.232452, 0.173204, 0.156281, 0.081051, 0.089983, 0.028303, -0.027328, -0.005884, -0.065690, -0.007434, 0.109316, 0.015636, -0.050536, -0.120147, -0.161555, 0.187054, 0.004488, 0.079657, 0.183290, -0.093456, -0.147119, 0.030898, 0.104277, 0.000490, 0.053003, -0.244213, -0.093545, 0.030400, 0.051607, 0.087818, -0.142512, 0.087922, 0.127904, 0.155365, 0.004752, 0.101738, 0.231808, -0.160776, -0.183817, -0.076529, 0.072600, 0.200678, 0.055942, -0.075917, 0.022508, -0.182704, 0.026485, -0.069562, 0.091370, 0.081507, 0.237401, 0.016264, -0.023038, -0.030485, 0.006202, 0.082312, -0.083529, 0.273915, -0.050943, -0.012142, -0.074586, 0.160153, -0.150956, -0.104866, -0.252271, -0.210309, -0.172433, -0.084689, 0.046951, 0.151644, -0.006982, -0.119567, -0.049864, 0.116500, -0.017481, -0.006655, -0.104409, -0.104980, 0.008123, 0.034855, -0.262571, 0.087680, -0.135690, -0.067485, -0.153486, 0.172428, 0.042681, 0.184153, -0.229638, -0.080000, -0.059340, 0.073359, -0.057000, 0.089006, 0.219558, 0.119268, -0.153949, 0.073550, -0.176502, -0.067763, 0.014890, 0.019209, 0.067850, 0.151580, -0.144268, -0.030628, 0.045513, 0.006733, -0.032124, -0.053001, 0.035466, 0.131431, -0.015883, 0.057810, 0.097580, -0.031718, -0.157669, 0.117108, 0.136907, -0.004742, 0.058479, -0.003801, -0.022270, -0.007708, -0.038139, 0.049040, 0.045492, -0.052963, 0.157346, -0.012643, -0.082317, -0.310887, -0.086344, 0.089446, 0.045079, -0.194228, -0.084705, -0.256715, 0.027310, -0.237652, -0.029783, 0.140149, -0.063115, -0.092689, -0.093062, 0.057911, 0.069100, -0.132312, -0.017722, 0.161998, -0.050038, -0.026395, 0.006346, -0.053092, -0.083447, -0.011580, 0.236198, -0.102636, -0.066140, -0.221654, -0.055934, -0.043840, -0.010819, 0.086657, 0.035968, 0.122948, 0.102798, -0.092171, 0.063155, -0.090395, -0.122989, -0.027567, -0.120458, -0.157719, -0.089483, -0.004237, 0.170807, -0.139233, -0.262057, -0.043700, 0.013414, 0.108668, -0.094836, 0.196021, -0.216055, -0.036555, -0.001974, -0.021955, 0.055579, -0.056960, 0.030035, 0.107325, 0.152586, 0.088507, -0.023354, -0.224593, -0.029009, -0.017922, 0.012758, -0.021942, 0.159224, 0.029262, -0.064342, -0.031178, 0.192014, -0.015004, 0.021331, -0.126006, 0.108195, 0.005282, 0.015465, 0.061565, 0.169219, -0.081495, 0.001764, 0.018260, 0.013819, 0.132520, 0.222788, -0.137465, 0.042751, -0.097062, -0.088998, -0.012356, -0.090604, -0.027477, -0.141775, 0.186515, 0.008902, 0.001796, -0.070012, 0.151357, -0.052822, 0.180261, -0.050054, 0.110401, 0.231868, -0.168668, -0.010987, 0.019659, 0.025567, -0.161573, 0.103186, 0.090620, 0.046353, -0.129365, -0.032716, 0.014291, -0.024681, 0.039722, -0.032944, -0.114374, 0.011970, 0.062362, -0.072889, -0.192412, 0.188615, 0.161156, -0.022761, 0.069487, 0.207367, 0.000025, 0.178217, -0.183489, -0.039867, -0.060181, 0.121384, 0.242072, -0.175742, 0.073320, 0.237083, -0.133910, -0.018544, 0.056176, -0.168057, -0.077566, -0.093394, -0.264986, -0.024564, 0.056650, 0.032593, 0.050630, -0.070290, -0.079106, 0.015314, -0.013850, 0.043894, 0.010389, -0.001878, -0.158823, 0.089390, 0.142880, 0.090885, -0.248926, -0.115148, 0.037404, 0.057425, -0.251050, -0.166869, -0.081375, -0.048097, 0.184953, 0.040797, -0.082590, 0.088994, -0.003752, -0.001678, -0.015147, -0.090342, -0.100683, -0.018590, -0.008889, -0.213488, 0.012497, -0.147042, -0.158476, -0.061243, -0.072559, -0.068272, 0.077048, 0.096592, 0.086311, 0.039862, -0.017079, -0.248304, -0.131280, -0.014814, -0.339648, -0.127754, -0.160097, -0.135975, 0.025113, -0.028821, 0.089681, 0.131505, -0.091784, -0.012892, -0.124094, 0.026561, -0.173493, 0.004727, 0.191173, 0.104815, 0.016781, -0.233096, 0.035222, 0.094856, -0.187076, 0.075485, 0.057949, -0.259074, 0.020311, 0.019552, 0.079169, -0.030086, -0.109201, 0.050802, 0.096630, -0.008016, -0.008816, 0.108548, -0.000461, -0.131006, -0.024255, -0.075973, -0.023524, -0.221285, 0.089481, 0.030445, 0.043474, -0.030624, 0.001761, 0.160628, -0.324916, 0.074171, 0.056960, -0.004680, 0.032529, 0.003218, 0.173796, -0.059019, -0.103170, -0.054508, 0.195506, 0.065420, 0.223782, 0.037202, -0.024526, -0.030698, 0.019007, 0.148459, 0.191950, -0.099471, 0.080452, -0.065868, 0.344332, -0.200295, -0.042923, 0.029205, 0.093748, 0.052264, 0.109658, 0.100110, 0.157688, -0.025505, -0.189241, -0.031654, 0.062590, -0.068251, -0.016798, 0.119711, -0.064889, 0.034361, 0.018040, 0.034016, 0.041796, -0.051998, 0.221713, -0.060598, -0.071957, -0.132337, -0.122170, -0.214930, -0.271853, -0.013590, 0.216360, -0.168537, -0.093796, 0.035563, 0.073405, -0.018438, -0.072126, -0.174683, 0.113432, -0.004381, 0.127805, 0.019717, -0.108373, -0.032991, -0.077164, 0.107067, 0.011578, 0.128020, -0.090874, -0.033123, -0.009343, -0.087153, -0.100955, -0.156432, 0.000755, -0.023463, 0.135333, -0.003845, 0.149499, 0.054103, 0.117660, -0.017349, -0.172738, -0.131119, 0.060684, -0.022916, -0.033677, -0.063982, 0.121653, -0.213461, 0.072407, -0.103135, 0.014983, -0.210381, 0.220270, 0.185231, 0.130182, -0.069844, -0.275569, -0.154951, -0.140399, -0.016637, 0.041317, 0.151658, -0.077885, -0.090652, 0.010491, -0.130217, -0.134440, 0.024527, 0.039370, 0.045581, -0.025031, -0.091977, -0.038967, 0.004840, 0.024279, -0.167049, 0.075780, 0.001974, -0.116494, 0.113504, -0.213148, 0.009246, -0.008577, 0.022848, 0.121585, 0.019010, -0.186325, 0.103435, 0.024805, 0.031249, -0.075623, 0.001339, -0.111005, 0.018223, -0.163682, 0.191170, -0.055611, -0.107991, -0.121737, -0.150889, 0.131145, 0.064968, -0.075354, 0.240561, -0.130637, -0.050133, -0.043963, -0.112993, 0.053671, 0.088525, -0.045904, 0.130078, 0.103917, -0.024166, 0.010495, -0.025830, -0.104948, 0.086501, -0.362035, 0.001913, 0.147197, 0.040887, -0.001025, -0.012241, 0.019612, 0.012970, -0.171606, 0.131946, 0.048667, 0.039783, -0.250331, 0.000711, 0.049470, 0.021974, 0.075031, 0.037461, -0.122469, 0.185067, 0.050795, 0.031150, -0.164001, 0.128181, 0.097627, 0.076234, -0.158599, 0.115505, 0.071863, 0.050239, 0.041384, -0.061779, 0.042198, -0.163467, -0.105841, -0.050477, 0.076556, 0.197629, -0.178027, -0.030477, -0.099878, -0.012624, 0.174518, -0.209946, 0.279043, -0.143159, -0.035607, 0.090839, -0.142446, 0.004872, 0.061085, 0.005921, -0.057717, 0.142665, 0.024960, 0.028202, -0.121825, 0.075374, 0.148837, 0.242445, 0.207664, -0.005813, 0.196390, -0.035298, 0.010636, 0.059431, 0.113476, -0.209248, 0.134767, -0.167718, -0.033995, -0.065974, 0.014817, -0.091874, 0.180260, -0.110436, -0.082055, 0.268817, 0.004396, -0.100798, 0.040114, 0.003045, -0.011638, -0.004193, -0.100112, 0.065986, 0.095309, -0.007288, 0.053037, -0.074001, 0.038700, 0.045795, 0.080543, -0.046642, -0.019197, 0.008412, -0.071021, -0.013483, 0.005709, 0.028384, 0.147988, -0.082345, 0.091380, -0.113065, 0.171832, 0.112560, 0.042194, 0.086589, 0.089992, -0.066796, -0.057212, -0.014149, -0.009758, 0.079282, -0.058239, -0.100666, 0.162287, -0.033586, -0.078775, 0.073795, 0.051762, -0.113147, 0.006798, 0.066161, 0.015500, -0.051796, -0.118811, -0.030998, -0.089962, 0.039820, -0.074658, 0.015873, 0.080695, 0.069051, -0.027025, -0.115259, 0.160486, 0.057263, 0.004013, -0.058451, -0.048321, 0.099040, 0.113273, -0.041331, 0.078893, 0.057920, 0.275569, 0.008701, -0.082080, -0.002038, 0.012832, 0.045012, 0.012221, 0.001529, -0.034678, 0.019221, 0.127074, -0.049564, 0.146931, -0.081549, -0.010558, 0.010857, 0.017766, -0.005883, -0.054076, 0.056309, 0.150109, -0.081175, 0.116905, -0.091354, 0.011983, -0.178874, -0.021018, 0.150745, -0.108086, -0.054097, 0.049229, 0.030193, -0.036319, -0.051109, -0.030788, -0.102389, -0.202858, -0.016464, 0.035531, -0.167695, 0.168502, -0.045473, -0.162651, 0.054407, -0.011777, -0.066255, 0.009547, -0.050453, 0.145908, -0.053085, 0.047483, 0.039194, -0.129195, 0.076644, 0.099356, -0.072201, -0.024650, -0.077174, -0.006938, 0.118405, -0.126839, -0.039255, 0.060484, 0.149309, 0.200105, 0.005358, 0.145815, 0.073240, -0.047522, -0.084378, 0.173547, -0.100139, -0.051999, -0.022369, 0.289668, 0.111827, -0.223332, -0.155658, 0.126872, -0.073255, -0.040211, -0.014094, 0.147806, 0.140563, 0.049622, -0.043091, 0.078707, -0.145792, 0.320901, 0.131401, 0.115531, 0.277817, 0.286873, 0.012751, 0.262335, -0.167819, -0.024482, 0.092732, 0.197281, -0.138199, -0.025130, 0.009177, -0.037240, -0.179358, 0.017191, 0.072003, 0.000694, -0.001538, -0.009937, -0.026589, -0.146569, -0.032859, -0.071264, -0.077157, -0.204012, 0.279506, -0.020476, -0.042704, 0.273999, 0.072088, -0.199670, -0.052751, 0.111305, 0.175682, 0.133084, -0.126678, -0.208636, -0.079206, 0.123727, -0.059062, 0.020660, -0.083567, 0.092670, -0.103552, -0.005997, -0.173201, -0.044173, -0.062481, -0.076635, 0.041852, 0.177482, -0.212229, 0.072225, 0.059818, 0.085771, -0.181535, -0.182386, -0.006169, 0.007814, -0.124319, -0.090049, -0.162853, -0.001099, 0.029563, 0.003483, 0.115722, 0.008768, -0.149244, -0.070212, 0.005073, 0.169567, -0.066202, -0.033777, -0.030020, -0.065785, 0.194273, 0.245369, -0.035427, -0.143266, -0.243598, -0.104368, -0.115837, 0.014736, 0.097898, 0.073982, -0.028547, 0.023378, -0.175856, -0.018059, 0.160895, 0.130699, 0.232335, 0.029095, -0.141091, -0.195083, -0.054394, -0.020679, 0.036913, 0.153707, 0.073212, 0.047778, -0.030686, -0.006081, -0.113395, -0.125939, -0.015723, 0.023256, -0.074987, -0.046644, -0.158299, -0.062566, -0.169158, -0.117270, 0.040793, 0.157398, 0.214428, -0.034076, -0.058365, -0.087811, 0.017823, -0.188360, 0.060140, -0.234904, 0.018382, -0.080235, -0.050528, 0.131983, 0.055357, 0.056745, -0.046010, -0.003561, 0.091205, -0.120143, 0.137673, 0.002345, -0.036131, -0.132724, -0.048153, -0.046422, -0.042395, 0.025186, 0.019762, -0.210900, 0.044534, -0.010901, -0.006792, 0.110994, -0.009635, 0.034436, -0.107143, -0.098972, -0.128022, 0.000654, -0.002277, 0.135870, -0.195969, -0.138648, 0.028108, 0.209876, 0.082762, -0.009620, 0.096242, 0.024897, 0.056657, -0.017237, 0.171272, -0.208032, 0.040752, -0.160707, 0.192591, 0.028907, -0.000684, 0.130342, 0.241530, -0.031831, -0.133374, -0.192744, 0.046723, -0.141356, -0.089075, -0.024708, 0.016679, -0.061844, -0.021765, 0.083644, -0.004308, -0.048507, 0.082976, -0.039383, 0.011391, -0.004013, 0.026733, -0.053857, -0.011854, -0.037813, -0.105908, 0.117850, 0.243115, -0.011819, -0.194047, 0.203879, 0.114497, 0.070470, 0.200890, -0.049877, 0.142826, 0.037127, 0.041187, 0.072643, -0.026755, -0.099313, 0.000923, 0.010209, -0.177970, 0.006035, 0.057113, 0.012949, 0.010663, -0.016976, -0.285246, -0.053697, 0.012112, -0.021774, -0.075168, 0.114051, 0.105094, -0.015701, 0.044044, 0.058071, 0.072571, 0.250560, -0.245831, -0.067435, 0.070418, 0.171082, -0.082713, 0.119675, -0.147497, 0.037573, -0.062287, 0.282484, -0.034342, 0.162605, 0.136943, 0.204925, -0.030006, 0.000673, -0.139151, 0.013219, 0.081951, -0.142112, 0.029129, -0.052502, -0.146382, 0.197179, 0.293301, 0.057270, 0.151221, 0.401424, -0.078315, -0.032330, -0.034454, 0.238497, 0.068687, 0.128702, -0.009515, -0.126035, 0.121977, 0.144655, 0.087292, 0.122620, -0.013744, -0.009133, 0.098532, 0.033269, -0.001030, 0.251459, -0.052016, -0.283472, 0.054509, -0.071755, 0.039749, 0.295536, -0.096990, -0.138824, -0.296207, 0.180816, 0.065120, 0.071955, 0.134629, -0.074706, 0.058537, -0.138388, -0.006625, -0.083027, 0.084865, -0.026872, -0.034339, 0.152250, -0.191272, -0.054345, 0.235632, -0.085136, -0.105881, -0.070001, -0.029118, -0.200180, -0.131929, 0.218768, 0.121199, 0.032454, 0.113435, -0.164261, 0.075876, -0.134900, 0.108325, -0.186953, -0.023991, -0.022316, 0.032866, -0.522100, -0.071112, 0.106338, -0.031659, 0.092791, 0.031989, -0.065254, -0.234945, 0.321557, 0.171887, 0.055357, 0.146757, -0.199136, 0.132048, 0.002784, 0.077870, 0.115322, 0.002357, 0.094897, 0.339800, 0.181318, -0.057998, -0.086438, 0.236131, 0.034614, 0.094727, 0.147802, 0.069747, -0.276062, -0.095009, -0.047861, -0.101248, -0.055035, -0.230305, 0.284823, 0.011700, 0.140007, -0.069208, -0.004051, 0.056993, -0.010259, 0.044478, 0.027596, -0.026016, -0.024307, 0.003514, -0.159446, 0.092646, -0.153534, 0.064323, 0.109726, 0.012688, 0.194404, 0.034609, -0.070365, 0.189897, -0.181928, -0.137320, -0.161881, -0.150241, 0.035957, 0.047238, 0.053748, -0.073083, 0.023904, -0.052385, 0.016037, -0.015167, 0.064004, 0.171986, -0.089183, -0.045803, 0.031435, 0.157996, 0.048635, 0.194521, -0.030753, -0.022536, 0.096571, -0.034649, -0.072969, 0.023494, 0.050189, -0.010251, -0.018297, 0.110994, -0.090627, 0.011178, 0.101187, -0.022925, 0.042017, 0.162815, 0.207946, 0.044215, 0.019709, 0.018647, 0.015315, -0.142044, -0.130706, -0.032744, 0.024307, 0.040196, 0.106068, 0.207789, 0.159030, -0.018786, -0.053267, 0.315731, -0.034392, 0.033140, -0.004873, 0.203544, -0.036703, -0.039626, -0.076024, 0.037838, -0.091387, -0.101431, 0.059158, -0.067393, 0.069034, -0.004254, 0.131417, -0.202424, 0.089635, 0.010451, -0.020756, -0.143357, -0.013440, 0.166903, -0.013619, 0.171202, 0.010080, -0.123650, -0.174722, -0.004680, 0.016485, 0.039680, 0.097317, 0.069522, -0.095534, -0.164320, -0.002372, -0.036485, -0.027462, 0.046350, -0.066737, 0.044095, 0.030154, -0.012598, -0.071342, -0.051147, 0.149307, -0.317631, -0.046314, -0.034836, 0.145868, 0.204246, 0.150956, 0.023104, -0.216363, -0.090744, -0.038199, 0.051212, 0.090345, -0.094657, 0.073954, -0.053009, -0.061638, 0.100428, -0.005169, -0.312996, 0.117886, -0.000074, -0.233722, -0.202191, -0.123691, -0.096842, 0.065528, -0.019635, -0.085160, -0.113721, 0.127017, -0.000189, -0.035623, 0.148511, -0.018478, -0.080816, -0.076032, 0.093666, 0.005925, 0.148205, 0.232107, -0.202594, 0.177759, 0.054612, -0.006480, -0.002002, 0.009502, -0.020756, 0.172941, -0.033748, -0.078520, 0.051326, -0.045096, 0.066381, -0.120317, -0.033798, 0.061720, -0.039839, 0.010200, -0.299628, 0.007404, -0.054758, -0.064573, 0.169808, 0.064117, -0.018967, -0.017995, -0.130667, 0.169058, 0.079822, -0.029408, -0.076852, 0.092029, -0.048954, -0.034436, 0.053965, -0.045611, -0.156783, 0.070840, -0.035156, -0.380680, 0.149529, 0.117130, 0.058767, -0.013890, -0.180718, -0.047731, -0.001976, 0.058954, -0.208356, -0.019973, 0.059808, -0.156095, 0.173861, -0.039927, -0.043629, -0.023017, 0.033838, 0.166557, -0.064752, -0.203717, 0.096765, 0.098309, 0.038547, -0.064642, 0.009524, 0.023978, 0.007349, 0.022820, -0.056490, -0.051571, -0.060544, -0.050739, 0.000544, 0.084019, 0.027068, 0.082566, 0.190330, 0.031862, 0.080201, 0.040336, 0.032359, -0.161818, 0.039895, 0.063993, 0.035547, -0.083830, 0.021427, 0.019050, 0.077910, 0.091863, 0.162788, -0.039282, 0.071205, -0.089735, -0.044492, -0.172547, -0.028878, 0.023843, 0.044197, -0.036441, -0.088245, -0.049401, -0.167580, 0.022140, -0.012348, 0.078911, 0.029445, 0.022598, -0.238163, 0.163983, -0.208116, 0.126077, -0.166805, -0.121689, 0.018680, 0.051277, -0.113282, 0.018522, -0.197318, 0.118581, -0.027469, 0.014749, 0.054537, -0.058211, 0.083253, 0.014906, -0.236485, 0.072220, -0.051366, -0.339357, -0.063453, 0.124040, 0.032202, 0.060362, 0.024874, 0.066000, -0.097418, -0.158338, 0.091701, -0.117864, -0.077360, 0.085977, -0.259998, 0.113779, 0.138458, -0.156841, -0.078001, -0.068560, 0.007083, 0.025713, -0.075268, -0.038465, 0.047741, 0.128662, 0.025714, 0.010393, -0.072102, -0.135837, -0.013638, 0.000718, 0.125702, 0.067569, -0.005375, -0.196846, -0.032629, -0.013705, 0.005779, 0.178774, 0.190971, 0.240697, 0.013647, 0.040354, 0.185538, -0.001509, -0.166777, -0.016127, -0.055412, -0.019740, -0.026396, 0.007407, 0.024178, 0.056089, 0.085189, -0.107820, 0.171544, -0.079750, 0.105276, 0.262633, 0.060396, 0.094949, -0.033961, -0.031342, -0.084480, 0.041693, -0.052509, 0.179908, 0.017160, -0.019155, 0.030910, -0.053259, -0.050872, 0.135480, 0.040274, 0.109790, 0.036089, 0.040952, -0.134977, -0.048819, 0.228223, -0.035255, -0.082118, -0.050092, 0.217793, 0.196422, 0.024029, -0.267305, 0.055547, -0.006158, -0.091860, -0.191386, -0.008823, 0.071167, 0.053716, 0.213856, -0.097120, -0.009516, 0.026607, 0.262118, -0.043260, -0.107348, -0.011938, 0.001575, -0.043234, 0.092332, -0.172127, -0.018605, -0.065797, -0.190386, -0.106297, 0.145238, -0.014873, 0.206164, 0.117269, 0.037989, 0.005132, 0.017182, -0.023283, -0.227658, -0.022030, -0.163922, -0.213897, -0.091645, 0.028944, 0.039228, -0.064462, 0.085845, -0.183898, 0.011527, 0.206280, -0.112003, -0.050960, 0.087011, -0.052665, -0.102306, -0.017548, 0.040506, 0.246017, 0.012888, -0.179790, -0.015408, 0.308750, 0.058591, 0.043143, 0.060716, -0.206398, -0.093178, 0.124802, -0.042582, 0.086986, -0.040548, -0.071169, 0.033469, -0.148471, -0.028033, 0.021735, -0.042322, -0.115483, -0.192777, -0.154087, -0.015962, 0.003676, -0.002821, 0.003315, -0.152778, -0.111812, 0.157023, 0.095393, 0.031782, 0.169455, -0.023882, 0.069392, 0.131465, 0.083634, -0.002034, 0.078605, -0.082622, 0.017015, -0.028331, -0.028962, 0.052030, 0.044889, -0.410911, 0.079779, 0.004653, 0.106894, -0.001985, -0.006447, 0.082411, -0.142549, 0.159195, -0.020227, 0.119598, 0.024870, 0.133584, 0.190564, -0.208620, 0.003376, 0.224281, 0.131713, 0.024955, -0.037243, -0.051606, -0.227654, -0.051956, -0.115892, 0.019451, -0.120086, -0.234018, 0.208943, 0.119898, -0.276291, 0.060826, 0.032619, -0.067195, -0.093808, -0.139157, -0.115943, -0.056569, -0.042541, 0.000421, -0.189135, -0.147289, -0.022537, -0.011202, -0.072786, 0.154374, 0.051831, 0.145857, 0.161819, 0.072923, 0.103066, 0.037278, -0.157967, -0.035919, -0.088676, -0.136895, -0.100740, -0.014450, 0.035553, 0.093937, 0.008005, 0.001964, -0.003427, 0.132298, 0.039810, -0.065098, 0.012341, -0.104154, -0.059825, 0.176132, -0.172117, -0.018332, 0.175962, -0.001893, -0.050316, 0.151447, 0.078393, 0.122216, -0.079285, 0.229758, 0.097397, 0.134708, -0.108760, 0.001510, 0.169076, 0.161753, 0.074154, -0.160401, -0.032747, 0.197064, 0.004881, -0.127626, -0.151608, 0.047253, -0.055264, -0.241543, 0.049128, -0.062539, -0.126057, -0.010566, -0.054969, 0.262007, -0.058847, 0.024037, -0.011998, -0.068740, 0.009058, -0.200424, 0.096959, 0.029298, -0.051205, 0.052400, 0.031560, -0.080000, -0.024183, 0.061465, 0.027231, -0.161306, -0.064627, 0.024519, 0.160348, -0.026555, 0.068785, -0.131199, 0.099545, -0.005260, 0.219039, -0.065286, -0.032584, -0.141602, 0.012323, -0.020384, 0.044962, -0.097860, -0.087299, -0.051867, 0.149181, -0.082019, 0.140016, 0.059590, 0.037382, 0.064005, 0.042391, -0.133207, -0.070114, 0.133750, 0.007534, -0.051599, 0.064963, 0.202375, 0.115673, 0.097929, 0.090089, -0.059391, -0.067720, -0.192663, 0.027005, -0.022507, -0.089062, -0.060651, -0.142321, -0.058304, 0.043477, -0.039097, -0.085107, 0.097049, -0.133801, -0.177516, -0.023384, -0.212875, -0.010381, 0.078122, 0.032321, -0.112518, 0.035715, -0.049379, 0.004805, 0.015239, 0.068787, 0.019033, -0.051463, -0.048790, 0.087244, -0.245795, 0.123721, -0.039905, -0.097364, 0.098107, 0.063220, -0.077310, -0.177465, 0.068526, -0.036269, 0.121418, -0.070630, 0.142545, -0.111842, 0.084774, -0.016440, -0.049490, -0.015647, 0.047594, 0.148544, 0.055634, 0.032052, -0.016028, -0.041308, -0.018556, -0.124307, 0.285283, 0.097378, -0.095779, 0.041366, -0.005248, 0.085162, 0.041314, 0.076265, 0.139114, -0.037155, -0.055328, -0.146159, -0.027736, -0.009531, 0.088565, 0.057581, 0.009950, -0.040561, -0.068960, -0.097226, -0.003982, 0.103005, -0.060438, -0.056187, -0.042824, -0.036677, -0.193410, -0.078174, 0.057182, -0.101454, 0.098241, -0.161904, -0.172540, 0.059782, -0.007888, -0.041872, 0.002570, -0.115489, 0.093060, -0.093567, 0.099015, -0.020951, -0.008301, 0.098033, -0.156852, 0.116393, 0.047460, -0.039981, 0.050441, -0.039845, 0.074586, -0.145422, 0.025143, 0.205911, -0.120269, -0.071245, 0.076941, 0.081551, 0.186270, -0.064941, -0.066903, 0.153978, -0.043201, 0.069023, 0.082219, 0.008429, -0.057118, -0.064747, 0.112592, 0.071581, 0.038380, 0.106430, -0.108882, -0.031857, -0.091907, -0.048703, 0.162201, 0.015359, -0.159562, -0.127927, 0.114691, 0.094226, -0.065683, 0.149374, 0.129094, 0.017720, -0.037581, -0.026041, -0.037432, 0.074765, 0.031853, 0.192481, 0.057101, -0.007923, -0.039296, 0.201195, -0.003383, 0.153374, 0.176463, -0.160590, -0.133818, 0.130650, -0.128832, -0.143236, -0.135823, 0.151273, 0.193733, -0.133491, 0.034134, -0.062177, -0.011945, 0.147272, 0.091029, -0.196084, -0.014013, -0.194185, 0.109536, 0.078507, -0.067914, -0.163065, 0.217729, 0.014083, 0.165404, 0.072294, -0.009708, -0.029932, 0.056733, -0.252631, -0.021235, -0.025408, -0.030815, 0.241194, -0.007645, -0.190795, -0.165491, 0.221571, 0.110279, -0.214873, 0.073265, -0.239881, -0.048478, 0.218388, -0.027372, -0.093415, 0.027444, -0.046881, -0.166024, -0.123691, 0.140894, 0.126870, -0.111114, -0.207515, -0.018969, -0.199689, -0.060956, -0.066958, 0.034095, -0.050313, 0.336200, -0.036993, -0.128029, 0.170068, 0.093156, 0.240269, -0.040933, -0.003732, 0.126095, -0.089010, 0.226140, 0.051974, -0.030487, 0.030239, -0.101888, 0.053359, -0.118201, -0.197409, -0.131805, -0.113045, 0.065510, -0.132486, 0.134547, 0.024002, -0.105928, -0.099315, -0.020677, 0.103283, -0.102085, -0.125984, 0.146651, 0.168578, -0.124927, -0.103064, 0.136155, 0.038379, -0.064960, -0.129264, -0.073717, -0.040289, -0.092471, -0.104100, -0.033615, 0.070853, -0.049767, -0.087019, 0.197821, -0.093449, -0.181970, 0.009242, -0.024076, 0.009509, -0.227662, -0.160778, 0.150749, 0.075589, -0.079123, -0.093169, -0.180833, 0.105097, 0.129799, 0.079027, -0.016950, -0.161531, 0.048047, -0.030725, -0.001317, -0.017454, 0.053143, -0.134457, -0.070507, 0.010210, -0.123050, -0.177909, 0.073382, 0.026414, -0.029613, -0.038082, 0.003135, 0.113622, 0.226643, 0.054755, -0.084457, 0.035427, -0.153984, -0.014201, -0.115413, 0.368352, -0.026603, 0.113781, 0.017004, 0.045125, -0.000245, 0.057393, -0.019746, 0.069693, 0.053239, 0.056152, 0.137708, 0.018099, 0.103632, 0.018372, -0.102158, 0.119042, -0.084404, -0.056115, 0.198918, -0.069922, -0.118969, -0.111083, 0.169500, -0.063845, -0.029933, 0.015805, -0.016577, -0.058883, 0.056005, -0.007272, 0.038582, -0.034014, -0.132998, -0.013140, -0.109180, -0.161727, 0.229179, 0.171600, 0.052360, -0.109279, -0.205413, 0.069948, -0.127876, -0.207651, 0.170832, -0.107817, 0.033778, -0.131188, -0.054474, 0.129366, -0.042697, 0.075199, -0.092702, 0.042176, -0.017823, -0.089886, -0.024722, 0.053158, -0.024228, 0.022218, -0.093904, -0.053932, 0.006662, -0.059208, 0.137351, 0.160804, -0.055981, -0.009357, -0.062082, -0.052674, 0.078606, 0.027669, -0.023253, -0.088259, 0.040768, -0.011323, -0.054088, 0.066791, 0.008064, 0.165675, -0.059444, -0.125878, 0.091894, 0.027367, -0.147948, -0.070884, -0.259479, -0.066288, 0.043114, 0.112608, -0.010291, 0.065315, 0.028443, 0.023478, -0.054505, 0.165835, -0.098096, 0.098627, -0.036699, 0.018507, 0.067241, -0.099259, 0.002338, 0.212449, 0.032128, 0.273384, -0.199782, -0.183921, 0.023923, 0.106728, 0.040593, -0.014426, 0.174076, 0.220828, -0.096473, 0.126168, -0.096073, 0.131100, 0.053861, -0.020214, -0.255394, 0.149205, 0.243357, 0.015440, 0.044635, -0.139531, 0.073804, -0.122954, 0.029282, 0.070238, -0.072258, -0.152169, -0.149943, -0.099477, -0.135328, 0.097665, -0.107009, -0.045934, -0.156798, -0.089634, 0.100264, 0.164244, -0.102279, -0.043322, 0.201632, 0.144902, -0.011736, -0.205316, 0.053995, 0.058362, 0.055971, 0.089900, 0.147602, 0.213563, 0.163926, 0.055887, -0.118521, 0.034521, -0.215347, 0.039597, -0.008423, 0.001652, -0.025896, -0.179450, 0.426607, -0.103006, 0.029576, -0.119491, 0.070278, -0.072955, -0.284530, -0.042119, -0.030561, -0.060380, -0.008380, 0.233929, -0.007156, -0.073545, 0.227266, 0.170971, 0.038459, 0.100753, -0.082311, -0.053945, -0.109892, -0.024252, -0.013136, 0.067403, -0.025345, 0.075153, -0.141377, -0.109884, 0.100808, -0.106481, 0.032500, 0.230457, 0.024965, -0.041414, 0.028742, 0.007691, -0.271786, -0.035179, 0.040550, 0.021722, -0.115514, -0.149898, 0.175041, -0.020593, 0.204055, -0.185169, 0.024149, -0.010419, 0.129290, -0.292974, -0.032630, 0.003995, -0.205338, 0.050976, 0.033873, -0.154590, -0.126034, -0.107903, -0.128435, 0.106149, -0.039970, -0.104759, 0.159366, -0.010164, -0.085209, 0.033112, -0.137065, -0.155152, -0.060031, 0.177754, 0.098255, 0.227430, -0.199259, -0.091683, -0.232791, 0.069248, 0.045621, -0.128349, -0.094553, 0.034393, -0.120179, -0.081906, 0.027046, 0.025947, -0.122584, 0.122671, -0.158311, -0.070241, 0.027348, -0.259367, 0.091380, 0.089104, -0.065803, -0.084662, 0.112176, 0.028800, -0.200937, -0.124721, -0.048981, 0.090348, -0.096899, -0.020029, -0.031983, 0.147424, 0.010030, 0.019741, -0.082263, -0.144265, 0.176368, 0.238884, -0.107168, 0.067787, 0.037347, -0.026768, 0.053692, 0.298807, 0.086945, 0.146810, -0.065817, -0.245281, -0.237349, 0.109301, 0.173834, 0.060800, -0.039474, -0.209067, -0.172108, -0.124960, -0.326157, -0.219979, -0.015128, -0.108390, 0.152234, -0.258417, 0.047741, -0.097125, -0.053145, 0.097486, -0.067261, 0.114514, 0.212071, 0.080314, 0.162230, -0.028485, 0.019942, 0.194472, -0.022668, 0.061079, -0.111782, -0.218919, -0.131545, -0.162411, 0.254145, -0.164545, -0.176723, 0.162150, 0.073902, 0.051780, 0.043832, -0.038091, 0.050033, -0.052563, -0.152555, -0.096701, 0.101627, 0.218785, -0.042712, -0.182917, -0.028972, -0.089810, 0.085788, -0.132058, 0.046974, -0.251163, -0.199352, -0.038465, -0.184373, -0.044517, 0.073921, -0.139290, -0.185497, -0.040566, 0.027977, 0.003693, -0.113605, -0.028458, 0.088501, -0.042562, 0.195262, 0.010550, -0.041606, -0.004137, -0.073782, 0.084279, -0.003457, -0.157414, -0.152100, 0.038871, 0.008163, 0.026953, -0.010235, -0.035833, -0.228330, 0.001802, 0.047511, -0.038580, 0.003583, -0.102102, 0.098594, 0.117220, -0.048261, 0.105697, 0.116058, 0.018877, -0.086197, -0.075846, 0.100127, -0.008255, -0.100218, 0.027658, -0.189494, -0.114104, -0.135074, -0.126203, 0.052259, 0.079335, -0.128744, 0.050599, -0.041979, -0.101336, -0.137542, 0.009889, 0.176399, -0.057087, -0.015113, -0.002810, 0.024653, -0.075361, 0.118523, -0.031848, 0.054526, -0.010802, 0.003303, 0.077651, 0.102630, -0.000320, 0.105617, 0.085713, 0.056439, -0.032643, -0.131967, 0.032984, -0.113284, -0.084485, -0.179996, -0.076424, 0.220073, -0.007465, -0.040483, 0.087046, -0.174343, -0.003872, 0.080641, -0.068408, -0.111319, -0.091656, 0.021405, 0.333107, -0.004781, -0.072170, 0.002113, -0.048631, 0.104408, 0.066475, 0.206545, -0.080708, -0.087994, 0.070415, -0.053437, 0.052654, -0.076541, 0.036583, 0.097675, 0.110683, 0.113280, 0.011647, -0.060924, -0.115419, 0.158278, -0.025757, 0.019010, -0.007339, 0.081646, 0.158695, 0.068013, 0.018741, -0.039579, 0.039101, -0.136082, 0.134952, 0.040927, 0.031036, 0.050155, -0.000202, -0.048154, -0.081458, -0.011905, 0.047550, 0.126443, 0.108022, 0.025367, 0.099052, -0.020214, -0.100325, 0.118000, -0.248911, 0.040958, -0.072395, 0.118565, 0.243103, 0.004200, 0.037785, 0.024306, 0.084343, -0.177564, 0.048096, -0.106028, 0.106208, -0.010050, -0.031379, 0.019717, 0.017206, 0.082049, -0.020379, -0.051593, 0.097045, -0.090937, -0.011265, 0.031408, -0.001956, -0.113920, -0.001992, -0.122446, -0.088988, 0.017837, -0.194333, -0.001683, 0.020702, -0.102633, -0.133132, 0.043179, -0.030809, -0.223593, -0.093629, -0.106381, 0.106795, 0.041754, 0.030088, 0.005605, 0.066364, -0.063208, 0.073658, -0.107110, -0.006243, -0.129021, 0.037002, 0.076207, -0.068185, -0.014349, 0.037381, -0.104040, 0.012379, -0.047493, -0.138007, -0.015734, -0.095991, -0.004357, 0.050212, 0.266572, 0.083248, 0.132423, 0.043834, 0.133000, -0.048239, -0.198983, 0.061177, 0.046107, -0.071342, 0.074874, 0.169610, 0.077620, 0.114922, -0.050415, 0.226334, 0.009808, 0.134738, 0.149984, 0.039939, 0.007870, 0.053118, -0.123672, 0.046232, -0.176045, -0.023647, -0.076492, -0.015721, 0.090085, -0.049994, 0.116556, -0.160045, 0.039548, -0.163306, -0.002650, -0.004228, -0.116155, 0.053810, 0.060702, 0.006497, 0.058289, -0.027669, -0.065135, 0.162126, 0.000439, -0.101407, 0.069254, 0.028106, 0.129334, -0.046857, 0.194481, -0.031651, -0.147994, -0.081960, 0.144564, 0.016094, -0.118316, -0.034992, -0.012858, -0.112381, 0.087790, -0.097156, 0.054532, -0.147664, 0.160136, 0.013093, 0.081140, -0.046835, -0.058343, -0.001986, -0.098236, 0.176778, -0.054783, -0.081112, 0.093747, -0.168239, -0.008937, -0.029251, -0.040384, 0.048763, 0.020733, -0.086836, -0.014962, -0.199222, -0.000411, -0.032711, 0.087586, 0.017202, -0.077580, 0.017917, -0.117069, -0.078933, -0.103356, -0.038170, -0.085883, 0.119978, 0.085142, -0.207227, 0.041197, 0.028945, 0.165079, 0.128836, 0.174761, -0.019433, 0.008856, 0.035547, 0.155388, 0.170129, -0.177330, -0.106138, -0.081726, -0.088087, -0.036257, 0.133549, 0.125630, -0.047992, 0.011609, -0.012640, -0.014328, 0.150984, -0.064303, -0.210025, -0.165230, -0.212281, -0.158488, 0.189257, 0.086894, -0.105770, 0.128430, 0.022590, 0.063706, 0.096815, 0.259149, 0.329132, -0.388697, -0.032997, 0.329207, 0.036241, -0.018602, 0.205156, 0.088242, 0.030247, -0.059785, -0.011578, -0.146119, 0.161599, 0.083833, 0.091632, 0.056554, -0.062697, -0.127062, -0.075222, -0.099912, 0.167664, 0.332428, -0.042988, -0.218847, -0.145548, -0.023438, 0.103094, 0.095960, -0.204600, -0.140854, -0.077115, 0.041789, 0.142566, -0.093961, -0.105421, 0.079608, 0.078067, -0.100810, -0.047303, 0.133237, 0.015843, -0.115028, 0.050458, -0.085119, -0.098822, 0.022272, -0.090283, -0.060733, 0.000306, 0.018265, 0.065918, 0.018070, -0.094988, 0.079960, -0.009110, 0.084869, 0.028019, 0.072395, -0.002720, 0.011138, 0.096263, -0.013025, 0.086651, -0.010999, -0.058656, -0.075878, 0.012772, -0.001265, -0.142928, -0.070198, -0.053247, 0.180565, -0.058229, -0.012232, -0.041165, -0.047677, 0.006050, 0.003439, -0.042826, 0.075896, -0.253897, 0.191993, 0.066419, -0.023927, -0.031511, 0.216858, 0.004886, -0.149044, -0.067950, -0.086451, 0.085218, -0.153987, -0.058131, -0.166886, 0.136103, -0.214675, -0.020311, -0.107588, -0.119938, -0.248734, -0.015441, -0.030570, -0.023792, -0.106240, 0.007948, 0.059152, -0.161200, 0.001740, 0.129180, 0.074046, -0.257261, 0.111104, 0.149872, -0.026769, -0.057401, -0.133478, -0.230092, -0.130849, 0.076581, -0.000069, -0.316080, 0.088354, -0.018747, -0.142803, -0.232064, 0.093508, 0.093142, 0.026733, -0.004104, 0.118772, 0.068313, 0.143472, 0.177055, -0.185698, 0.118006, 0.169106, -0.016913, 0.037970, -0.125210, 0.000982, 0.100216, 0.045410, 0.008884, -0.153364, -0.119035, -0.061809, -0.047995, 0.171206, -0.007398, 0.042370, 0.051847, 0.010622, 0.144800, -0.154725, 0.044889, 0.072075, -0.051510, 0.022414, 0.109831, -0.190632, -0.211976, 0.085493, 0.101635, 0.141984, 0.154830, 0.120218, 0.072341, -0.023154, 0.179153, 0.171624, 0.116888, -0.134575, 0.348890, -0.056966, 0.042982, 0.116584, -0.079154, -0.156628, 0.088414, -0.066757, 0.148513, 0.159105, 0.155640, -0.069136, 0.090735, 0.094921, 0.014198, -0.011658, -0.085926, -0.026259, 0.134309, -0.109095, -0.110331, 0.009494, 0.056582, -0.136589, 0.083096, 0.108866, 0.087424, 0.109910, 0.028422, 0.007635, 0.074987, -0.051845, 0.305455, 0.023122, 0.127546, -0.092540, 0.041137, -0.213544, 0.023747, -0.148813, -0.019677, -0.106785, 0.116654, -0.081596, 0.150468, -0.086027, -0.209220, 0.120797, -0.046563, 0.007857, 0.071320, -0.197367, 0.075559, -0.057818, 0.020872, -0.077217, -0.005956, -0.217273, -0.067889, 0.049858, 0.242758, 0.161820, -0.085249, 0.061046, -0.048575, 0.116466, 0.044303, -0.088790, 0.194655, -0.148016, 0.149380, -0.114488, 0.155748, 0.157558, 0.153702, -0.079683, -0.126296, -0.037475, -0.032458, -0.043074, -0.039804, 0.019654, -0.087683, 0.002917, -0.080308, 0.142893, -0.208808, -0.018310, -0.183769, 0.014412, 0.015286, -0.166741, -0.151723, -0.101686, -0.062995, -0.002021, -0.207005, -0.147329, 0.090034, 0.046197, 0.075788, 0.159760, 0.045668, 0.184405, -0.235292, -0.002296, -0.062438, 0.106299, 0.078304, -0.026316, -0.122774, 0.002100, -0.139777, 0.026389, -0.091988, 0.120079, -0.008339, -0.060772, 0.048862, -0.249485, 0.014811, -0.086359, 0.001427, -0.182629, 0.017454, -0.092502, -0.167452, -0.065110, -0.038445, 0.055409, -0.033546, -0.053103, -0.109793, 0.089073, -0.024507, -0.092325, -0.033750, 0.115496, -0.063611, -0.053372, -0.125605, -0.098850, 0.203236, 0.077863, 0.112839, 0.043883, 0.174651, 0.099275, -0.040835, -0.059067, 0.048549, -0.020023, 0.064505, -0.142887, -0.031607, -0.007023, 0.000661, -0.142410, -0.031390, -0.076145, -0.048524, 0.002295, 0.232508, -0.182715, -0.225120, -0.063472, 0.237604, 0.043127, -0.065562, -0.064165, -0.096490, -0.170897, -0.122762, -0.031986, -0.119516, -0.043455, 0.053269, -0.027126, -0.088495, 0.059602, -0.045890, -0.182019, 0.053578, -0.295300, 0.252262, -0.135376, -0.102089, -0.069292, 0.016829, 0.182282, 0.106852, -0.108537, -0.080791, 0.123421, 0.008854, -0.116839, 0.126084, 0.139896, -0.063078, -0.051410, -0.214410, 0.052271, 0.022409, 0.015495, -0.008232, 0.019247, 0.109579, 0.062422, 0.070511, 0.279359, -0.036575, -0.204358, -0.008151, 0.187654, -0.054026, -0.052842, -0.110788, 0.036769, -0.086086, 0.179057, 0.019895, 0.009013, 0.258267, 0.055890, 0.221900, 0.179390, -0.042982, -0.139364, -0.107477, -0.002434, 0.035799, -0.198751, 0.001674, -0.004025, 0.057032, -0.151657, 0.181973, -0.003765, 0.005613, 0.115125, 0.012666, -0.005496, 0.085110, -0.007369, -0.030697, 0.149439, 0.134718, 0.177048, 0.002808, 0.065377, 0.238496, -0.005222, -0.047566, -0.045634, 0.069121, 0.008349, 0.143055, 0.133172, -0.020744, 0.018413, -0.184603, 0.038803, 0.036340, 0.052813, -0.032016, 0.139362, 0.164448, -0.176784, 0.059483, 0.005306, -0.056231, 0.032904, -0.152148, 0.005550, -0.151459, -0.121497, -0.142564, -0.055674, -0.043945, -0.151435, 0.050613, 0.090835, 0.099548, 0.101261, 0.055414, 0.040702, 0.043263, -0.039759, -0.016077, 0.037161, -0.004228, -0.005204, 0.075478, 0.009611, -0.026846, -0.006216, -0.021855, -0.041986, 0.087506, 0.020811, -0.009162, 0.058361, -0.035696, 0.135624, 0.044925, 0.041664, 0.105839, -0.006098, -0.044297, 0.070342, -0.094794, -0.020740, -0.103076, -0.008988, 0.018227, -0.028655, -0.033034, 0.042870, -0.016286, 0.010147, 0.012250, 0.034768, -0.095120, -0.119615, -0.050373, -0.198595, 0.106825, 0.019181, 0.078007, -0.064717, -0.043978, 0.010634, -0.056831, -0.006665, 0.055771, 0.097904, 0.147826, -0.082005, -0.133168, -0.032066, -0.102318, -0.165520, -0.018034, -0.010819, -0.006563, 0.063252, 0.028167, -0.173477, 0.029161, 0.109000, 0.094184, -0.078292, -0.008043, 0.095737, 0.052153, 0.118828, 0.019276, -0.039529, -0.039907, -0.039824, 0.135253, -0.035916, -0.131336, 0.120623, 0.017661, 0.224824, -0.070147, 0.113571, 0.005908, -0.090183, -0.072090, 0.122495, 0.031185, 0.063968, 0.047784, -0.096628, -0.035870, 0.109096, 0.022759, -0.052107, -0.121927, -0.071962, -0.082567, 0.077532, -0.044919, -0.029945, -0.091819, -0.119092, 0.019773, 0.016255, -0.050233, -0.044258, -0.071195, 0.056135, -0.111367, 0.120647, -0.063897, -0.023910, -0.013325, 0.104683, -0.049172, 0.024011, 0.036018, 0.031954, -0.094040, -0.088684, -0.046567, 0.157862, -0.070880, 0.004643, -0.104449, 0.046184, -0.102924, 0.010276, -0.132674, 0.001087, -0.010972, -0.032221, 0.092793, 0.127928, -0.095665, -0.189940, 0.113903, -0.033394, 0.197562, 0.110088, -0.132874, -0.167765, 0.084470, 0.004177, 0.198444, -0.225910, 0.184312, 0.022724, 0.099378, -0.070168, -0.028827, -0.016107, 0.082653, -0.039904, 0.218318, 0.022938, -0.046710, 0.048953, -0.199180, 0.027796, 0.061256, -0.030309, 0.062706, -0.038695, 0.078978, -0.047787, 0.174366, 0.022864, 0.089334, 0.088903, -0.060475, -0.034576, 0.179528, -0.157790, 0.070770, 0.159577, -0.077125, -0.022692, -0.013103, 0.039411, 0.030151, -0.124298, 0.087246, 0.056335, -0.003505, -0.023840, -0.048527, -0.104196, 0.079334, 0.116792, -0.052993, -0.080177, -0.005882, 0.231201, 0.113081, -0.164307, 0.038865, -0.121237, 0.239187, -0.162170, -0.018200, 0.019703, -0.114143, -0.002216, 0.049907, -0.011519, 0.117990, -0.148628, 0.237238, -0.027650, -0.144054, 0.093297, 0.065611, 0.022585, -0.069846, 0.040276, -0.016472, 0.238747, 0.091539, -0.023017, -0.003203, 0.010029, 0.059829, 0.053522, -0.058080, -0.069412, 0.091184, 0.145915, -0.036354, 0.145450, 0.021501, 0.116401, 0.123552, 0.002849, -0.045849, 0.030324, -0.063035, -0.094753, 0.142310, 0.200582, 0.044510, 0.063365, 0.013612, 0.084549, -0.175485, -0.125536, 0.231218, 0.116734, -0.028148, 0.158833, 0.063164, 0.033666, 0.045659, -0.126025, -0.156445, -0.017636, -0.052750, 0.002700, -0.013007, 0.142952, -0.003890, 0.084341, -0.074878, 0.315925, 0.413225, -0.068075, 0.008372, -0.240111, -0.053718, -0.122135, -0.116054, -0.344053, 0.015816, -0.192348, 0.109348, 0.061078, 0.090764, 0.219660, -0.307830, 0.091781, -0.152417, -0.232242, 0.315393, 0.119051, -0.198786, -0.176782, -0.077911, 0.152163, 0.083294, 0.131643, 0.070559, -0.184068, 0.205128, -0.242556, 0.100594, 0.223521, 0.076328, 0.131424, -0.134236, 0.106634, 0.112209, 0.008294, 0.207381, -0.104673, 0.153291, 0.073763, 0.152820, 0.160208, -0.197191, -0.172211, -0.183722, -0.144081, 0.115370, 0.031699, -0.204847, 0.184766, -0.042831, -0.097182, 0.135535, -0.041729, 0.139501, 0.314558, 0.031796, -0.059370, -0.083947, -0.133335, 0.093389, 0.057789, -0.033191, -0.149222, -0.197114, 0.053487, 0.048494, 0.142024, 0.126297, 0.204403, 0.147558, 0.081731, -0.208397, 0.082970, -0.028501, 0.057956, 0.090251, -0.144534, -0.020102, 0.320886, -0.127172, -0.281973, -0.135247, 0.136358, -0.089949, -0.170660, -0.062053, 0.090688, -0.032782, 0.189241, 0.043263, 0.033913, 0.082972, 0.150352, -0.152464, -0.182222, 0.015387, -0.107850, -0.217284, 0.027581, -0.089075, -0.089145, 0.178804, 0.005353, 0.052498, -0.070092, -0.124014, -0.104253, 0.103117, 0.200457, -0.147387, -0.144924, 0.014945, -0.122352, -0.182677, -0.034002, -0.122444, 0.127302, -0.009057, -0.064640, -0.019002, 0.002059, 0.159242, 0.052402, 0.003502, -0.279069, 0.159530, -0.194163, 0.032896, -0.062311, -0.090833, -0.108851, -0.089550, -0.113793, 0.107035, -0.220514, 0.064029, 0.056747, -0.065665, -0.150705, -0.246954, -0.132488, -0.131259, -0.138197, 0.345466, -0.070245, -0.019753, -0.067784, -0.202466, 0.027638, 0.138243, 0.043086, 0.069902, 0.045163, -0.199061, 0.007289, 0.176282, -0.007142, 0.141140, 0.108846, 0.013744, 0.220621, -0.004188, 0.016595, -0.144567, 0.118762, 0.137656, -0.154836, 0.090912, 0.161202, 0.164100, 0.009645, -0.195662, 0.166816, 0.009712, 0.031541, 0.045807, 0.022258, 0.153017, -0.060258, 0.153970, 0.029017, -0.047251, 0.139340, 0.203755, 0.038225, 0.236312, 0.077872, 0.108139, 0.042993, 0.051776, -0.054963, -0.140290, -0.099685, 0.085840, 0.086407, 0.000096, 0.016384, -0.047123, 0.041887, -0.109235, 0.148953, -0.118110, 0.039910, 0.075398, -0.040187, -0.037429, -0.022421, -0.147364, 0.105627, 0.105741, -0.006079, 0.035704, -0.041220, 0.042533, -0.031688, -0.025674, 0.334761, -0.001212, 0.222049, -0.158374, 0.237334, -0.147977, -0.124050, 0.095210, 0.059461, -0.081021, -0.091918, -0.099889, -0.032487, -0.236627, 0.067778, 0.267202, -0.027125, 0.170022, -0.015243, 0.179178, -0.004803, 0.002901, 0.067734, -0.188358, -0.037850, -0.133841, 0.038515, 0.098692, -0.097454, -0.007050, -0.119311, -0.140423, 0.000385, -0.139329, 0.067685, 0.061476, -0.148944, 0.066740, 0.011635, 0.160614, 0.067173, -0.097032, 0.132938, 0.014981, 0.132240, 0.080636, -0.149860, 0.091793, 0.149671, -0.036371, 0.044003, -0.010137, 0.002751, 0.009340, 0.061331, 0.077279, 0.025732, -0.006672, -0.013708, -0.113849, 0.010113, -0.060776, -0.155129, 0.057913, -0.216150, 0.010727, -0.011761, 0.084347, -0.069290, 0.039125, 0.107677, 0.038832, -0.008231, -0.080293, -0.069793, 0.015540, -0.080015, -0.001811, -0.032739, -0.037620, -0.040347, -0.047419, 0.162649, -0.008048, 0.114727, 0.206994, -0.122192, 0.196985, -0.180186, -0.149501, 0.029064, 0.045124, 0.185130, -0.130868, -0.040795, -0.044589, 0.005719, -0.037666, -0.146576, 0.159960, -0.087366, -0.109039, -0.011206, -0.072741, -0.035679, 0.018696, 0.155766, -0.040277, -0.029607, 0.037084, -0.195343, 0.130843, 0.201999, 0.008960, -0.006194, -0.073878, -0.148166, 0.035222, 0.040436, -0.047661, -0.121504, -0.175008, 0.132232, 0.128859, 0.131444, -0.124379, 0.101683, 0.112611, -0.046698, -0.146015, 0.105939, 0.040923, -0.159160, -0.064706, -0.017998, -0.058338, 0.137403, -0.031553, -0.110431, 0.082821, 0.040152, -0.021601, -0.020671, 0.033249, -0.148553, -0.089991, 0.019514, -0.027541, 0.121408, 0.105335, -0.206307, -0.132549, 0.067560, -0.213958, 0.277232, -0.012418, 0.081296, 0.099970, -0.027667, -0.128112, -0.037723, 0.056885, -0.148429, -0.077739, -0.202484, 0.212762, -0.099193, 0.282839, -0.116944, -0.105643, -0.160776, -0.022687, 0.194830, 0.168183, -0.050838, 0.031868, -0.016700, -0.037555, 0.028087, 0.068049, -0.103707, -0.057477, -0.134738, 0.022353, -0.123435, 0.244467, 0.199794, -0.005765, 0.030471, -0.285333, 0.110431, 0.059172, 0.306151, -0.458370, -0.016621, 0.214707, -0.087383, 0.194149, 0.114549, -0.303446, -0.066666, -0.022604, -0.081961, -0.123339, 0.143882, -0.009660, -0.015781, -0.051698, 0.074760, 0.338047, 0.065612, 0.099052, 0.104134, 0.082649, -0.068482, -0.154486, -0.042951, 0.052760, -0.017317, -0.202061, 0.166224, -0.214054, -0.098520, 0.170893, -0.125757, 0.002585, -0.119306, 0.132188, -0.331965, -0.098946, 0.101716, -0.139129, 0.147029, 0.002612, 0.070979, 0.062408, -0.046259, 0.094277, 0.174303, -0.132110, -0.025837, 0.084315, -0.291277, 0.018503, -0.014613, -0.123842, -0.131194, -0.095044, 0.156140, 0.181821, -0.169113, 0.015993, -0.064665, 0.302101, -0.209313, 0.223111, 0.092439, 0.074894, -0.045450, -0.000280, 0.143342, -0.020897, -0.082123, 0.028232, 0.407246, 0.092529, 0.141933, -0.010087, 0.301675, -0.004227, 0.042153, 0.066647, 0.048267, 0.287460, 0.148012, -0.020305, -0.262431, 0.225457, -0.160431, 0.107251, -0.139219, 0.040884, -0.131333, 0.030305, 0.083630, -0.062996, -0.163691, 0.256896, -0.083845, 0.007161, -0.133534, 0.026867, -0.049417, 0.003877, -0.111720, -0.192203, 0.029307, 0.029105, -0.021030, -0.073447, -0.001804, -0.014027, 0.103326, -0.235059, -0.192696, -0.093635, 0.031027, -0.029165, 0.043449, -0.034575, 0.044324, 0.033222, 0.102873, -0.005609, -0.138507, -0.046083, 0.060475, -0.175635, 0.201263, -0.094506, 0.058868, 0.019763, 0.057811, 0.355405, 0.264466, 0.032049, -0.171955, -0.051006, 0.087323, -0.016655, 0.078937, -0.094898, -0.001222, -0.096629, 0.028611, 0.026605, 0.129874, 0.032933, 0.024055, -0.064128, -0.012593, 0.163520, 0.230477, -0.148806, 0.085456, 0.085823, 0.091923, 0.200018, 0.069010, 0.067165, -0.089762, 0.151910, 0.255639, 0.121531, 0.061279, 0.005373, 0.087571, -0.030848, 0.065250, 0.103592, 0.078934, -0.040549, -0.212382, 0.077032, 0.179790, 0.030727, -0.075268, -0.122848, -0.282535, 0.055651, -0.439390, 0.160203, 0.104559, 0.085039, 0.007352, 0.022997, 0.295388, 0.047481, 0.210570, -0.020058, -0.053030, 0.007785, -0.092481, -0.020921, 0.133298, 0.049531, -0.068420, -0.221913, 0.190678, 0.172514, 0.195493, 0.023324, -0.047866, 0.165916, 0.088403, -0.099084, -0.044853, 0.042766, -0.027964, -0.318811, -0.219139, -0.000518, -0.085738, 0.042714, -0.050594, 0.150642, 0.204345, -0.000971, -0.076551, -0.006057, -0.015337, 0.089365, -0.049845, 0.015639, -0.001822, -0.032696, -0.040620, 0.085566, -0.112391, 0.069812, -0.095515, -0.006976, -0.142139, 0.033616, -0.041396, 0.032034, 0.086629, 0.022884, 0.113075, -0.077038, 0.052961, 0.103892, 0.131079, -0.073947, 0.080555, -0.127060, 0.026330, 0.008147, 0.008176, -0.007881, 0.041539, -0.033013, 0.049793, -0.045948, 0.014929, 0.098496, -0.053947, -0.106890, -0.032357, 0.017760, 0.035803, -0.071470, -0.025209, -0.037477, -0.103786, 0.103240, -0.097680, 0.024198, 0.121682, 0.158518, -0.035346, -0.041882, 0.065718, 0.108834, -0.161573, -0.046824, -0.044217, -0.037736, -0.030168, -0.002865, -0.099736, -0.018377, 0.129415, -0.044555, -0.073862, 0.132288, -0.088081, 0.120953, 0.107788, -0.033373, 0.045035, -0.113239, -0.008120, 0.071281, 0.061886, 0.050499, -0.148179, 0.022097, 0.017897, 0.085615, 0.052295, -0.060952, -0.013276, 0.007332, 0.017327, -0.096042, -0.035519, 0.024103, 0.244583, 0.078553, -0.056501, -0.092431, 0.026056, 0.023034, 0.011318, -0.122918, -0.093447, -0.061659, -0.114225, -0.070066, 0.119890, -0.069653, 0.009974, -0.035166, -0.110489, -0.024688, -0.061082, 0.051912, 0.071694, 0.045607, 0.013109, 0.000754, 0.006861, -0.102165, -0.154694, 0.046765, 0.125616, -0.068974, 0.034509, 0.011824, 0.004683, 0.017223, -0.022536, 0.047414, -0.084867, 0.061275, -0.143976, 0.001531, -0.165246, 0.022379, 0.213181, -0.163856, -0.123572, 0.007057, 0.037304, 0.017529, -0.078347, -0.075208, -0.083024, 0.171446, -0.342637, 0.107748, 0.102818, -0.081347, -0.212849, 0.203333, 0.048383, 0.125069, -0.262944, 0.184111, -0.149347, -0.110419, -0.007905, -0.170920, -0.142114, 0.095710, 0.100516, -0.043020, -0.189448, -0.025675, -0.087008, -0.040788, 0.044115, -0.015208, -0.028550, -0.039717, 0.090104, 0.137384, -0.150993, -0.140384, -0.082788, -0.136727, -0.139291, -0.102490, 0.091635, 0.293760, 0.182491, 0.007492, 0.118710, 0.037887, 0.008165, 0.017073, 0.088167, 0.006650, -0.329203, -0.147772, 0.162898, 0.252788, -0.088178, 0.008544, -0.024238, -0.092792, -0.172260, -0.138214, 0.155420, 0.299972, 0.122170, -0.005750, -0.290481, -0.027769, -0.080412, 0.110195, 0.141093, 0.146661, 0.062797, -0.010151, -0.172644, 0.103318, 0.138217, 0.200469, 0.105028, 0.168091, 0.005013, 0.111846, 0.029457, 0.091534, 0.308492, 0.081760, 0.185828, 0.207896, -0.035812, -0.070693, 0.017968, -0.187877, -0.292472, 0.046866, 0.046413, 0.049593, 0.018353, 0.007408, 0.143736, 0.195237, 0.131686, 0.151457, -0.040065, -0.121190, 0.022669, 0.099235, 0.093776, -0.178865, -0.183007, -0.072821, -0.019379, -0.064415, 0.008553, 0.033778, 0.144334, -0.032395, -0.025614, 0.015957, -0.132367, -0.000521, -0.038416, -0.213835, -0.046693, -0.142702, -0.031633, -0.011265, 0.014159, 0.014615, -0.164101, 0.016653, 0.053553, 0.041027, -0.132336, -0.245562, 0.040743, 0.069106, -0.120416, -0.007308, 0.231590, -0.026942, 0.000193, -0.059685, -0.068445, 0.196452, -0.077790, -0.010530, 0.012943, 0.000289, 0.014876, -0.050600, -0.030551, 0.050851, -0.257666, -0.062180, -0.053429, -0.205967, -0.108423, 0.108014, 0.122636, -0.048635, -0.051471, -0.017643, -0.009766, -0.038964, -0.050227, 0.071538, -0.029898, -0.131962, 0.060536, -0.106001, 0.198399, 0.073388, 0.084455, 0.003142, -0.004213, 0.077020, -0.013723, -0.045094, 0.142300, 0.026709, -0.200196, 0.186036, 0.054184, 0.065619, -0.011374, 0.014985, -0.088938, -0.016005, 0.063663, 0.040431, -0.125813, -0.104136, 0.079774, 0.160304, -0.063521, -0.143431, -0.183706, -0.031597, 0.052554, -0.055269, 0.138714, -0.157207, -0.014713, 0.111182, -0.139178, 0.127511, -0.085860, 0.185940, -0.115776, 0.192239, -0.006950, 0.139328, 0.125324, -0.152377, 0.038774, 0.232482, 0.159931, -0.103857, 0.184628, 0.061544, -0.066954, -0.032624, 0.081903, 0.135074, 0.033694, 0.037543, -0.102849, 0.091131, 0.031969, -0.016245, 0.089769, 0.006899, -0.020411, 0.155982, 0.086542, -0.061156, -0.101137, 0.205997, 0.085503, -0.099116, -0.009730, -0.117908, -0.049089, 0.022300, -0.038787, -0.115123, 0.060018, -0.014654, 0.091204, 0.181272, 0.073388, 0.083320, -0.090043, -0.039122, 0.112761, 0.208887, 0.123115, -0.104903, -0.125736, 0.147552, 0.105662, 0.026655, -0.014723, 0.132716, -0.194470, 0.003152, -0.276028, 0.005663, -0.113359, -0.107894, -0.003457, 0.112801, 0.153702, -0.174007, 0.122626, -0.036710, 0.030280, -0.046799, 0.123258, -0.114587, -0.066781, 0.019372, 0.004823, -0.022964, -0.102338, -0.058788, 0.041519, 0.015000, 0.022536, -0.217517, -0.045261, -0.009760, -0.156582, 0.151625, 0.021196, 0.183644, 0.038508, -0.040070, -0.007486, 0.048925, 0.189740, 0.116845, 0.061151, -0.047153, 0.102390, -0.007304, -0.049571, 0.103527, 0.037295, 0.206842, -0.238323, 0.393164, -0.020069, -0.172814, 0.201160, 0.004022, 0.021849, 0.124627, -0.037388, 0.037647, -0.086304, -0.027497, 0.090281, -0.003638, 0.061102, 0.125167, -0.068694, -0.072738, -0.107207, 0.051426, 0.167512, -0.151632, 0.034708, 0.084176, 0.239366, 0.169235, 0.236960, -0.179681, -0.098857, -0.013643, -0.025815, 0.044777, 0.012528, 0.021091, 0.046798, 0.065619, -0.076473, -0.035429, 0.021134, 0.066167, -0.131985, 0.163410, 0.006141, -0.097157, 0.266636, -0.087074, -0.080050, 0.371181, 0.070754, 0.089124, 0.034784, -0.035045, 0.206180, -0.016118, 0.083811, -0.185414, 0.069819, 0.132062, -0.032097, 0.068350, -0.081125, -0.013289, -0.019384, 0.007050, 0.045226, 0.102540, -0.026788, 0.095313, 0.042871, -0.033339, 0.096302, 0.116216, 0.098507, -0.093301, -0.040846, 0.065932, -0.172085, 0.018691, -0.006420, -0.004863, -0.093252, -0.271158, 0.166248, 0.045035, -0.273505, 0.045164, -0.182066, -0.092535, 0.036475, -0.165664, 0.115174, 0.041182, 0.085389, 0.264909, 0.024711, -0.061905, 0.045923, 0.170794, -0.000421, 0.137107, 0.050931, 0.065031, -0.014861, 0.008721, 0.004482, 0.051414, 0.031473, -0.125258, 0.059911, -0.052654, 0.040512, -0.034047, -0.024880, 0.018958, -0.182315, -0.013094, 0.082115, -0.008939, -0.011955, 0.054713, 0.040365, -0.025839, 0.134129, 0.039146, -0.103535, -0.059532, 0.016669, -0.012274, -0.057409, -0.246392, 0.160436, -0.139466, 0.157776, -0.042502, -0.021135, -0.069392, 0.040457, 0.153684, -0.054220, 0.078571, 0.148739, 0.189239, 0.337314, -0.151880, 0.039135, -0.045010, -0.080546, -0.135306, 0.108085, -0.048007, -0.207979, -0.070527, 0.061925, -0.195440, -0.236544, 0.065629, -0.051568, -0.100004, -0.010771, 0.201799, -0.093216, -0.217324, -0.338018, 0.242066, -0.134756, 0.268831, -0.139764, -0.002092, -0.085502, -0.048319, -0.056390, -0.177979, -0.001708, -0.205592, -0.145090, -0.180282, 0.181983, 0.107956, 0.262257, -0.120784, 0.064271, 0.098171, 0.019472, -0.030503, 0.045992, 0.113005, 0.095011, 0.050590, 0.061304, 0.133927, -0.239510, 0.029565, -0.119352, -0.063294, -0.201655, -0.274350, -0.042482, -0.178919, -0.043967, 0.060411, -0.068768, -0.043240, 0.054752, -0.347165, -0.072802, -0.024603, -0.230026, 0.042463, -0.276408, -0.016565, -0.067234, 0.008472, 0.106866, 0.041751, 0.198659, 0.150773, 0.104497, 0.045181, -0.309987, -0.074041, 0.051382, -0.094509, -0.040687, -0.022696, 0.045768, -0.178285, -0.047534, 0.051440, -0.280476, 0.073376, -0.326816, 0.078846, -0.107015, -0.126383, -0.115840, 0.133656, 0.001519, -0.203401, 0.195457, -0.230675, 0.152510, -0.094289, 0.138282, 0.214917, 0.030727, -0.445782, -0.007635, 0.027280, 0.025749, -0.003729, -0.079360, 0.113710, -0.009263, 0.173760, 0.013159, -0.017340, 0.266550, 0.085422, -0.164724, 0.092197, -0.247195, 0.000167, 0.007077, 0.100402, -0.101692, -0.088418, -0.093007, 0.182402, -0.060192, -0.076456, -0.157397, -0.111314, -0.114978, 0.112023, -0.175834, -0.062800, -0.189372, 0.056859, 0.015000, -0.062529, -0.038679, 0.018450, -0.045086, -0.037790, 0.201615, 0.062378, -0.071984, -0.195448, 0.027147, 0.156018, -0.142978, -0.287962, 0.059115, -0.022349, -0.112615, -0.043323, 0.132879, 0.323868, -0.017705, -0.121292, -0.021446, 0.129416, -0.019249, -0.057177, 0.018055, -0.092729, -0.028240, -0.014112, -0.237767, 0.008602, -0.149025, -0.099580, 0.189996, -0.201260, -0.053318, -0.258665, 0.179099, 0.257567, 0.178044, 0.135940, -0.167074, -0.069080, 0.049713, 0.061092, -0.105323, 0.116036, -0.137181, 0.218692, 0.240435, 0.147701, 0.092974, -0.231341, 0.057505, 0.013505, -0.198824, 0.016654, 0.065240, 0.149506, -0.025007, 0.091187, -0.072325, 0.120057, -0.035403, -0.075197, -0.040654, 0.019460, 0.070617, -0.262435, -0.107386, 0.004172, 0.297753, -0.016847, -0.046416, -0.301933, 0.042272, -0.012228, -0.101673, -0.057968, -0.059253, 0.054297, -0.064471, 0.095251, -0.236678, -0.079780, -0.185587, -0.001343, 0.256486, 0.040415, 0.187955, -0.185432, 0.064977, 0.127017, -0.019736, 0.041276, 0.237016, -0.148825, -0.029096, 0.015034, 0.282636, 0.160105, 0.050043, 0.060488, 0.332869, 0.066974, 0.075251, 0.194001, -0.076922, -0.073771, 0.185621, 0.008746, -0.124420, -0.055878, 0.077954, 0.170197, -0.242774, -0.132833, 0.000366, -0.006636, 0.039976, -0.132810, -0.292180, 0.188400, -0.108207, 0.093508, -0.012523, 0.063728, 0.100047, -0.132030, 0.289625, 0.079830, 0.067802, -0.079298, -0.213744, 0.024431, -0.052786, 0.000030, -0.103286, 0.074263, 0.205742, 0.084521, -0.237566, 0.100518, -0.040859, -0.195410, -0.166910, 0.088163, 0.150331, 0.026212, -0.082998, -0.040338, -0.126175, 0.359455, -0.199910, -0.180180, -0.100229, 0.053300, -0.067926, 0.218370, 0.125334, -0.122713, -0.117052, -0.305769, -0.072697, 0.137115, -0.071008, -0.027195, 0.006726, -0.159735, -0.016929, 0.065832, 0.095120, -0.042245, 0.164985, 0.018760, 0.003129, -0.135101, -0.023700, 0.049227, 0.327427, -0.282742, 0.128943, 0.057008, 0.039722, 0.143596, -0.007778, 0.010617, -0.015898, 0.077271, -0.105948, -0.094953, 0.192693, 0.215586, -0.132180, -0.021892, -0.189296, 0.054113, 0.055041, 0.082526, 0.030981, -0.199219, 0.110970, -0.147132, -0.170154, 0.136924, -0.009590, -0.109943, -0.203606, 0.010964, 0.052123, -0.121020, -0.156198, -0.049939, -0.098889, -0.037800, 0.077401, -0.187025, 0.094200, 0.153677, 0.004431, -0.213897, -0.090166, 0.043818, -0.037873, 0.131262, 0.072778, -0.198585, -0.245802, 0.017129, 0.035328, 0.018783, -0.172570, -0.061793, -0.007887, 0.448900, 0.088975, -0.014428, -0.071943, 0.071738, -0.086852, -0.047786, -0.101091, 0.023359, -0.080501, -0.107833, 0.000410, -0.107925, -0.130886, 0.146815, -0.123422, -0.099156, -0.071484, -0.175474, -0.080023, 0.054626, 0.158219, -0.002946, -0.110821, 0.110404, 0.017021, -0.046008, -0.051727, 0.074982, -0.028960, -0.065164, -0.264973, 0.072288, -0.161952, 0.069380, -0.101094, -0.347273, 0.029198, 0.162556, 0.031362, 0.133439, -0.123335, -0.148010, 0.184061, -0.053843, 0.130733, 0.052315, 0.148835, 0.057340, -0.068062, -0.059677, -0.083463, -0.323150, 0.198830, -0.167206, 0.147893, 0.024206, -0.276917, 0.083097, 0.162266, -0.044411, 0.184394, -0.001927, -0.039284, -0.169471, -0.012666, 0.007850, 0.138070, 0.073494, -0.032635, -0.036927, -0.164752, -0.059864, 0.009889, -0.052576, -0.096285, 0.011488, 0.156944, 0.047760, 0.000785, -0.101692, 0.132788, -0.128274, 0.143999, 0.076399, 0.101784, 0.220430, 0.023428, 0.006971, 0.025580, -0.096961, 0.102377, 0.015811, 0.088420, 0.034327, 0.042647, 0.049386, 0.009874, -0.119772, 0.022541, 0.074627, -0.071001, -0.055419, 0.074694, 0.077782, -0.044657, 0.051630, 0.060399, -0.029753, -0.021281, -0.088761, 0.109445, -0.080958, 0.227999, 0.076210, -0.045639, 0.024063, -0.212482, -0.083880, 0.009970, -0.053225, -0.080574, -0.151502, 0.034596, -0.020874, 0.039765, -0.177149, 0.059906, 0.123483, 0.091009, -0.061818, -0.168993, -0.051780, 0.050590, -0.002325, -0.052150, 0.003907, 0.016396, -0.000410, -0.066969, -0.064641, -0.025496, 0.089593, -0.021895, -0.041953, 0.009661, -0.221206, -0.067482, 0.084147, -0.006423, -0.058393, -0.334050, 0.078372, -0.105191, 0.034643, 0.094532, 0.039783, -0.078236, -0.138317, 0.156720, 0.037514, -0.057968, -0.014306, 0.024302, -0.092842, -0.007812, 0.267190, 0.014205, -0.004610, -0.023908, -0.023700, 0.021738, 0.021346, 0.079647, -0.061462, 0.093107, -0.107828, -0.050017, -0.106527, -0.170773, 0.056759, 0.014070, -0.041984, -0.023290, 0.054939, -0.352037, -0.056772, -0.130459, -0.039579, 0.144804, 0.108069, 0.275931, -0.001190, -0.166513, -0.054334, 0.016304, -0.079497, 0.072612, 0.199866, 0.027867, 0.074719, -0.090386, -0.103978, 0.003325, -0.291539, 0.110207, 0.012646, -0.132986, -0.100323, 0.056448, 0.082827, -0.100918, -0.100186, -0.081505, 0.169713, -0.155863, 0.268057, -0.125123, 0.107943, 0.045186, -0.108343, 0.028414, 0.131675, 0.037587, -0.125381, -0.019462, 0.086870, 0.081983, 0.221188, 0.000405, 0.018306, -0.126372, -0.084304, -0.058853, 0.171726, -0.042954, -0.068206, 0.020711, 0.041612, 0.029634, -0.000090, 0.158443, 0.001015, -0.192330, 0.057559, -0.129191, -0.161753, 0.039121, 0.013806, -0.068832, 0.030256, 0.035762, 0.156943, 0.003551, 0.037040, 0.043766, 0.086435, -0.097783, 0.016499, -0.190690, 0.210628, -0.015034, -0.015590, 0.196384, -0.080502, -0.042126, 0.046355, -0.020076, -0.055013, -0.075276, 0.108789, -0.206415, -0.071737, -0.051149, -0.075674, -0.032242, 0.062634, 0.052400, 0.036254, -0.123997, -0.032015, -0.027904, -0.128034, 0.133506, 0.170287, -0.020336, -0.002460, 0.074017, 0.022887, 0.117788, -0.097086, -0.071525, -0.057071, 0.052478, 0.115955, 0.054273, 0.056584, 0.003593, 0.077615, 0.054203, 0.067298, -0.009852, -0.100492, -0.100111, -0.046440, -0.058459, 0.141522, 0.002372, 0.075507, 0.029241, 0.062847, 0.025252, -0.042622, -0.134333, 0.219631, 0.030789, 0.046052, 0.059888, 0.066493, 0.068311, 0.108821, 0.006236, 0.057119, 0.029970, -0.160951, 0.153753, -0.015286, 0.243015, -0.097433, 0.157946, -0.390325, 0.142472, 0.013414, 0.183352, -0.193435, -0.122669, 0.230010, -0.095284, 0.036009, -0.046868, 0.013092, 0.118420, 0.018795, -0.027610, 0.128880, -0.138665, 0.090373, -0.009600, 0.139286, 0.007586, -0.055696, 0.043038, -0.209009, -0.131500, 0.061290, 0.108299, 0.090802, -0.025803, -0.171322, -0.032860, -0.067639, -0.185407, 0.117326, 0.222901, -0.141877, 0.060760, 0.070128, -0.091446, -0.102016, 0.258254, -0.139087, -0.030607, 0.103124, -0.015096, 0.089439, 0.204591, 0.074251, 0.065964, 0.023567, 0.194961, 0.118955, 0.029028, 0.043786, 0.033655, 0.067912, -0.294013, 0.074829, -0.118001, 0.102410, -0.200480, -0.144233, -0.047048, -0.091517, 0.044123, -0.293668, -0.141102, -0.271003, -0.233391, -0.010628, -0.262807, 0.059593, 0.036937, -0.054987, -0.021511, 0.134448, 0.333854, 0.073571, -0.131267, 0.201396, 0.189957, 0.108708, 0.032831, 0.036653, 0.117883, -0.206713, 0.105217, 0.001326, 0.057417, -0.177722, -0.124126, 0.014186, -0.141706, 0.102957, -0.024503, 0.116230, 0.078522, 0.193486, 0.009390, 0.073186, 0.089279, -0.032532, -0.015392, -0.047616, -0.062434, 0.245337, 0.244054, -0.145826, 0.171070, 0.030056, 0.463702, 0.085204, -0.120743, -0.106475, 0.039435, -0.021005, 0.132553, 0.013096, -0.008329, 0.015362, 0.135815, 0.108061, -0.153036, 0.014264, -0.155999, -0.025299, 0.153362, 0.124232, 0.204745, 0.007541, 0.060348, 0.041872, -0.149410, 0.015688, 0.016525, 0.086832, -0.042991, -0.016049, -0.178303, -0.019710, 0.058894, -0.003717, -0.129953, 0.032081, 0.057356, -0.099717, -0.037292, -0.044977, 0.060378, 0.077927, -0.098043, 0.039194, 0.018185, 0.011725, 0.081780, 0.099295, 0.032778, 0.038309, -0.128433, -0.019907, -0.071484, 0.089754, -0.129676, 0.070626, -0.157669, -0.121709, 0.135523, 0.029746, -0.150288, 0.092541, -0.113006, 0.036088, 0.194469, -0.025237, -0.047563, -0.049070, 0.197304, 0.119782, -0.085436, 0.051106, 0.146087, 0.063562, 0.028360, -0.000443, 0.059613, 0.004305, 0.069098, 0.076677, -0.091889, 0.039000, -0.088892, -0.056982, 0.107547, 0.044914, -0.057808, 0.016020, 0.020938, -0.152981, 0.031994, 0.021201, -0.120384, -0.015551, 0.010159, 0.031912, 0.045356, -0.017001, 0.054310, 0.067151, -0.030644, -0.005146, -0.102264, 0.001368, 0.138479, 0.109310, -0.161919, -0.180036, -0.030107, 0.061756, -0.056359, -0.215469, -0.174136, -0.030515, -0.075967, 0.013934, 0.039667, -0.118555, -0.155523, -0.066905, -0.191264, 0.019688, 0.094703, 0.076932, 0.010524, -0.029880, 0.093166, -0.057330, 0.065169, 0.093740, -0.075052, 0.016949, 0.054554, 0.126411, -0.097921, -0.088884, -0.106587, -0.179855, 0.079916, -0.110454, -0.112355, 0.299422, -0.161185, -0.049189, -0.134437, 0.089934, -0.024771, 0.212589, -0.124286, 0.013135, -0.069172, 0.261674, -0.149873, -0.075491, -0.182616, 0.195473, -0.001970, -0.080298, -0.313877, 0.145253, -0.141525, -0.264008, -0.055753, -0.067726, -0.049937, -0.172837, 0.026570, -0.083165, -0.094260, 0.030007, -0.255252, -0.108860, -0.134285, 0.088375, -0.428886, 0.007293, -0.186237, 0.175731, 0.033732, -0.073821, -0.145390, -0.089787, 0.145480, -0.115167, -0.154804, -0.007209, 0.206655, 0.067122, -0.024634, 0.155369, 0.249815, -0.051134, 0.006584, -0.123551, 0.016562, 0.168241, -0.065867, 0.015080, 0.068205, 0.086418, 0.023107, 0.087365, 0.103555, -0.096504, 0.063277, 0.080503, 0.009382, 0.044715, -0.025603, -0.047032, -0.130546, -0.018870, 0.096998, 0.135366, 0.010565, 0.116599, 0.144701, -0.184486, 0.038609, 0.016028, 0.033253, -0.018279, 0.038361, -0.139220, 0.003611, -0.019044, 0.083648, -0.101131, 0.110491, -0.108469, -0.035836, -0.114222, -0.037078, 0.090602, 0.069946, -0.027613, 0.055473, 0.023165, -0.171128, 0.146903, -0.120593, -0.153794, -0.064377, 0.081192, 0.060461, 0.176561, 0.033932, 0.025258, -0.126159, -0.293102, 0.084242, -0.061055, -0.187151, -0.205665, 0.180037, 0.190204, 0.031593, -0.057766, -0.182248, 0.094278, -0.035116, -0.083009, 0.004879, 0.076417, 0.102609, 0.040565, -0.290194, 0.262027, 0.176785, 0.153739, -0.044816, 0.088273, 0.073699, 0.101126, -0.077427, -0.069883, 0.192245, -0.177374, -0.017257, -0.027991, 0.096967, 0.033967, 0.146531, 0.163404, 0.097222, -0.128125, -0.061540, 0.021015, 0.165893, 0.114766, 0.077539, -0.035418, -0.063352, 0.092915, 0.049974, -0.177999, -0.001718, -0.106925, 0.071144, -0.152014, 0.171749, -0.117834, -0.136897, 0.172947, 0.221270, -0.389557, 0.027273, 0.057227, -0.062417, 0.025403, 0.005805, 0.134992, 0.063131, -0.234421, -0.054216, -0.292359, 0.015912, 0.046071, 0.111407, -0.019450, 0.051862, 0.075269, -0.266090, 0.006052, -0.032941, -0.080846, 0.020940, -0.141288, -0.046777, -0.079810, 0.079013, -0.072164, -0.014583, 0.020111, -0.073571, -0.192105, -0.190308, 0.032633, 0.128017, 0.047883, 0.125290, -0.224755, -0.042874, -0.054620, -0.012423, -0.015972, 0.100997, 0.076906, -0.166815, 0.050325, -0.174059, 0.037451, 0.172501, 0.118388, 0.033723, 0.085822, 0.164627, 0.114464, 0.126115, -0.031153, 0.077208, 0.108884, -0.037495, -0.099813, 0.005299, 0.074580, -0.107071, -0.179368, -0.058296, -0.010704, 0.055451, -0.028288, 0.161065, 0.059655, 0.031104, 0.201739, 0.174295, 0.236835, -0.150871, -0.222746, -0.290571, -0.033137, -0.091754, -0.075158, 0.227722, -0.119946, -0.050577, 0.066745, -0.058658, 0.013240, -0.274553, -0.236702, 0.019755, 0.088460, -0.068497, -0.107324, -0.174161, -0.096864, -0.063479, 0.009846, 0.034685, -0.045824, -0.113114, 0.150095, 0.084350, -0.012722, 0.171858, -0.204353, 0.097120, -0.082107, 0.037422, -0.065795, 0.116978, -0.063267, -0.079787, -0.051382, 0.027977, 0.033680, -0.058438, -0.066669, -0.255661, 0.239335, -0.062272, -0.106361, -0.038454, -0.082743, -0.124577, 0.009285, -0.056702, 0.091041, 0.051515, -0.054694, -0.111068, -0.098892, -0.019977, 0.017208, -0.012327, -0.039066, 0.144874, 0.076657, -0.002867, -0.025630, -0.049469, -0.024819, 0.184988, 0.081829, 0.127784, 0.114288, -0.055419, -0.048853, -0.040207, 0.210188, -0.078226, -0.100207, -0.080435, 0.011839, -0.264267, -0.202204, 0.014932, -0.000390, -0.043515, -0.013007, -0.223241, 0.097420, -0.033090, 0.083068, -0.268280, 0.008497, 0.207799, 0.110954, 0.050492, 0.092259, -0.016124, 0.235503, -0.090585, -0.003495, -0.024136, -0.162084, -0.077830, -0.066711, -0.176255, -0.029743, -0.114343, -0.032434, -0.006766, -0.128538, 0.111737, 0.146251, 0.142311, -0.175831, 0.200709, 0.154464, -0.060832, 0.014276, 0.032673, 0.017650, -0.046654, 0.125037, 0.188683, -0.063734, -0.126692, -0.129892, -0.015401, -0.035365, 0.098230, -0.266055, 0.186456, 0.051463, 0.110831, 0.194093, 0.074044, 0.024307, -0.042115, -0.078433, 0.003396, 0.105719, -0.111432, -0.051705, 0.199868, -0.107049, 0.071685, 0.126350, -0.085872, -0.041027, -0.004457, 0.083130, 0.120617, 0.005777, 0.082731, 0.079083, -0.293778, -0.039754, 0.075967, -0.151240, -0.024861, 0.087528, -0.052435, 0.002389, -0.064396, -0.007628, 0.029225, -0.061540, -0.030143, 0.116607, 0.066457, 0.424234, 0.113335, 0.077868, -0.037627, -0.061656, 0.132407, 0.079375, -0.041669, 0.036773, 0.050241, -0.052159, -0.005454, 0.103974, 0.113282, 0.100289, -0.048540, 0.080058, -0.040060, 0.037283, -0.023440, 0.203358, 0.064967, 0.077604, -0.114344, 0.004886, 0.061885, 0.124277, 0.086276, 0.015308, 0.019270, -0.027484, -0.206687, -0.106498, 0.190082, 0.072750, -0.099319, 0.047173, 0.073540, 0.125696, 0.003551, -0.136966, 0.059368, 0.039892, -0.046705, -0.208337, -0.218266, 0.019436, -0.006299, 0.234650, -0.020646, 0.036956, -0.058252, 0.013956, 0.126533, 0.034438, -0.105704, 0.177182, 0.013425, 0.015857, 0.026718, -0.116088, -0.149899, 0.245597, -0.016220, 0.051851, -0.231191, 0.042189, -0.080038, -0.112528, 0.098369, 0.051794, -0.092373, -0.159309, -0.040939, 0.104420, -0.143366, -0.014158, -0.133274, -0.217474, -0.013911, 0.146612, 0.100480, 0.101235, 0.009858, -0.078539, 0.025070, 0.040483, 0.162703, 0.050100, 0.164070, -0.072449, -0.005967, -0.027208, -0.169172, -0.022936, 0.104404, -0.033522, 0.036880, 0.099673, -0.235784, -0.012065, -0.192242, -0.034280, 0.093184, 0.090393, 0.085181, -0.000745, -0.076042, 0.089869, 0.064627, -0.012082, -0.069659, -0.024819, -0.045018, 0.156820, -0.020606, 0.144647, -0.023868, 0.063841, 0.060422, 0.045341, -0.077774, -0.093019, 0.153605, -0.043719, -0.174141, -0.081085, -0.119314, -0.210595, 0.009787, -0.101348, 0.172671, -0.254017, 0.104390, -0.014700, 0.051175, 0.195425, -0.027031, 0.183412, -0.144074, 0.070660, -0.035843, -0.041972, -0.095010, 0.040420, 0.126001, -0.037697, 0.179790, -0.032709, 0.063038, -0.070190, -0.163714, 0.200126, 0.144212, 0.062300, -0.056815, 0.051586, 0.130183, -0.127871, -0.138840, -0.040387, 0.098713, -0.041509, -0.014203, 0.019966, -0.023433, 0.186692, -0.071823, 0.132071, -0.232226, -0.335741, 0.176047, 0.099915, 0.179037, 0.078816, 0.025441, 0.099891, -0.055385, -0.226003, 0.059464, 0.148468, 0.125252, 0.203970, 0.145468, -0.052020, -0.008985, -0.062882, 0.109551, -0.154832, 0.050702, -0.106679, -0.098691, -0.030737, 0.086972, -0.145768, -0.140491, -0.158957, -0.050211, -0.140726, -0.028262, 0.121104, -0.216068, -0.001197, -0.202517, -0.093000, 0.129078, 0.193603, 0.002620, 0.002876, -0.172314, -0.003771, -0.046934, -0.128903, -0.067886, -0.094214, -0.140238, -0.175849, 0.263593, 0.113796, 0.177822, -0.257149, -0.189922, 0.230425, -0.027633, -0.022043, -0.078759, -0.230262, 0.146937, 0.009846, 0.086542, 0.168970, -0.020134, 0.128010, -0.187613, 0.077098, 0.018617, -0.172858, 0.026245, 0.070568, 0.003129, -0.017368, 0.135896, -0.211895, -0.000360, 0.106210, 0.035236, 0.078427, 0.106919, 0.035103, 0.076894, -0.206584, -0.018529, 0.072873, 0.456728, 0.042988, 0.110239, 0.099751, 0.132540, 0.046915, -0.152187, 0.114036, -0.013978, 0.081604, -0.073845, 0.066566, 0.163528, 0.062508, -0.023692, -0.000029, 0.060522, 0.065435, -0.015062, -0.083800, 0.042924, -0.163242, -0.007666, -0.058762, -0.114016, 0.016265, 0.181777, -0.040100, -0.181365, 0.008926, 0.032597, -0.042677, 0.059344, -0.023966, -0.163267, 0.302510, 0.037924, -0.005861, 0.038192, -0.203314, -0.213537, -0.019603, 0.003742, -0.049994, 0.212549, -0.149643, -0.072938, -0.196130, -0.045333, -0.069624, 0.008037, 0.050387, -0.202472, -0.000353, 0.039340, -0.223439, -0.102889, -0.210478, -0.169197, 0.047841, 0.029244, -0.003062, 0.142267, 0.002954, -0.093139, 0.155659, -0.046295, -0.006088, -0.198767, -0.038010, -0.009000, 0.150372, 0.104846, 0.053379, 0.164562, -0.072345, 0.026021, 0.103614, 0.223326, 0.080849, 0.149091, -0.006516, 0.167276, 0.031934, -0.100635, 0.060841, -0.172269, 0.046348, -0.208987, -0.071109, 0.014724, -0.064085, -0.097330, 0.123311, -0.053256, 0.210636, -0.276426, 0.072049, -0.220741, 0.044323, 0.136313, 0.015215, -0.089264, -0.063387, -0.073620, 0.037004, 0.026691, 0.004314, 0.223273, -0.240510, -0.011749, -0.134696, 0.223198, -0.446212, 0.040213, -0.130242, 0.015056, -0.107303, 0.035709, -0.157395, -0.130145, 0.014404, 0.009671, -0.237334, -0.193471, 0.088695, 0.033284, 0.079181, -0.016049, -0.086336, 0.136808, 0.064880, -0.141693, -0.123407, -0.068029, -0.014754, 0.105262, 0.137450, -0.029554, 0.156100, 0.148805, 0.091117, 0.056763, -0.003886, 0.267343, 0.240232, -0.121763, -0.137389, -0.077479, -0.056513, 0.013181, 0.040092, -0.009849, -0.245953, 0.062328, 0.111501, -0.039952, 0.072118, 0.163161, -0.249772, -0.151834, -0.110556, -0.103143, 0.071345, 0.364334, -0.183655, -0.021373, -0.074424, 0.232954, 0.224285, 0.136062, 0.180382, 0.149064, -0.037857, -0.147353, -0.098351, 0.159008, 0.190332, -0.010100, 0.217180, 0.006729, -0.167812, 0.061803, 0.064652, -0.148179, -0.024174, 0.051471, 0.004568, -0.118037, -0.031129, -0.059244, 0.009291, 0.168972, 0.026925, -0.082080, -0.057541, -0.178689, 0.022181, 0.114288, -0.174102, 0.040693, 0.029613, -0.098025, 0.030872, -0.111622, -0.080626, 0.019322, 0.084895, 0.062949, 0.027442, 0.141037, -0.028215, -0.148797, 0.078209, -0.042726, -0.022519, 0.088122, -0.015820, -0.060961, -0.077248, -0.085470, 0.097038, -0.109238, 0.041616, 0.115083, -0.012502, -0.051406, 0.188595, 0.056690, -0.008057, -0.039439, 0.054190, -0.207329, 0.043002, 0.259011, -0.071493, 0.063941, -0.049320, -0.154900, -0.106729, 0.232964, -0.121674, -0.018051, 0.068958, -0.209059, 0.016830, -0.071696, -0.033011, -0.262769, -0.133746, -0.058646, 0.016289, -0.144192, -0.258632, 0.093070, -0.055765, 0.103505, -0.048929, -0.058755, 0.012944, -0.056947, 0.066379, 0.131523, -0.107657, -0.048876, 0.087930, -0.032275, 0.194178, 0.071024, 0.053295, 0.055583, -0.080616, 0.180625, 0.043273, -0.185790, -0.083849, 0.093032, -0.093798, 0.067165, -0.112045, 0.018728, -0.175927, 0.116745, 0.023211, 0.020692, 0.104550, 0.047613, -0.005979, -0.041831, -0.085885, -0.067477, -0.052839, 0.394704, -0.120028, -0.231574, -0.181102, 0.037108, 0.140605, 0.093230, 0.062241, -0.009889, 0.024500, 0.156239, 0.126540, 0.011785, 0.126628, -0.017010, 0.178953, 0.016272, 0.136331, -0.117743, 0.010798, 0.071544, 0.157423, -0.076926, 0.077517, -0.087443, 0.012650, 0.162216, -0.069106, 0.131630, -0.117981, -0.022619, -0.106505, -0.197352, -0.067519, 0.030255, 0.046521, -0.095525, -0.037410, -0.027758, -0.034852, -0.079686, 0.004119, -0.150506, 0.067766, 0.223013, -0.044918, -0.026619, 0.279392, 0.171878, 0.235722, -0.478331, -0.120272, 0.175588, 0.017705, 0.183230, -0.077490, 0.002697, 0.091467, -0.055194, 0.076715, -0.082913, 0.056476, -0.084905, -0.009317, -0.049753, -0.156879, -0.271113, -0.025628, 0.050713, 0.032195, 0.125342, 0.012481, 0.217008, -0.138950, -0.185372, 0.080507, -0.223646, -0.095799, -0.154435, 0.066611, 0.192874, -0.029272, 0.006279, -0.122377, 0.220547, 0.008383, -0.119234, -0.205291, -0.172127, 0.400726, -0.004698, 0.012890, -0.115208, -0.038702, -0.142017, -0.105610, -0.219104, -0.053392, 0.098123, -0.094156, 0.061382, -0.265456, -0.020789, -0.114939, -0.194873, -0.035333, -0.030134, 0.157456, -0.025469, -0.196179, -0.145362, 0.128163, 0.115430, -0.009170, 0.104209, -0.126727, -0.032158, 0.130512, -0.078604, 0.367141, 0.142681, -0.079399, -0.056955, 0.063041, -0.001706, -0.184069, 0.172467, -0.201645, 0.025311, 0.059828, 0.066931, 0.067626, 0.026448, 0.047339, -0.061754, 0.069836, -0.023831, 0.225108, -0.100606, -0.114995, 0.131152, 0.148540, 0.047435, -0.058563, 0.083227, 0.047256, 0.028143, 0.183165, -0.075358, 0.082162, 0.000423, -0.025139, 0.003509, 0.130762, 0.086524, 0.187043, -0.061273, -0.084774, -0.126783, 0.091619, 0.161248, 0.013804, 0.120650, -0.201299, -0.097123, 0.130042, -0.337365, 0.007236, 0.063842, 0.059142, 0.097548, -0.093578, 0.001150, -0.121514, 0.245758, -0.098710, -0.030258, 0.221775, -0.122864, -0.111742, 0.122244, 0.014433, -0.094005, 0.005448, 0.069000, 0.005744, -0.069236, -0.021037, -0.042003, -0.044746, -0.136627, 0.055013, -0.070284, 0.011282, -0.025176, -0.098568, -0.065423, -0.081423, 0.075702, -0.226191, -0.031732, 0.146211, -0.020748, -0.113723, -0.117106, -0.170534, -0.017688, -0.136234, -0.000899, 0.023710, -0.177731, 0.269637, -0.063219, 0.055816, -0.039100, 0.013454, -0.170923, -0.037048, 0.148433, 0.070321, 0.015988, 0.026865, -0.146135, -0.167128, -0.037816, -0.031076, -0.037007, -0.010444, -0.015153, 0.178914, 0.143171, -0.153663, -0.175720, 0.208429, -0.025196, 0.317373, -0.052676, -0.118141, -0.127075, -0.032029, -0.015222, 0.068789, 0.081461, -0.065465, 0.293461, -0.007987, -0.165006, 0.120796, 0.085361, 0.028280, -0.216679, -0.071497, 0.079563, 0.251114, -0.048686, -0.055970, -0.061600, -0.035880, -0.095626, 0.109701, 0.129449, 0.051254, -0.041350, 0.004458, 0.216502, -0.040104, 0.049417, -0.306107, 0.073336, -0.101423, 0.117033, 0.183661, -0.131363, -0.099877, 0.143938, 0.283008, -0.001410, 0.050276, 0.173356, 0.079236, 0.126072, -0.151400, -0.140801, -0.201279, 0.137823, 0.029110, -0.159106, 0.069921, -0.110096, -0.196864, -0.039359, -0.174969, -0.087572, -0.256354, 0.068280, -0.031192, 0.105005, -0.022360, 0.096287, 0.178059, 0.127894, 0.315541, 0.004424, 0.115087, -0.075125, -0.129511, -0.157838, 0.257376, 0.402079, -0.143683, -0.030804, -0.205915, 0.224201, 0.087630, -0.028890, -0.020802, 0.189032, 0.015468, 0.043919, -0.060199, 0.002995, 0.055144, -0.085835, -0.041370, 0.021229, -0.074382, -0.146432, 0.121157, -0.055625, -0.023986, 0.089976, -0.021401, -0.057620, 0.066621, -0.127204, -0.015855, 0.117982, 0.042027, -0.125548, 0.006079, 0.047974, -0.083245, -0.067654, 0.075588, 0.177631, -0.002378, -0.019207, -0.022209, -0.090170, -0.055929, 0.023536, -0.043685, 0.016470, 0.176387, 0.143412, -0.142788, -0.033429, 0.091672, -0.043227, -0.224070, 0.212598, 0.167110, -0.126206, -0.083391, 0.080247, -0.071372, -0.270778, 0.167416, -0.084989, -0.005361, 0.117500, -0.211970, 0.071044, 0.098959, -0.201344, -0.110550, -0.010875, 0.036969, 0.001594, 0.184350, 0.004491, 0.043452, 0.110206, 0.253796, -0.085413, -0.003593, -0.028506, -0.110833, 0.127188, -0.140292, 0.142217, 0.083665, -0.159218, 0.124202, 0.064267, -0.072924, -0.022142, 0.071960, 0.116524, 0.042816, -0.297498, 0.123108, -0.108442, 0.078182, 0.085265, -0.189585, 0.079782, 0.099164, 0.129020, -0.003640, 0.212830, -0.010312, 0.245567, 0.013864, -0.165859, -0.013606, -0.037193, 0.044047, -0.074905, -0.100785, -0.029210, -0.313540, -0.025120, 0.064488, -0.051403, -0.047925, -0.145122, 0.083813, 0.015459, 0.148349, 0.120028, 0.018359, -0.070359, -0.075301, 0.001211, -0.080733, 0.040498, -0.097660, 0.147781, 0.016871, 0.175029, 0.110699, 0.030633, -0.049869, 0.022519, 0.211010, 0.141448, -0.290205, -0.090058, -0.065758, 0.029959, -0.068122, -0.089787, -0.081665, 0.257935, 0.095416, 0.109646, -0.123847, 0.078046, 0.268984, 0.186158, 0.034501, -0.009102, -0.028338, 0.036182, -0.010166, 0.007079, -0.004663, -0.001393, 0.146296, -0.078764, 0.007764, -0.118375, 0.019353, 0.064464, -0.049747, -0.078313, -0.073681, -0.090330, -0.044136, -0.002229, -0.124991, 0.042775, 0.119966, 0.135874, 0.135806, -0.087924, 0.187682, -0.052008, 0.102827, 0.035144, -0.135972, -0.125765, 0.107145, 0.153445, -0.012938, 0.129360, 0.199967, 0.012397, -0.093917, 0.150920, 0.061983, -0.133045, -0.038579, -0.147131, 0.120743, -0.393071, 0.020234, 0.200490, 0.329738, -0.137435, 0.216870, 0.028883, 0.241680, 0.014074, -0.029133, -0.085519, -0.099254, -0.262453, 0.049261, -0.019135, -0.262969, -0.075257, -0.039637, 0.122793, -0.228660, -0.055458, 0.124609, -0.199497, 0.050016, 0.148765, 0.033676, -0.117075, -0.049092, 0.048455, -0.006423, 0.191174, 0.079830, -0.024976, -0.088658, 0.065137, -0.038006, -0.195344, 0.138478, -0.092500, -0.196149, 0.078490, -0.125553, 0.033911, -0.030176, 0.096432, 0.077768, 0.054786, 0.130301, -0.141056, -0.099222, -0.037434, -0.010206, 0.087615, -0.026691, -0.036129, -0.011652, 0.032437, -0.062887, -0.093450, -0.005839, -0.092948, -0.193638, 0.097624, 0.044026, 0.112511, 0.009529, -0.105397, 0.052705, -0.098395, 0.205928, -0.022263, 0.239122, 0.031254, -0.160369, 0.137723, 0.066575, -0.026666, 0.138026, 0.158517, -0.106469, -0.135868, 0.021033, -0.050063, -0.318386, 0.005270, -0.209506, -0.091748, 0.457632, -0.024914, -0.193307, 0.134171, 0.019227, -0.176009, 0.028198, -0.136855, -0.172152, -0.016759, 0.066214, -0.127385, -0.305877, 0.126142, -0.082626, -0.098088, 0.206758, 0.056872, -0.237224, -0.088771, -0.143300, -0.032561, 0.139896, -0.243180, -0.195323, 0.026550, 0.102275, -0.019795, 0.289077, -0.236063, -0.177171, -0.065074, -0.035495, -0.162593, -0.028526, 0.074613, -0.002474, -0.066260, 0.062409, 0.122459, 0.328090, 0.236447, 0.062506, -0.104329, -0.202491, 0.010062, 0.169396, 0.222634, -0.044563, -0.197532, -0.157167, 0.111525, 0.273813, 0.141922, 0.195780, 0.024188, -0.004555, 0.052644, 0.076740, 0.070674, 0.203263, 0.232614, 0.041368, -0.163952, 0.164166, -0.060267, 0.257218, 0.157948, 0.246150, -0.074849, -0.005092, -0.152064, -0.191915, 0.009240, 0.027815, 0.105194, -0.017915, -0.059977, -0.127514, -0.096781, 0.037116, 0.183475, -0.149084, 0.140452, -0.103133, 0.050082, -0.046591, -0.212999, 0.018367, -0.003378, 0.002650, 0.018690, 0.189696, 0.000269, -0.120724, -0.048711, 0.138335, -0.073807, -0.155851, 0.209611, 0.172396, 0.057820, 0.047513, -0.074344, -0.014060, -0.081518, 0.152180, 0.096221, -0.086890, 0.157938, -0.055673, 0.090726, -0.098101, -0.036113, -0.022437, 0.007454, 0.094208, 0.152696, 0.002482, -0.103943, -0.051235, -0.048810, -0.101569, 0.056896, -0.310504, 0.078423, -0.069104, 0.047618, 0.055897, -0.001681, -0.163093, -0.042191, 0.058241, 0.062406, -0.281608, -0.115886, 0.042473, -0.129851, 0.098833, 0.051108, -0.087136, -0.117924, -0.206485, 0.057836, 0.140743, -0.026032, -0.111890, -0.208315, -0.075227, -0.065303, 0.136094, -0.061767, -0.089521, 0.178061, 0.084605, 0.144429, 0.329723, -0.034345, -0.029117, 0.045165, -0.170689, -0.010760, 0.271728, 0.042131, -0.356381, -0.055041, 0.163756, -0.113627, -0.028088, -0.057030, -0.289844, -0.025027, -0.145936, -0.069671, -0.023187, 0.240214, 0.103322, 0.005430, -0.338623, 0.246378, 0.208134, 0.096851, 0.146956, 0.103161, -0.143238, 0.013988, 0.015833, -0.011028, 0.058785, 0.192237, 0.023949, -0.030711, -0.209930, -0.059044, 0.021811, -0.109531, 0.036695, -0.187700, -0.014806, -0.034164, -0.079633, 0.161200, -0.112797, 0.049161, 0.065496, 0.075048, 0.046744, -0.140400, 0.022288, 0.238338, 0.116216, 0.013783, 0.266072, -0.081460, -0.036510, 0.064456, 0.029942, 0.109069, 0.028415, 0.146842, 0.124176, -0.173082, 0.000066, 0.035653, 0.219053, -0.184178, 0.139749, 0.065651, -0.026738, -0.019464, -0.092636, -0.031499, 0.238587, -0.393314, -0.029328, 0.281420, 0.036119, -0.046702, 0.022432, 0.238461, -0.180496, -0.105176, -0.083274, -0.114608, 0.204925, 0.205985, -0.004285, -0.091377, -0.097831, -0.239111, 0.306252, -0.049724, 0.096877, 0.056695, -0.038853, -0.237820, 0.158318, 0.101732, 0.112863, 0.226590, 0.098938, -0.105089, -0.019985, -0.200959, -0.199495, -0.063715, -0.066032, -0.127540, -0.037727, 0.252598, -0.035406, 0.119225, 0.135224, 0.046238, 0.002950, -0.059575, 0.010236, -0.089438, 0.052449, -0.443450, -0.356495, 0.062100, -0.144991, -0.044126, 0.205771, 0.096674, -0.220602, 0.064519, -0.201381, -0.039093, 0.065617, 0.070314, 0.017570, -0.105940, -0.056452, -0.101631, 0.101867, -0.081358, 0.013266, 0.052197, 0.144251, -0.043588, 0.025031, 0.026193, 0.151786, 0.047973, -0.130838, 0.095450, -0.079789, 0.118228, 0.067403, -0.050465, -0.229531, -0.007027, 0.128147, 0.021077, -0.135658, -0.168587, -0.016117, -0.009741, 0.037510, 0.045388, -0.042852, -0.003556, -0.045504, -0.078509, -0.050245, -0.027365, 0.059834, -0.056309, 0.105593, 0.012967, 0.008845, 0.188553, 0.057276, 0.006644, -0.020136, -0.026286, 0.008267, -0.068875, 0.102255, 0.230138, 0.071566, 0.096348, 0.048860, -0.250002, -0.116038, 0.060524, 0.035420, -0.398022, -0.096718, 0.055456, -0.084324, 0.019211, 0.080674, 0.033596, 0.188701, -0.066792, 0.146517, 0.002740, -0.098026, 0.023340, 0.057583, 0.125082, -0.112745, 0.137493, 0.163210, 0.000217, 0.224666, -0.025782, -0.041362, 0.037815, 0.130607, 0.128329, 0.140286, 0.037684, 0.172086, -0.025292, 0.024906, -0.144507, 0.063226, -0.054133, -0.067409, 0.052682, 0.056689, -0.189503, 0.053036, 0.010802, 0.037096, -0.028022, 0.049232, 0.032812, -0.042902, -0.145854, -0.110637, -0.123976, 0.144950, 0.013122, -0.196990, -0.011806, -0.081949, 0.126700, -0.148218, -0.193503, -0.097087, 0.075472, -0.063241, -0.004580, 0.032038, 0.167790, -0.001342, -0.018100, -0.180086, -0.014571, -0.015323, -0.057088, -0.053284, -0.166533, -0.011303, 0.048582, -0.031895, 0.006827, 0.020493, -0.010346, 0.081111, -0.004542, 0.140609, 0.029932, -0.004087, 0.164041, 0.127656, -0.172241, -0.086800, 0.022885, 0.288996, 0.014602, -0.089749, 0.153881, 0.074935, 0.021373, -0.030446, 0.090403, -0.005034, 0.184034, 0.048756, 0.022486, 0.067022, -0.031134, 0.022949, -0.032707, 0.102485, 0.153467, 0.074668, 0.127897, -0.071453, 0.201675, 0.005734, -0.150950, -0.017722, 0.069659, -0.164432, -0.025118, -0.251442, 0.184548, -0.248715, 0.015901, -0.082361, -0.060775, -0.126942, 0.216021, 0.134356, -0.103866, -0.129285, -0.059505, 0.047766, -0.036144, 0.176703, 0.019655, -0.242443, -0.125288, -0.098426, 0.062416, -0.049313, 0.071748, -0.110455, -0.158547, 0.091063, -0.085613, -0.212981, 0.018350, -0.091954, 0.158425, -0.053103, 0.035711, -0.104319, -0.063239, -0.104709, 0.350474, 0.167265, 0.094398, -0.021049, -0.110850, -0.074874, -0.090788, 0.085948, -0.043092, 0.183383, 0.175202, 0.159306, -0.017180, 0.023822, -0.054560, 0.240825, 0.053789, 0.210074, 0.052458, -0.067542, -0.047831, 0.230439, 0.080482, -0.241769, 0.066793, -0.036368, -0.080683, 0.107351, 0.232946, -0.118027, 0.061655, 0.000748, 0.056163, -0.153749, 0.201694, -0.157236, 0.012432, 0.183044, -0.102035, -0.052828, -0.080938, -0.098404, 0.120897, 0.020044, 0.130341, 0.178553, 0.029530, 0.132771, -0.004418, 0.001584, 0.038650, 0.062407, -0.045782, -0.051887, 0.039193, 0.131599, 0.063176, -0.006317, 0.100322, -0.009648, -0.108381, -0.074243, -0.087659, 0.057824, 0.153319, -0.035137, -0.024088, 0.010362, 0.219266, 0.139681, -0.191711, -0.153490, -0.144415, 0.121005, 0.111309, -0.052045, 0.066406, -0.029706, 0.154236, -0.036461, -0.269397, -0.130759, -0.006337, 0.100813, 0.028482, -0.000373, -0.043190, -0.081047, 0.021473, 0.081220, 0.055778, -0.023499, -0.051441, 0.044186, 0.148190, -0.039349, 0.139407, -0.059150, -0.146819, 0.010983, 0.141561, 0.041772, -0.031490, 0.088013, -0.073724, -0.178527, -0.142289, -0.095845, 0.092780, -0.043702, -0.079659, -0.052451, -0.000580, -0.099513, -0.039160, -0.195001, -0.046540, 0.227478, 0.036757, -0.106254, 0.083392, -0.031227, -0.034329, 0.199187, 0.084648, -0.000064, -0.088336, -0.088694, 0.086373, 0.052286, -0.118288, -0.017285, -0.129802, -0.077104, -0.105704, 0.089370, 0.029144, -0.290999, 0.076728, -0.068360, -0.067320, -0.038612, -0.138872, 0.046331, -0.197869, -0.014133, -0.052810, -0.100416, 0.096520, -0.163622, 0.025263, -0.174622, -0.264356, 0.025296, 0.082457, 0.102592, -0.132456, -0.032027, 0.122400, 0.043112, 0.012321, 0.156044, -0.143913, -0.111366, -0.082496, -0.002751, -0.048007, -0.055542, 0.192178, 0.018215, -0.049542, -0.043336, -0.184997, -0.046062, -0.049723, -0.043475, -0.108836, 0.086303, -0.026997, -0.172030, 0.094247, -0.155876, -0.120096, -0.067903, -0.025967, 0.143332, 0.074042, -0.149928, -0.132969, -0.114813, 0.094087, -0.122470, -0.142580, 0.003635, -0.142364, 0.113837, 0.038767, -0.042526, 0.130965, -0.079853, -0.028399, 0.090199, -0.218678, -0.033846, 0.061773, 0.145475, 0.227633, -0.067884, 0.072662, 0.213985, -0.129533, 0.080233, -0.005276, -0.159196, 0.078113, 0.040972, -0.077336, 0.023587, -0.036358, 0.033493, 0.107920, 0.015032, -0.190813, -0.091611, -0.124326, 0.169581, 0.097517, -0.252112, 0.049207, -0.004433, -0.096904, -0.013852, -0.013088, 0.077879, 0.185038, 0.097355, -0.020730, 0.077203, 0.195691, -0.106243, -0.150678, 0.129985, -0.008691, 0.214683, 0.123593, 0.160145, -0.209312, -0.060430, 0.054826, 0.132198, 0.063021, -0.029183, 0.081931, 0.167012, -0.068294, -0.171039, -0.086775, 0.026473, -0.037837, 0.038088, 0.077664, 0.052682, -0.109226, -0.040324, -0.269020, 0.013872, -0.094391, -0.062742, -0.128784, 0.067455, -0.196236, 0.095598, -0.151420, 0.019017, 0.134388, 0.028528, -0.157940, -0.050000, -0.155098, 0.051480, -0.072424, -0.043143, -0.048213, -0.075675, 0.208631, -0.075797, 0.006427, 0.019458, 0.142647, -0.155528, -0.104183, -0.277484, -0.005988, -0.061482, -0.289151, -0.170932, 0.182801, -0.235961, 0.032556, 0.120421, -0.072337, 0.048720, 0.019968, -0.199156, 0.038248, 0.039365, -0.093452, -0.006667, -0.031148, -0.052848, 0.036877, -0.047722, -0.003755, 0.089945, 0.081930, -0.035905, -0.048954, 0.123534, -0.069927, 0.271377, 0.003663, 0.111586, -0.052749, -0.087729, 0.169908, -0.033003, -0.325708, -0.122856, 0.231259, 0.138512, 0.061997, -0.066712, 0.231378, -0.027462, -0.253062, 0.012758, -0.028038, -0.066003, 0.047356, 0.002042, -0.112483, -0.158296, 0.072146, 0.053532, -0.168673, 0.130785, -0.039013, -0.013947, -0.021304, -0.048636, 0.123707, 0.043975, 0.065608, 0.068409, -0.098462, 0.001299, 0.195445, -0.077305, 0.086427, 0.197544, -0.198284, -0.091393, 0.130844, 0.191508, 0.057945, 0.038003, 0.045002, 0.057369, 0.127515, -0.129945, 0.089055, 0.077909, 0.009809, -0.173387, -0.020891, -0.104883, -0.074336, 0.132464, -0.046079, -0.320838, -0.019046, 0.074879, 0.024001, 0.033678, 0.135081, -0.245118, 0.193092, 0.261620, -0.103479, -0.000687, -0.045046, -0.033764, -0.109476, -0.055450, 0.016982, -0.068020, 0.023977, 0.039418, 0.023986, 0.159706, 0.067302, -0.097737, -0.013169, 0.132385, -0.064626, -0.127984, 0.009961, 0.020565, 0.206018, 0.050300, -0.065004, -0.080305, 0.155685, 0.022242, 0.053623, -0.012322, 0.018914, -0.098224, -0.010929, 0.114145, -0.155068, -0.061486, -0.011146, 0.066637, -0.180157, -0.059679, -0.107026, 0.057578, -0.195783, 0.075866, 0.142601, -0.192949, -0.018474, -0.052860, 0.053839, 0.008462, -0.103423, -0.205285, -0.015947, 0.144065, -0.075682, 0.029901, -0.022434, 0.020685, -0.054772, 0.143446, 0.036589, 0.094558, -0.247666, -0.053770, -0.003455, -0.109613, 0.032922, 0.162302, 0.252658, 0.103934, -0.037332, 0.292047, -0.047849, -0.067091, 0.145995, -0.075487, -0.206980, -0.130645, 0.140080, 0.132147, -0.053949, -0.060497, -0.107257, 0.023367, 0.004839, 0.068554, 0.134872, -0.269684, -0.064174, -0.010172, -0.148060, 0.121133, -0.056565, 0.172427, 0.005103, 0.001873, 0.126997, 0.006531, -0.091386, 0.049828, 0.200096, 0.102071, 0.032215, 0.053857, 0.172202, -0.121038, -0.008943, -0.010531, -0.027850, -0.074871, -0.027028, 0.015758, -0.154170, 0.004298, 0.064820, -0.099522, 0.181923, 0.040242, 0.135200, -0.029355, 0.038033, 0.081807, 0.028931, 0.096467, 0.004704, -0.032331, -0.109550, -0.420329, -0.155560, 0.087806, 0.017890, -0.043797, -0.021050, -0.171315, -0.064865, -0.222100, -0.081689, 0.032348, -0.086422, 0.127633, -0.119634, 0.041124, -0.059504, -0.054231, -0.069949, -0.079271, -0.068472, -0.069764, 0.124218, 0.117381, 0.088436, -0.111827, -0.014446, 0.080132, 0.136692, -0.000460, 0.066227, -0.051114, -0.172249, 0.113774, -0.019225, -0.044227, -0.039098, 0.018998, 0.037980, 0.152024, -0.178321, -0.032249, 0.038972, -0.030769, 0.044323, 0.042879, -0.028894, -0.019418, -0.060286, -0.079763, -0.211350, 0.123152, -0.075554, -0.060798, 0.055669, -0.063300, 0.146953, 0.094791, 0.092803, 0.052132, -0.111129, -0.032339, -0.038487, 0.072049, -0.174042, -0.042653, 0.128196, -0.101195, -0.047060, -0.133454, 0.198855, 0.124411, -0.045011, 0.017552, -0.147960, 0.062324, 0.045285, 0.017266, -0.058589, -0.104867, -0.046110, 0.145265, 0.015777, -0.228716, -0.023011, 0.137534, -0.008505, 0.199306, 0.105377, -0.206606, -0.200104, 0.012987, 0.066006, -0.088526, -0.228801, 0.117554, -0.015181, -0.006876, 0.161407, 0.023765, -0.156137, -0.065553, 0.062210, 0.077272, -0.022615, -0.086148, -0.080675, -0.116180, 0.089814, 0.002285, 0.076418, -0.036464, -0.000910, 0.024755, -0.066421, 0.200480, 0.081310, -0.119576, -0.091718, -0.145468, -0.191637, 0.072484, -0.168677, 0.106808, 0.000302, 0.067623, -0.015261, -0.374355, 0.054270, -0.117458, -0.023236, -0.114154, 0.103716, 0.228938, 0.225480, 0.058510, 0.115191, -0.022884, -0.012387, -0.116207, -0.109141, -0.006728, 0.037206, -0.010626, 0.068931, -0.048442, 0.023576, 0.133597, -0.118790, 0.013745, -0.014823, 0.020567, -0.055129, -0.074856, -0.050077, -0.175749, 0.005534, 0.030097, -0.080422, 0.076461, -0.041022, -0.179043, -0.013661, 0.108525, 0.028645, -0.027448, -0.019993, -0.042563, -0.106164, 0.238969, -0.016446, -0.028888, -0.224871, -0.085581, 0.063176, 0.031260, 0.004188, 0.049233, 0.123975, 0.051736, -0.133481, -0.109560, 0.228067, 0.039440, 0.145507, 0.004191, 0.026519, -0.052654, 0.040093, 0.152010, 0.112155, 0.019123, -0.094921, -0.092407, 0.275526, 0.084712, 0.125871, 0.062273, 0.094228, 0.167910, -0.035211, -0.012298, -0.127924, -0.106532, 0.121205, 0.122686, 0.022245, -0.262737, -0.039959, 0.100754, -0.081192, -0.140271, -0.146069, 0.023284, 0.031771, 0.110756, -0.006666, -0.103204, -0.116061, 0.226860, 0.110777, 0.087391, -0.055735, -0.011876, 0.118583, -0.137972, -0.178563, 0.040567, 0.007331, -0.106249, 0.003206, 0.056342, 0.121046, -0.097151, 0.013064, -0.017894, -0.030210, 0.008041, -0.023281, -0.112112, 0.051988, 0.142079, -0.042914, 0.229618, 0.202911, 0.009588, 0.084518, -0.107367, -0.036198, 0.150862, -0.149759, 0.225108, -0.032070, 0.066631, 0.044495, -0.028919, -0.031221, 0.118960, -0.032173, -0.040277, 0.129178, 0.017422, 0.097920, 0.089225, -0.013123, 0.232243, -0.040028, 0.345027, -0.228743, -0.049258, 0.078129, 0.266894, 0.127591, 0.024886, -0.141063, 0.040616, -0.037737, 0.034277, -0.007350, 0.239595, 0.069869, -0.127423, -0.172309, 0.124828, -0.279710, -0.061011, 0.057851, -0.266270, -0.060941, -0.071898, -0.184414, 0.065147, 0.002903, -0.049293, -0.090195, 0.024458, -0.042674, -0.030851, -0.158754, -0.077017, -0.009347, 0.064201, 0.015144, 0.210959, -0.060066, -0.118520, -0.053062, 0.027478, -0.038338, 0.106709, 0.284475, 0.073336, -0.052368, 0.083612, -0.078906, -0.015892, 0.037319, -0.129518, -0.088788, -0.057369, 0.126893, 0.055829, -0.109769, -0.162501, 0.016952, 0.011030, 0.002492, 0.148007, 0.227302, 0.026439, 0.134456, 0.006279, 0.045720, 0.083922, -0.210899, 0.243110, 0.124965, 0.012297, -0.126067, 0.235541, -0.007830, -0.064766, -0.041063, 0.074664, 0.058717, -0.119156, 0.133273, -0.020699, 0.041806, -0.027311, 0.024855, -0.011938, -0.046149, -0.240308, -0.128055, 0.012731, -0.083602, 0.044956, 0.098446, 0.023679, 0.034179, 0.121630, -0.191609, -0.038649, -0.016377, -0.031421, -0.161397, -0.158137, -0.015847, -0.230546, -0.026377, 0.020313, -0.299079, 0.051100, 0.050779, -0.134010, -0.013480, -0.305986, 0.141213, 0.102319, 0.008675, -0.115261, -0.278942, -0.104088, 0.106558, -0.048623, 0.217806, -0.274653, 0.055610, -0.221477, -0.217901, -0.180308}; std::vector biasVector = {-0.302418, -0.148022, -0.339870, -0.042736, -0.411872, -0.376947, -0.224661, -0.175464, -0.210236, -0.294205, -0.182781, -0.227071, -0.281346, -0.096066, -0.270087, -0.157691, -0.307709, -0.178243, -0.307888, -0.128414, -0.204428, -0.317637, -0.244810, -0.129043, -0.140158, -0.256181, -0.204332, -0.171900, -0.163929, -0.319944, -0.224456, -0.158474, -0.147765, -0.403372, -0.338020, -0.252197, -0.309505, -0.220688, -0.163197, -0.229195, -0.275304, -0.142635, -0.234226, -0.186923, -0.375516, -0.145823, -0.261270, 0.002064, -0.281713, -0.278477, -0.206887, -0.263662, -0.185083, -0.284782, -0.164416, -0.097562, -0.078690, -0.198976, -0.232426, -0.299356, -0.108884, -0.097209, -0.109520, -0.182795, -0.315295, -0.202429, 0.058249, -0.234785, -0.043382, -0.101903, -0.150034, -0.274684, -0.218132, -0.069052, -0.161637, -0.220508, -0.196727, -0.247224, -0.377484, -0.271510, -0.100683, -0.128067, -0.249486, -0.114074, -0.262666, -0.056404, -0.111519, -0.149003, -0.165698, -0.267425, -0.079347, -0.312855, -0.420944, -0.139386, -0.195095, -0.045430, -0.245978, -0.158910, -0.336396, -0.251802, -0.230582, -0.257947, -0.056655, -0.225275, -0.199508, -0.104133, -0.385807, -0.041198, -0.094518, -0.211998, -0.370311, -0.350007, -0.189796, -0.193277, -0.216567, -0.117793, -0.221593, -0.258134, -0.180975, -0.140456, -0.351946, -0.353110, -0.331539, -0.134173, -0.123364, -0.179961, -0.317358, -0.260652, 0.022418, -0.026937, 0.056083, 0.001294, 0.039279, 0.054423, 0.068017, 0.078766, 0.099165, 0.095004, 0.021506, -0.040976, 0.096581, 0.097486, 0.120403, -0.020753, -0.030394, 0.046623, 0.098203, 0.043495, 0.096151, 0.124305, -0.050162, 0.064527, 0.009979, 0.047035, 0.075184, 0.083856, 0.016512, 0.084056, 0.055015, -0.035873, -0.005569, 0.078753, 0.082670, 0.092820, -0.003442, 0.100228, 0.075547, 0.043107, 0.001980, 0.080683, -0.024940, 0.054782, 0.041704, 0.064219, 0.008134, 0.051686, 0.127144, 0.048476, 0.020712, -0.008735, 0.051902, 0.019304, 0.143384, -0.040664, 0.132960, 0.018134, 0.118937, 0.119111, 0.114486, 0.000958, 0.030124, 0.037017, 0.020003, 0.003412, 0.043210, -0.037371, 0.044102, 0.161216, 0.031908, 0.098475, 0.054037, 0.002748, 0.004043, 0.001373, 0.090507, 0.081334, 0.094703, 0.134854, 0.024781, 0.072615, 0.024211, 0.052095, 0.019205, 0.070868, -0.009097, 0.066041, 0.071109, 0.058609, -0.014289, 0.101177, 0.022740, 0.008919, 0.041555, 0.098744, 0.003883, 0.074453, -0.011335, 0.092479, 0.103962, 0.099081, 0.106338, 0.035359, 0.053637, 0.087335, 0.174473, 0.030174, 0.083324, 0.125951, 0.107435, 0.035655, 0.065586, 0.188240, 0.048536, 0.095515, 0.155148, 0.114432, 0.110459, 0.055935, 0.167633, 0.139792, 0.065974, 0.045815, 0.060056, 0.013300, 0.010019, 0.020853, -0.057993, 0.005615, -0.058306, 0.043322, -0.123755, 0.011480, 0.050774, 0.150610, 0.025842, 0.016991, 0.037864, -0.037696, -0.025149, 0.053168, 0.032893, 0.093577, -0.045369, -0.044461, 0.001241, -0.066420, -0.066011, -0.015894, -0.117365, -0.016983, 0.048698, 0.049326, 0.065166, 0.024440, 0.093964, -0.007048, -0.121224, 0.055930, 0.084751, 0.090018, -0.072484, -0.015560, -0.103648, 0.131064, -0.029267, -0.101806, -0.041980, -0.039559, 0.010644, 0.062248, 0.029492, -0.079578, 0.103948, 0.010838, -0.015758, -0.024095, 0.141052, -0.044645, 0.025352, -0.017225, 0.081582, 0.074976, 0.052291, 0.034222, -0.045025, 0.086600, -0.004417, 0.110094, -0.120080, 0.026499, 0.034195, -0.075943, 0.005423, 0.046222, -0.034079, 0.028171, 0.128418, 0.019153, -0.146452, 0.026139, 0.112166, 0.037779, -0.058293, -0.019636, -0.022472, -0.036639, -0.031812, 0.051493, 0.032936, -0.030625, -0.029186, 0.026880, 0.048055, 0.001515, 0.062090, -0.072293, -0.034732, -0.068512, 0.104139, 0.013275, -0.018181, 0.070530, 0.191120, -0.035004, 0.053227, 0.092322, -0.047098, -0.059612, -0.054142, 0.009170, 0.043356, -0.011852, -0.057237, -0.092457, -0.001861, 0.079040, 0.038752, 0.000478, -0.147281, 0.108816, 0.054452, 0.014435, -0.016536, 0.001765, 0.029161, -0.104119, 0.000050, 0.085848, -0.155666, 0.087534, -0.054427, -0.069855, -0.003410, -0.024559, -0.302418, -0.148022, -0.339870, -0.042736, -0.411872, -0.376947, -0.224661, -0.175464, -0.210236, -0.294205, -0.182781, -0.227071, -0.281346, -0.096066, -0.270087, -0.157691, -0.307708, -0.178243, -0.307888, -0.128414, -0.204428, -0.317637, -0.244810, -0.129043, -0.140158, -0.256181, -0.204332, -0.171900, -0.163929, -0.319944, -0.224456, -0.158474, -0.147765, -0.403372, -0.338020, -0.252197, -0.309505, -0.220688, -0.163197, -0.229195, -0.275305, -0.142635, -0.234226, -0.186923, -0.375516, -0.145823, -0.261270, 0.002064, -0.281713, -0.278477, -0.206887, -0.263662, -0.185083, -0.284782, -0.164416, -0.097562, -0.078690, -0.198976, -0.232426, -0.299356, -0.108884, -0.097209, -0.109520, -0.182795, -0.315295, -0.202429, 0.058249, -0.234785, -0.043382, -0.101903, -0.150034, -0.274684, -0.218132, -0.069052, -0.161637, -0.220508, -0.196727, -0.247224, -0.377484, -0.271510, -0.100683, -0.128067, -0.249486, -0.114074, -0.262666, -0.056404, -0.111519, -0.149003, -0.165698, -0.267425, -0.079347, -0.312855, -0.420943, -0.139386, -0.195095, -0.045430, -0.245977, -0.158910, -0.336396, -0.251802, -0.230582, -0.257947, -0.056655, -0.225275, -0.199508, -0.104133, -0.385808, -0.041198, -0.094518, -0.211998, -0.370311, -0.350007, -0.189796, -0.193277, -0.216567, -0.117793, -0.221594, -0.258134, -0.180975, -0.140456, -0.351946, -0.353110, -0.331539, -0.134173, -0.123364, -0.179961, -0.317358, -0.260652, 0.022418, -0.026937, 0.056083, 0.001294, 0.039279, 0.054423, 0.068017, 0.078765, 0.099165, 0.095004, 0.021506, -0.040976, 0.096581, 0.097486, 0.120403, -0.020753, -0.030394, 0.046623, 0.098203, 0.043495, 0.096151, 0.124305, -0.050162, 0.064527, 0.009979, 0.047035, 0.075184, 0.083856, 0.016512, 0.084056, 0.055015, -0.035873, -0.005569, 0.078753, 0.082670, 0.092820, -0.003442, 0.100228, 0.075547, 0.043107, 0.001980, 0.080683, -0.024940, 0.054782, 0.041704, 0.064219, 0.008134, 0.051686, 0.127144, 0.048476, 0.020712, -0.008735, 0.051902, 0.019304, 0.143384, -0.040664, 0.132960, 0.018134, 0.118937, 0.119111, 0.114486, 0.000958, 0.030124, 0.037017, 0.020003, 0.003412, 0.043210, -0.037371, 0.044102, 0.161216, 0.031908, 0.098475, 0.054037, 0.002748, 0.004043, 0.001373, 0.090507, 0.081334, 0.094703, 0.134854, 0.024781, 0.072615, 0.024211, 0.052095, 0.019205, 0.070868, -0.009097, 0.066041, 0.071109, 0.058609, -0.014289, 0.101177, 0.022740, 0.008919, 0.041555, 0.098744, 0.003883, 0.074453, -0.011335, 0.092479, 0.103962, 0.099081, 0.106338, 0.035359, 0.053637, 0.087335, 0.174473, 0.030174, 0.083324, 0.125951, 0.107435, 0.035655, 0.065586, 0.188240, 0.048536, 0.095515, 0.155148, 0.114432, 0.110459, 0.055935, 0.167633, 0.139792, 0.065974, 0.045815, 0.060056, 0.013300, 0.010019, 0.020853, -0.028086, -0.001328, -0.003729, 0.017950, -0.041540, -0.026346, -0.024358, 0.104981, 0.111939, -0.085205, 0.062360, -0.028462, -0.051812, -0.072681, -0.010319, 0.029667, -0.047927, -0.013112, 0.033895, -0.089609, 0.176393, 0.007968, -0.018426, 0.058496, 0.051446, -0.040418, 0.069176, 0.067798, 0.030929, 0.045634, -0.076394, -0.013664, -0.003860, -0.030808, 0.014354, 0.068498, -0.076986, 0.070619, -0.052484, -0.130708, 0.029534, -0.031265, 0.073411, -0.049409, 0.028203, -0.023289, 0.022930, 0.045371, 0.010430, -0.132715, -0.061300, 0.047417, -0.014392, 0.039358, 0.099867, 0.082099, 0.040922, -0.020553, -0.065259, 0.129907, -0.010589, 0.121135, -0.059971, -0.005949, -0.009185, -0.046685, 0.002074, 0.023370, 0.007984, 0.026594, -0.037232, 0.016046, -0.038815, 0.007368, 0.054341, -0.004911, -0.088558, -0.007318, -0.052966, -0.042203, -0.005270, 0.001546, 0.098319, 0.030689, -0.034426, 0.046851, 0.016900, 0.024692, 0.066554, -0.044699, -0.020010, 0.074446, 0.108760, -0.017229, 0.079276, 0.092050, 0.123707, -0.062991, 0.084709, 0.022046, -0.036654, -0.045280, -0.028854, 0.185201, 0.003461, -0.044023, -0.059663, -0.048069, 0.014121, 0.059291, 0.129892, 0.018049, -0.020708, 0.100715, -0.031194, -0.041910, 0.016800, 0.058042, 0.090423, 0.031629, -0.025138, -0.000210, -0.071837, 0.132697, 0.033406, -0.029829, 0.066637, -0.106844}; if (!runOneWeightCase(seq_length, batch_size, input_size, hidden_size, linear_before_reset, direction, inputVector, weightVector, resetVector, biasVector, expectedOutput, precision)) { + FUNC_PRINT(1); return false; } diff --git a/test/op/SoftmaxTest.cpp b/test/op/SoftmaxTest.cpp index a7cfc568c..8a3578591 100644 --- a/test/op/SoftmaxTest.cpp +++ b/test/op/SoftmaxTest.cpp @@ -202,14 +202,15 @@ class SoftmaxTest : public MNNTestCase { } } // testcase - if(0) + if(1) { const std::vector axis_vec = {1, 4, 32, 128, 256, 576, 1024}; const std::vector outside_vec = {1, 32, 1024, 65536}; const std::vector inside_vec = {1, 4, 7}; + const int limitSize = 3; - for(int k = 0; k < outside_vec.size(); k++) { - for(int j = 0; j < axis_vec.size(); j++) { + for(int k = 0; k < outside_vec.size() && k < limitSize; k++) { + for(int j = 0; j < axis_vec.size() && j < limitSize; j++) { for(int i = 0; i < inside_vec.size(); i++) { int outside = outside_vec[k]; int axis = axis_vec[j]; @@ -230,11 +231,11 @@ class SoftmaxTest : public MNNTestCase { auto gotOutput = output->readMap(); int count = 0; for (int i = 0; i < expectedOutput.size(); ++i) { - if(gotOutput[i] - expectedOutput[i] > 0.0001 || gotOutput[i] - expectedOutput[i] < -0.0001) { + if(gotOutput[i] - expectedOutput[i] > 0.01 || gotOutput[i] - expectedOutput[i] < -0.01) { count++; } } - if (!checkVector(gotOutput, expectedOutput.data(), total, 0.0001)) { + if (!checkVector(gotOutput, expectedOutput.data(), total, 0.01)) { MNN_ERROR("SoftmaxTest test failed! error count:%d\n", count); return false; } diff --git a/test/speed/HybridConvSpeedTest.cpp b/test/speed/HybridConvSpeedTest.cpp index 43c1b4ce2..548596dd3 100644 --- a/test/speed/HybridConvSpeedTest.cpp +++ b/test/speed/HybridConvSpeedTest.cpp @@ -56,13 +56,6 @@ class HybridConvSpeedTestCommon : public MNNTestCase { auto y = _HybridConv(weightFp32, std::move(bias), std::move(wScale), x, channel, kernel, PaddingMode::CAFFE, strides, dilate, 1, pad, false, false, nbit, false); auto yfp32 = _Conv(std::move(weightFp32), std::move(biasdup), x, {ic, oc}, kernel, PaddingMode::CAFFE, strides, dilate, 1, pad); - - if (nbit != 8) { - std::unique_ptr op(y->expr().first->get()->UnPack()); - op->main.AsConvolution2D()->symmetricQuan->nbits = nbit; - y = Variable::create(Expr::create(op.get(), {x})); - op.reset(); - } auto yInfo = y->getInfo(); auto ow = yInfo->dim[3], oh = yInfo->dim[2]; #if defined (__aarch64__) && (precision == 2) @@ -73,18 +66,20 @@ class HybridConvSpeedTestCommon : public MNNTestCase { auto yPtr = y->readMap(); auto tgPtr = yfp32->readMap(); auto elesize = batch * oc * oh * ow; - if (nbit == 8) { - for (int i = 0; i < elesize; ++i) { - float targetValue = tgPtr[i], computeResult = yPtr[i]; - float diff = targetValue - computeResult; - float ratio = fabsf(diff) / fmax(targetValue, computeResult); - if (targetValue != 0 && computeResult != 0 && ratio > 0.02) { - MNN_PRINT("HybridConv result Error: %f -> %f\n", targetValue, computeResult); - return false; - } else if ((targetValue == 0 || computeResult == 0) && fabsf(diff) > 0.02) { - MNN_PRINT("HybridConv result Error: %f -> %f\n", targetValue, computeResult); - return false; - } + float limit = 0.02f; + if (nbit < 8) { + limit = 0.1f; + } + for (int i = 0; i < elesize; ++i) { + float targetValue = tgPtr[i], computeResult = yPtr[i]; + float diff = targetValue - computeResult; + float ratio = fabsf(diff) / fmax(targetValue, computeResult); + if (targetValue != 0 && computeResult != 0 && ratio > limit) { + MNN_PRINT("HybridConv result Error: %f -> %f\n", targetValue, computeResult); + return false; + } else if ((targetValue == 0 || computeResult == 0) && fabsf(diff) > limit) { + MNN_PRINT("HybridConv result Error: %f -> %f\n", targetValue, computeResult); + return false; } } if (testSpeed) { @@ -112,9 +107,10 @@ class HybridConvSpeedInt8Test : public HybridConvSpeedTestCommon { INTS channel1 = {1496, 256}; int batch[2] = {1, 13}; std::vector kernels = {1, 1}; - std::vector weightBits = {8}; + std::vector weightBits = {8, 4}; bool lowmemory = true; for (auto& bits : weightBits) { + MNN_PRINT("Test for %d bits\n", bits); for (int n = 0; n < 2; ++n) { auto res = testKernel("Low memory HybridConv test:", inputShape, kernels, channel0, pad, strides, dilate, batch[n], bits, precision, true); if (!res) { diff --git a/test/speed/SoftmaxSpeed.cpp b/test/speed/SoftmaxSpeed.cpp new file mode 100644 index 000000000..22cb02dac --- /dev/null +++ b/test/speed/SoftmaxSpeed.cpp @@ -0,0 +1,47 @@ +// +// SoftmaxSpeed.cpp +// MNNTests +// +// Created by MNN on 2019/09/17. +// Copyright © 2018, Alibaba Group Holding Limited +// + +#include +#include +#include +#include +#define MNN_OPEN_TIME_TRACE +#include +#include "MNNTestSuite.h" +using namespace MNN::Express; +#define TIME 100 +class SoftmaxSpeed : public MNNTestCase { +public: + void SoftmaxTest() { + std::vector> oci = { + {4096, 1024, 1}, + {4096, 2, 1024}, + {4096, 32, 32}, + }; + for (auto& iter : oci) { + auto outside = std::get<0>(iter); + auto axis = std::get<1>(iter); + auto inside = std::get<2>(iter); + auto x = _Input({outside, axis, inside}, NCHW); + auto output = _Softmax(x, 1); + MNN::Timer _t; + for (int i = 0; i < TIME; ++i) { + x->writeMap(); + output->readMap(); + } + float cost = (float)_t.durationInUs()/1000.0f / (float)TIME; + MNN_PRINT("Test Speed for softmax outside:%d, axis:%d, inside:%d, run %d, avgtime: %f ms\n", outside, axis, inside, TIME, cost); + + } + } + virtual bool run(int precision) { + SoftmaxTest(); + return true; + } +}; +MNNTestSuiteRegister(SoftmaxSpeed, "speed/Softmax"); diff --git a/tools/converter/source/optimizer/merge/FuseAttention.cpp b/tools/converter/source/optimizer/merge/FuseAttention.cpp index b13132ac5..c0b69061c 100644 --- a/tools/converter/source/optimizer/merge/FuseAttention.cpp +++ b/tools/converter/source/optimizer/merge/FuseAttention.cpp @@ -66,15 +66,19 @@ FuseAttention::FuseAttention() { if (!helpers::IsSoftmax(x)) { return false; } - // where + // mask x = x->inputs().at(0)->expr().first; - if (!helpers::IsSelect(x)) { + if (helpers::IsSelect(x)) { + mask = x->inputs().at(0); + x = x->inputs().at(1)->expr().first; + } else if (helpers::IsBinaryAdd(x)) { + mask = x->inputs().at(1); + x = x->inputs().at(0)->expr().first; + } else { return false; } - // mask - mask = x->inputs().at(0); + // div - x = x->inputs().at(1)->expr().first; if (helpers::IsCast(x)) { x = x->inputs().at(0)->expr().first; } diff --git a/tools/converter/source/optimizer/onnxextra/OnnxSoftmax.cpp b/tools/converter/source/optimizer/onnxextra/OnnxSoftmax.cpp index 1cf7e44fa..5244881c7 100644 --- a/tools/converter/source/optimizer/onnxextra/OnnxSoftmax.cpp +++ b/tools/converter/source/optimizer/onnxextra/OnnxSoftmax.cpp @@ -42,8 +42,15 @@ class OnnxSoftmaxTransform : public OnnxExtraManager::Transform { return newExpr; } auto shape = _Shape(input, true); - auto newShape = _Stack({_ReduceProd(_Slice(shape, _ConstInt(0), _ConstInt(axis))), _ReduceProd(_Slice(shape, _ConstInt(axis), _ConstInt(-1)))}); - input = _Reshape(input, newShape); + { + std::unique_ptr flat(new OpT); + flat->type = OpType_Flatten; + flat->main.type = OpParameter_Flatten; + flat->main.value = new FlattenT; + flat->main.AsFlatten()->endAxis = 0; + flat->main.AsFlatten()->axis = axis; + input = Variable::create(Expr::create(flat.get(), {input})); + } auto output = _Softmax(input, -1); auto newExpr = _Reshape(output, shape)->expr().first; newExpr->setName(expr->name()); diff --git a/tools/cpp/ExprDebug.hpp b/tools/cpp/ExprDebug.hpp index 9630a160e..0665f193c 100644 --- a/tools/cpp/ExprDebug.hpp +++ b/tools/cpp/ExprDebug.hpp @@ -1,4 +1,6 @@ #include +#include +#include #define DUMP_NUM_DATA(type) \ auto data = tensor->host(); \ for (int z = 0; z < outside; ++z) { \ @@ -128,29 +130,29 @@ static void _initDebug() { struct TimeTraceInfo { - std::map>> mTypes; + std::map>>> mTypes; void begin(const MNN::OperatorInfo* info) { auto tIter = mTypes.find(info->type()); if (tIter == mTypes.end()) { - std::map> _t; + std::map>> _t; mTypes.insert(std::make_pair(info->type(), _t)); tIter = mTypes.find(info->type()); } mInserIter = tIter->second.find(info->name()); if (mInserIter == tIter->second.end()) { - std::vector _t; + std::vector> _t; tIter->second.insert(std::make_pair(info->name(), _t)); mInserIter = tIter->second.find(info->name()); } mTimer.reset(); } - void end() { + void end(const MNN::OperatorInfo* info) { auto timeInMs = (float)mTimer.durationInUs() / 1000.0f; - mInserIter->second.emplace_back(timeInMs); + mInserIter->second.emplace_back(std::make_pair(timeInMs, info->flops())); } private: - std::map>::iterator mInserIter; + std::map>>::iterator mInserIter; MNN::Timer mTimer; }; static TimeTraceInfo* gTimeTraceInfo = nullptr; @@ -165,7 +167,7 @@ static void _initTimeTrace() { for (auto t : ntensors) { t->wait(MNN::Tensor::MAP_TENSOR_READ, true); } - gTimeTraceInfo->end(); + gTimeTraceInfo->end(info); return true; }; MNN::Express::Executor::getGlobalExecutor()->setCallBack(std::move(beforeCallBack), std::move(callBack)); diff --git a/tools/cpp/ModuleBasic.cpp b/tools/cpp/ModuleBasic.cpp index 9dafd4c7e..aacb1d4d6 100644 --- a/tools/cpp/ModuleBasic.cpp +++ b/tools/cpp/ModuleBasic.cpp @@ -14,8 +14,6 @@ #include #include "rapidjson/document.h" #include "core/MemoryFormater.h" -#include -#include #include #include "ExprDebug.hpp" @@ -400,16 +398,23 @@ int main(int argc, char *argv[]) { } if (nullptr != gTimeTraceInfo) { float opSummer = 0.0f; + float opFlopsSummber = 0.0f; for (auto& iter : gTimeTraceInfo->mTypes) { float summer = 0.0f; + float summerflops = 0.0f; for (auto& t : iter.second) { - summer += std::accumulate(t.second.begin(), t.second.end(), 0.0f); + for (auto& t0 : t.second) { + summer += t0.first; + summerflops += t0.second; + } } summer = summer / (float)t; - MNN_PRINT("%s : %.7f\n", iter.first.c_str(), summer); + summerflops = summerflops / (float)t; + MNN_PRINT("%s : %.7f, FLOP: %.7f, Speed: %.7f GFlops\n", iter.first.c_str(), summer, summerflops, summerflops / summer); opSummer += summer; + opFlopsSummber+= summerflops; } - MNN_PRINT("OP Summer: %.7f\n", opSummer); + MNN_PRINT("OP Summer: %.7f, Flops: %.7f, Speed: %.7f GFlops\n", opSummer, opFlopsSummber, opFlopsSummber/opSummer); } auto minTime = std::min_element(times.begin(), times.end()); auto maxTime = std::max_element(times.begin(), times.end()); diff --git a/tools/cpp/SequenceModuleTest.cpp b/tools/cpp/SequenceModuleTest.cpp index 692dca881..0b89b45b7 100644 --- a/tools/cpp/SequenceModuleTest.cpp +++ b/tools/cpp/SequenceModuleTest.cpp @@ -12,8 +12,6 @@ #include #include #include "rapidjson/document.h" -#include -#include #include #include "ExprDebug.hpp" //#define OPEN_TRACE diff --git a/tools/cpp/backendTest.cpp b/tools/cpp/backendTest.cpp index 4af648ba1..18637f989 100644 --- a/tools/cpp/backendTest.cpp +++ b/tools/cpp/backendTest.cpp @@ -49,7 +49,7 @@ static void _zeroInputs(const Interpreter* net, const Session* session) { } static void compareForwadType(Interpreter* net, MNNForwardType expectType, MNNForwardType compareType, float tolerance, const std::map>& inputs, const std::string& stopOp, BackendConfig::PrecisionMode precision, int modeNum) { - std::vector> correctResult; + std::map>> correctResult; int index; MNN::ScheduleConfig expectConfig, compareConfig; BackendConfig backendConfig; @@ -74,22 +74,27 @@ static void compareForwadType(Interpreter* net, MNNForwardType expectType, MNNFo if (op->name() == stopOp) { return false; } + if (op->name().empty()) { + return true; + } if (op->type() == "Raster") { return true; } + std::vector> tensors(t.size()); for (int i=0; ielementSize() <= 0) { - return true; + continue; } if (tensor->buffer().device == 0 && tensor->buffer().host == nullptr) { - return true; + continue; } std::shared_ptr copyTensor(new MNN::Tensor(tensor, tensor->getDimensionType())); tensor->copyToHostTensor(copyTensor.get()); - correctResult.emplace_back(copyTensor); + tensors[i] = copyTensor; } + correctResult.insert(std::make_pair(op->name(), tensors)); return true; }; MNN::TensorCallBackWithInfo compareExpect = [&](const std::vector& t, const OperatorInfo* op) { @@ -99,19 +104,23 @@ static void compareForwadType(Interpreter* net, MNNForwardType expectType, MNNFo if (op->type() == "Raster") { return true; } + if (correctResult.find(op->name()) == correctResult.end()) { + return true; + } + auto correctTensors = correctResult[op->name()]; for (int i=0; ielementSize() <= 0) { - return true; + continue; } if (tensor->buffer().device == 0 && tensor->buffer().host == nullptr) { - return true; + continue; } tensor->wait(MNN::Tensor::MAP_TENSOR_READ, false); std::shared_ptr copyTensor(new MNN::Tensor(tensor, tensor->getDimensionType())); tensor->copyToHostTensor(copyTensor.get()); - auto expectTensor = correctResult[index++]; + auto expectTensor = correctTensors[i]; auto correct = TensorUtils::compareTensors(copyTensor.get(), expectTensor.get(), tolerance, true); if (!correct) { MNN_PRINT("%s - %d is error\n", op->name().c_str(), i); diff --git a/tools/cpp/testModel_expr.cpp b/tools/cpp/testModel_expr.cpp index 5cb741e48..7d30b00bf 100644 --- a/tools/cpp/testModel_expr.cpp +++ b/tools/cpp/testModel_expr.cpp @@ -94,7 +94,14 @@ int main(int argc, const char* argv[]) { MNN_PRINT("Usage: ./testModel_expr.out model.mnn input.mnn output.mnn [type] [tolerance] [precision]\n"); return 0; } + MNN::ScheduleConfig sdConfig; + auto rtMgr = std::shared_ptr(MNN::Express::Executor::RuntimeManager::createRuntimeManager(sdConfig), MNN::Express::Executor::RuntimeManager::destroy); +//#define TEST_DEBUG +#ifdef TEST_DEBUG + _initTensorStatic(); //_initDebug(); + rtMgr->setMode(MNN::Interpreter::Session_Debug); +#endif // check given & expect const char* modelPath = argv[1]; const char* inputName = argv[2]; @@ -134,7 +141,7 @@ int main(int argc, const char* argv[]) { } Module::Config config; config.rearrange = true; - std::shared_ptr m(Module::load(inputNames, outputNames, modelPath, &config), [](void* net) { + std::shared_ptr m(Module::load(inputNames, outputNames, modelPath, rtMgr, &config), [](void* net) { MNN::Express::Module::destroy((MNN::Express::Module*)net); }); if (nullptr == m) { diff --git a/tools/script/make_test_for_mnn.py b/tools/script/make_test_for_mnn.py index 2a35a1bd3..3accee478 100644 --- a/tools/script/make_test_for_mnn.py +++ b/tools/script/make_test_for_mnn.py @@ -28,6 +28,7 @@ def run(): var = inputVars[i] dtype = var.dtype input['shape'] = var.shape + dformat = var.data_format var = np.random.random(var.shape) if dtype == np.int32: var = var * 10.0 @@ -36,6 +37,7 @@ def run(): with open(os.path.join(outputDir, input['name'] + '.txt'), 'w') as f: for floatValue in data: f.write('%f\n' %floatValue) + var = F.convert(var, dformat) inputs.append(var) config['inputs'].append(input) diff --git a/tools/train/source/demo/MnistUtils.cpp b/tools/train/source/demo/MnistUtils.cpp index 5b3850c11..83c9dbb46 100644 --- a/tools/train/source/demo/MnistUtils.cpp +++ b/tools/train/source/demo/MnistUtils.cpp @@ -24,6 +24,7 @@ #include "RandomGenerator.hpp" #include "Transformer.hpp" #include "OpGrad.hpp" +#include "../../../cpp/ExprDebug.hpp" using namespace MNN; using namespace MNN::Express; using namespace MNN::Train; @@ -36,7 +37,8 @@ void MnistUtils::train(std::shared_ptr model, std::string root) { } auto exe = Executor::getGlobalExecutor(); BackendConfig config; - exe->setGlobalExecutorConfig(MNN_FORWARD_CUDA, config, 4); + exe->setGlobalExecutorConfig(MNN_FORWARD_CPU, config, 4); +// _initTensorStatic(); std::shared_ptr sgd(new SGD(model)); sgd->setMomentum(0.9f); // sgd->setMomentum2(0.99f); diff --git a/transformers/diffusion/main.cpp b/transformers/diffusion/main.cpp index 2b6fbf25b..23f3f33c2 100644 --- a/transformers/diffusion/main.cpp +++ b/transformers/diffusion/main.cpp @@ -3,17 +3,26 @@ int main(int argc, const char* argv[]) { if (argc < 3) { - printf("Usage: ./diffusion_demo "); - return 1; + printf("Usage: ./diffusion_demo "); + return 0; } - auto sentence = argv[1]; - auto img_name = argv[2]; - auto resource_path = argv[3]; - printf("input setnetce: %s\n", sentence); - printf("output img_name: %s\n", img_name); + auto resource_path = argv[1]; + auto img_name = argv[2]; + + std::string input_text; + for (int i = 3; i < argc; ++i) { + input_text += argv[i]; + if (i < argc - 1) { + input_text += " "; + } + } + printf("model resource path: %s\n", resource_path); + printf("output img_name: %s\n", img_name); + printf("input texts: %s\n", input_text.c_str()); + diffusion::Pipeline pipeline(resource_path); - pipeline.run(sentence, img_name); + pipeline.run(input_text, img_name); return 0; } diff --git a/transformers/diffusion/pipeline.cpp b/transformers/diffusion/pipeline.cpp index 3cd64e5f3..57a16443e 100644 --- a/transformers/diffusion/pipeline.cpp +++ b/transformers/diffusion/pipeline.cpp @@ -18,6 +18,9 @@ #include #endif +//#define TEXT_MAX_LEN 512 // Taiyi_SD +#define TEXT_MAX_LEN 77 // SD_1.5 + //#define MNN_DUMP_DATA using namespace CV; @@ -129,7 +132,7 @@ bool Pipeline::load_modules(std::string modelPath) { } VARP Pipeline::text_encoder(const std::vector& ids) { - auto inputs_ids_ = _Const(ids.data(), {2, 512}, NCHW, halide_type_of()); + auto inputs_ids_ = _Const(ids.data(), {2, TEXT_MAX_LEN}, NCHW, halide_type_of()); auto outputs = mModules[0]->onForward({inputs_ids_}); auto output = _Convert(outputs[0], NCHW); @@ -138,7 +141,7 @@ VARP Pipeline::text_encoder(const std::vector& ids) { #ifdef MNN_DUMP_DATA auto xx = output->readMap(); for(int i=0; i<10; i+=2) { - printf("%f %f ", xx[i], xx[i+512*768]); + printf("%f %f ", xx[i], xx[i+TEXT_MAX_LEN*768]); } printf("\n\n"); #endif @@ -256,7 +259,7 @@ VARP Pipeline::unet(VARP text_embeddings) { printf("%f %f %f ", xx[i], yy[i], zz[i]); } for(int i=0; i<6; i+=2) { - printf("%f %f %f ", xx[16384+i], yy[16384+i], zz[512*768+i]); + printf("%f %f %f ", xx[16384+i], yy[16384+i], zz[TEXT_MAX_LEN*768+i]); } printf("\n\n"); #endif @@ -298,11 +301,14 @@ VARP Pipeline::vae_decoder(VARP latent) { } bool Pipeline::run(const std::string& sentence, const std::string& img_name) { - diffusion::tokenizer tok(mModelPath + "/vocab.txt"); + std::unique_ptr tok; +// tok.reset(new diffusion::BertTokenizer); + tok.reset(new diffusion::CLIPTokenizer); + tok->load(mModelPath); load_modules(mModelPath); AUTOTIME; - auto ids = tok.sentence(sentence, 512); + auto ids = tok->encode(sentence, TEXT_MAX_LEN); auto text_embeddings = text_encoder(ids); auto latent = unet(text_embeddings); diff --git a/transformers/diffusion/tokenizer.cpp b/transformers/diffusion/tokenizer.cpp index 02400e487..b1881fafc 100644 --- a/transformers/diffusion/tokenizer.cpp +++ b/transformers/diffusion/tokenizer.cpp @@ -3,29 +3,324 @@ #include #include #include "tokenizer.hpp" - +#include "core/Macro.h" +#include +#include +#include +#include +#include +#include "rapidjson/document.h" +#include "rapidjson/filereadstream.h" +#include "rapidjson/error/en.h" namespace diffusion { -tokenizer::tokenizer(std::string dictPath) { - std::ifstream dictFile(dictPath); +bool BertTokenizer::load(const std::string& dictPath) { + std::ifstream dictFile(dictPath + "/vocab.txt"); + if(dictFile.is_open()) { + MNN_ERROR("tokenize load error, vocab.txt not found in %s\n", dictPath.c_str()); + return false; + } int index = 0; std::string word; while (dictFile >> word) { - mWordDict.insert(std::make_pair(std::move(word), index++)); + mVocabs.insert(std::make_pair(std::move(word), index++)); + } + mStartIdx = this->word_piece("[CLS]")[0]; + mEndIdx = this->word_piece("[SEP]")[0]; + return true; +} + +std::vector BertTokenizer::word_piece(const std::string& token) { + auto it = mVocabs.find(token); + if (it != mVocabs.end()) { + return {it->second}; + } + std::vector ids; + std::string current = token; + while (!current.empty()) { + int match_id = -1; + size_t match_pos = 0; + for (int len = current.size(); len > 0; --len) { + std::string candidate = current.substr(0, len); + if (!ids.empty()) { + candidate = "##" + candidate; + } + auto it = mVocabs.find(candidate); + if (it != mVocabs.end()) { + match_id = it->second; + match_pos = len; + break; + } + } + // [UNK] + if (match_id == -1) { + ids.push_back(100); + break; + } + ids.push_back(match_id); + // not first word, adding ## prefix + current = current.substr(match_pos); + } + return ids; +} + + +std::vector BertTokenizer::encode(const std::string& str, int maxlen) { + std::vector ids(maxlen * 2, 0); + // uncond + ids[0] = mStartIdx; + ids[1] = mEndIdx; + // ids + int idx = maxlen; + ids[idx++] = mStartIdx; + + std::vector tokens; + std::string current_token; + size_t i = 0; + while (i < str.size()) { + current_token.clear(); + unsigned char c = static_cast(str[i]); + // handle multi-byte UTF-8 characters + if ((c & 0x80) != 0) { + unsigned char mask = 0xE0; // 1110 0000 for 3-byte char + if ((c & mask) == mask) { + current_token = str.substr(i, 3); + i += 3; + } else { + ++i; + continue; + } + } + // handle continuous sequence of letters and digits + else if (std::isalnum(c)) { + while (i < str.size() && std::isalnum(static_cast(str[i]))) { + current_token += std::tolower(str[i]); + ++i; + } + } + // handle punctuation and symbols + else if (std::ispunct(c)) { + current_token = str[i]; + ++i; + } + // handle space, tab, enter + else if (std::isspace(c)) { + ++i; + continue; + } + // handle any other single-byte characters + else { + current_token = str[i]; + ++i; + } + if (!current_token.empty()) { + tokens.push_back(current_token); + } + } + + for (auto token : tokens) { + for (auto id : word_piece(token)) { + ids[idx++] = id; + } + } + + ids[idx++] = mEndIdx; + return ids; +} + +bool CLIPTokenizer::load(const std::string& filePath) { + bool res_0 = loadVocab(filePath + "/vocab.json"); + bool res_1 = loadMerges(filePath + "/merges.txt"); + return res_0 && res_1; +} + +std::wstring utf8_to_wstring(const std::string& str) { + std::wstring_convert> myconv; + return myconv.from_bytes(str); +} + +std::string wstring_to_utf8(const std::wstring& str) { + std::wstring_convert> myconv; + return myconv.to_bytes(str); +} + +bool CLIPTokenizer::loadVocab(const std::string& vocabFilePath) { + FILE* fp = fopen(vocabFilePath.c_str(), "rb"); + if (!fp) { + MNN_ERROR("File %s open failed.\n", vocabFilePath.c_str()); + return false; + } + + char readBuffer[65536]; + rapidjson::FileReadStream is(fp, readBuffer, sizeof(readBuffer)); + + rapidjson::Document doc; + doc.ParseStream(is); + fclose(fp); + + if (doc.HasParseError()) { + MNN_ERROR("JSON parse error: %s\n", rapidjson::GetParseError_En(doc.GetParseError())); + return false; + } + + if (!doc.IsObject()) { + MNN_ERROR("JSON is not an object.\n"); + return false; + } + + for (rapidjson::Value::ConstMemberIterator itr = doc.MemberBegin(); itr != doc.MemberEnd(); ++itr) { + const char* key = itr->name.GetString(); + + if (itr->value.IsInt()) { + int intValue = itr->value.GetInt(); + mVocabs[std::string(key)] = intValue; +// std::cout << key << ": " << intValue << std::endl; + } else { + MNN_ERROR("Value for key: %s is not an integer.\n", key); + } + } + + auto _insert_range = [=](int start, int end) { + for (int c = start; c <= end; c++) { + b2u_.insert({uint8_t(c), wchar_t(c)}); + } + }; + + b2u_.clear(); + _insert_range(L'!', L'~'); + _insert_range(L'¡', L'¬'); + _insert_range(L'®', L'ÿ'); + + int n = 0; + for (int b = 0; b < 256; b++) { + if (b2u_.find(uint8_t(b)) == b2u_.end()) { + b2u_.insert({uint8_t(b), wchar_t(256 + n)}); + n++; + } } - mStartIdx = this->word("[CLS]"); - mEndIdx = this->word("[SEP]"); + for (auto e : b2u_) { + u2b_.insert({e.second, e.first}); + } + + return true; +} + +bool CLIPTokenizer::loadMerges(const std::string& mergesFilePath) { + std::ifstream file(mergesFilePath); + std::string line; + + if (!file.is_open()) { + MNN_ERROR("Failed to open merges file: %s\n", mergesFilePath.c_str()); + return false; + } + int count = 0; + while (getline(file, line)) { + if (line.empty() || line[0] == '#') { + continue; + } + + size_t colonPos = line.find(' '); + if (colonPos != std::string::npos) { + std::string token_0 = line.substr(0, colonPos); + std::string token_1 = line.substr(colonPos + 1); + bpe_ranks_[std::make_pair(utf8_to_wstring(token_0), utf8_to_wstring(token_1))] = count++; + } + } + return true; } + +void get_pairs(const std::wstring& word, std::vector>* pairs) { + pairs->clear(); + + if (word.size() < 2) return; -int tokenizer::word(std::string word) { - const auto& iter = mWordDict.find(word); - if (iter != mWordDict.end()) { - return iter->second; + wchar_t previous = word[0]; + for (int i = 1; i < word.size(); i++) { + pairs->push_back({std::wstring(1, previous), std::wstring(1, word[i])}); + previous = word[i]; } - return -1; } -std::vector tokenizer::sentence(std::string sentence, int maxlen) { +void CLIPTokenizer::bpe(const std::wstring& token, const BPERanks& bpe_ranks, std::vector* result) { + std::set merged; // records indices in pairs that were merged. + auto _left = [](int i, std::set& merged) { + for (int j = i - 1; j >= -1; j--) { + if (merged.find(j) == merged.end()) return j; + } + return -1; + }; + auto _right = [](int i, int cap, std::set& merged) { + for (int j = i + 1; j < cap; j++) { + if (merged.find(j) == merged.end()) return j; + } + return cap; + }; + + std::vector> pairs; + get_pairs(token, &pairs); + + while (true) { + int min_score = INT_MAX; + int to_merge = -1; // indices into pairs. + + for (int i = 0; i < pairs.size(); ++i) { + if (merged.find(i) == merged.end()) { // pair i is not merged. + auto iter = bpe_ranks.find(pairs[i]); + int score = iter != bpe_ranks.end() ? iter->second : INT_MAX; + if (score < min_score) { + min_score = score; + to_merge = i; + } + } + } + + if (to_merge == -1) break; + + merged.insert(to_merge); + std::wstring merge_into = pairs[to_merge].first + pairs[to_merge].second; + + int l = _left(to_merge, merged); + if (l >= 0) pairs[l].second = merge_into; + int r = _right(to_merge, pairs.size(), merged); + if (r < pairs.size()) pairs[r].first = merge_into; + } // end while (true) + + if (merged.size() == pairs.size()) { + result->push_back(token); + + } else { + for (int i = 0; i < pairs.size(); ++i) { + if (merged.find(i) == merged.end()) { + if (_left(i, merged) < 0) result->push_back(pairs[i].first); + result->push_back(pairs[i].second); + } + } + } +} + +std::vector CLIPTokenizer::encode(const std::string& text, int maxlen) { + + std::regex re("('s|'t|'re|'ve|'m|'ll|'d| ?[[:alpha:]]+| ?[[:digit:]]+| ?[^\\s\\w]+|\\s+)"); + std::string input = text; + std::vector result; + std::string token; + std::smatch match; + while (std::regex_search(input, match, re)) { + token = match.str(0); + input = match.suffix().str(); + + std::wstring wtoken; + for (char c : token) { + wtoken.push_back(b2u_.at(uint8_t(c))); + } + std::vector bpe_tokens; + bpe(wtoken, bpe_ranks_, &bpe_tokens); + + for (auto ws : bpe_tokens) { + result.push_back(wstring_to_utf8(ws)); + } + } + std::vector ids(maxlen * 2, 0); // uncond ids[0] = mStartIdx; @@ -33,24 +328,12 @@ std::vector tokenizer::sentence(std::string sentence, int maxlen) { // ids int idx = maxlen; ids[idx++] = mStartIdx; - for (size_t i = 0; i < sentence.length();) { - int wordlen = 1; - if ((sentence[i] & 0xf8) == 0xf0) { - wordlen = 4; - } else if ((sentence[i] & 0xf0) == 0xe0) { - wordlen = 3; - } else if ((sentence[i] & 0xe0) == 0xc0) { - wordlen = 2; - } - if ((i + wordlen) > sentence.length()) { - wordlen = 1; - } - std::string word = sentence.substr(i, wordlen); - ids[idx++] = this->word(word); - i += wordlen; + for (auto s : result) { + ids[idx++] = mVocabs.at(s); } ids[idx++] = mEndIdx; + return ids; } -} // diffusion \ No newline at end of file +} // diffusion diff --git a/transformers/diffusion/tokenizer.hpp b/transformers/diffusion/tokenizer.hpp index 529aa05bf..5c7d76e40 100644 --- a/transformers/diffusion/tokenizer.hpp +++ b/transformers/diffusion/tokenizer.hpp @@ -4,15 +4,56 @@ namespace diffusion { -class tokenizer { +class Tokenizer { public: - tokenizer(std::string dictPath); - ~tokenizer() {} - int word(std::string word); - std::vector sentence(std::string sentence, int maxlen = 0); + Tokenizer() = default; + virtual ~Tokenizer() = default; + virtual bool load(const std::string& filePath) = 0; + virtual std::vector encode(const std::string& sentence, int maxlen = 0) = 0; +}; + +class BertTokenizer : public Tokenizer{ +public: + BertTokenizer() = default; + virtual bool load(const std::string& filePath) override; + virtual std::vector encode(const std::string& sentence, int maxlen = 0) override; +private: + std::vector word_piece(const std::string& token); private: int mStartIdx, mEndIdx; - std::unordered_map mWordDict; + std::unordered_map mVocabs; +}; + +class CLIPTokenizer : public Tokenizer{ +struct hash_pair_wstring { + size_t operator()(const std::pair& p) const { + auto hash1 = std::hash{}(p.first); + auto hash2 = std::hash{}(p.second); + // If hash1 == hash2, their XOR is zero. + return (hash1 != hash2) ? hash1 ^ hash2 : hash1; + } +}; +using BPERanks = std::unordered_map, int, hash_pair_wstring>; + +public: + CLIPTokenizer() = default; + virtual bool load(const std::string& filePath) override; + virtual std::vector encode(const std::string& sentence, int maxlen = 0) override; + +private: + bool loadVocab(const std::string& vocabFilePath); + bool loadMerges(const std::string& mergesFilePath); + +private: + void bpe(const std::wstring& token, const BPERanks& bpe_ranks, std::vector* result); + BPERanks bpe_ranks_; + std::unordered_map b2u_; + std::unordered_map u2b_; + + std::unordered_map mVocabs; + + int mStartIdx = 49406; + int mEndIdx = 49407; }; -} // diffusion \ No newline at end of file +} // diffusion diff --git a/transformers/llm/engine/include/llm.hpp b/transformers/llm/engine/include/llm.hpp index 3053b0f0c..73f79eb47 100644 --- a/transformers/llm/engine/include/llm.hpp +++ b/transformers/llm/engine/include/llm.hpp @@ -259,7 +259,7 @@ class Qwen2_0_5b : public Qwen2 { Qwen2_0_5b() { model_name_ = "Qwen2_0.5b"; layer_nums_ = 24; - key_value_shape_ = {2, 1, 16, 0, 64}; + key_value_shape_ = {2, 1, 0, 16, 64}; hidden_size_ = 1024; } }; diff --git a/transformers/llm/engine/llm_demo.cpp b/transformers/llm/engine/llm_demo.cpp index 37b7b44c4..f8eb04593 100644 --- a/transformers/llm/engine/llm_demo.cpp +++ b/transformers/llm/engine/llm_demo.cpp @@ -35,25 +35,63 @@ static void trace_prepare(Llm* llm) { MNN_PRINT("Prepare for resize opt End\n"); llm->trace(false); } -static void benchmark(Llm* llm, std::string prompt_file) { - std::cout << "prompt file is " << prompt_file << std::endl; - std::ifstream prompt_fs(prompt_file); - std::vector prompts; - std::string prompt; - while (std::getline(prompt_fs, prompt)) { - // prompt start with '#' will be ignored - if (prompt.substr(0, 1) == "#") { - continue; + +std::vector> parse_csv(const std::vector& lines) { + std::vector> csv_data; + std::string line; + std::vector row; + std::string cell; + bool insideQuotes = false; + bool startCollecting = false; + + // content to stream + std::string content = ""; + for (auto line : lines) { + content = content + line + "\n"; + } + std::istringstream stream(content); + + while (stream.peek() != EOF) { + char c = stream.get(); + if (c == '"') { + if (insideQuotes && stream.peek() == '"') { // quote + cell += '"'; + stream.get(); // skip quote + } else { + insideQuotes = !insideQuotes; // start or end text in quote + } + startCollecting = true; + } else if (c == ',' && !insideQuotes) { // end element, start new element + row.push_back(cell); + cell.clear(); + startCollecting = false; + } else if ((c == '\n' || stream.peek() == EOF) && !insideQuotes) { // end line + row.push_back(cell); + csv_data.push_back(row); + cell.clear(); + row.clear(); + startCollecting = false; + } else { + cell += c; + startCollecting = true; } - prompts.push_back(prompt); } + return csv_data; +} + +static int benchmark(Llm* llm, const std::vector& prompts) { int prompt_len = 0; int decode_len = 0; int64_t prefill_time = 0; int64_t decode_time = 0; // llm->warmup(); for (int i = 0; i < prompts.size(); i++) { - llm->response(prompts[i]); + const auto& prompt = prompts[i]; + // prompt start with '#' will be ignored + if (prompt.substr(0, 1) == "#") { + continue; + } + llm->response(prompt); prompt_len += llm->prompt_len_; decode_len += llm->gen_seq_len_; prefill_time += llm->prefill_us_; @@ -70,8 +108,70 @@ static void benchmark(Llm* llm, std::string prompt_file) { printf("prefill speed = %.2f tok/s\n", prompt_len / prefill_s); printf(" decode speed = %.2f tok/s\n", decode_len / decode_s); printf("##################################\n"); + return 0; +} + +static int ceval(Llm* llm, const std::vector& lines, std::string filename) { + auto csv_data = parse_csv(lines); + int right = 0, wrong = 0; + llm->max_seq_len_ = 512; + std::vector answers; + for (int i = 1; i < csv_data.size(); i++) { + const auto& elements = csv_data[i]; + std::string prompt = elements[1]; + prompt += "\n\nA. " + elements[2]; + prompt += "\nB. " + elements[3]; + prompt += "\nC. " + elements[4]; + prompt += "\nD. " + elements[5]; + prompt += "\n\n"; + printf("%s", prompt.c_str()); + printf("## 进度: %d / %lu\n", i, lines.size() - 1); + auto res = llm->response(prompt.c_str()); + llm->reset(); + answers.push_back(res); + } + { + auto position = filename.rfind("/"); + if (position != std::string::npos) { + filename = filename.substr(position + 1, -1); + } + position = filename.find("_val"); + if (position != std::string::npos) { + filename.replace(position, 4, "_res"); + } + std::cout << "store to " << filename << std::endl; + } + std::ofstream ofp(filename); + ofp << "id,answer" << std::endl; + for (int i = 0; i < answers.size(); i++) { + auto& answer = answers[i]; + ofp << i << ",\""<< answer << "\"" << std::endl; + } + ofp.close(); + return 0; } +static int eval(Llm* llm, std::string prompt_file) { + std::cout << "prompt file is " << prompt_file << std::endl; + std::ifstream prompt_fs(prompt_file); + std::vector prompts; + std::string prompt; + while (std::getline(prompt_fs, prompt)) { + if (prompt.back() == '\r') { + prompt.pop_back(); + } + prompts.push_back(prompt); + } + prompt_fs.close(); + if (prompts.empty()) { + return 1; + } + // ceval + if (prompts[0] == "id,question,A,B,C,D,answer") { + return ceval(llm, prompts, prompt_file); + } + return benchmark(llm, prompts); +} int main(int argc, const char* argv[]) { if (argc < 2) { @@ -103,6 +203,5 @@ int main(int argc, const char* argv[]) { llm->chat(); } std::string prompt_file = argv[4]; - benchmark(llm.get(), prompt_file); - return 0; + return eval(llm.get(), prompt_file); } diff --git a/transformers/llm/engine/src/llm.cpp b/transformers/llm/engine/src/llm.cpp index 466f4ffa5..d3c0520db 100644 --- a/transformers/llm/engine/src/llm.cpp +++ b/transformers/llm/engine/src/llm.cpp @@ -231,6 +231,7 @@ void Llm::load(const std::string& model_dir) { cpuBackendConfig.precision = (BackendConfig::PrecisionMode)(mPrecisionMemory % 4); cpuBackendConfig.memory = (BackendConfig::MemoryMode)((mPrecisionMemory / 4) % 4); + printf("### precision, memory = %d, %d\n", (mPrecisionMemory % 4), ((mPrecisionMemory / 4) % 4)); config.backendConfig = &cpuBackendConfig; runtime_manager_.reset(Executor::RuntimeManager::createRuntimeManager(config)); runtime_manager_->setHint(MNN::Interpreter::MEM_ALLOCATOR_TYPE, 0); @@ -748,28 +749,25 @@ std::vector Llama2_7b::tokenizer(const std::string& query) { } VARP Llama2_7b::gen_attention_mask(int seq_len) { - if (seq_len == 1) { - auto attention_mask = _Input({1, 1, 1, all_seq_len_ + 1}, NCHW, halide_type_of()); - auto ptr = attention_mask->writeMap(); - for (int i = 0; i < all_seq_len_ + 1; i++) { - ptr[i] = 0; - } - return attention_mask; + if (needNewVar(attention_mask_, 2, seq_len)) { + attention_mask_ = _Input({1, 1, seq_len, seq_len}, NCHW, halide_type_of()); } else { - auto attention_mask = _Input({1, 1, seq_len, seq_len}, NCHW, halide_type_of()); - auto ptr = attention_mask->writeMap(); - for (int i = 0; i < seq_len; i++) { - for (int j = 0; j < seq_len; j++) { - ptr[seq_len * i + j] = (j > i) * std::numeric_limits::lowest(); - } + return attention_mask_; + } + auto ptr = attention_mask_->writeMap(); + for (int i = 0; i < seq_len; i++) { + for (int j = 0; j < seq_len; j++) { + ptr[seq_len * i + j] = (j > i) * std::numeric_limits::lowest(); } - return attention_mask; } + return attention_mask_; } VARP Llama2_7b::gen_position_ids(int seq_len) { - auto position_ids = _Input({1, seq_len}, NCHW, halide_type_of()); - auto ptr = position_ids->writeMap(); + if (needNewVar(position_ids_, 1, seq_len)) { + position_ids_ = _Input({1, seq_len}, NCHW, halide_type_of()); + } + auto ptr = position_ids_->writeMap(); if (seq_len == 1) { ptr[0] = all_seq_len_; } else { @@ -777,7 +775,7 @@ VARP Llama2_7b::gen_position_ids(int seq_len) { ptr[i] = i; } } - return position_ids; + return position_ids_; } bool Llama2_7b::is_stop(int token_id) { diff --git a/transformers/llm/engine/src/tokenizer.cpp b/transformers/llm/engine/src/tokenizer.cpp index 63be777ba..fb71443f0 100644 --- a/transformers/llm/engine/src/tokenizer.cpp +++ b/transformers/llm/engine/src/tokenizer.cpp @@ -602,7 +602,7 @@ void HuggingfaceTokenizer::bpe(const std::wstring& token, const BPERanks& bpe_ra } std::vector HuggingfaceTokenizer::encode(const std::string& str) { - std::regex re("('s|'t|'re|'ve|'m|'ll|'d| ?[[:alpha:]]+| ?[[:digit:]]+| ?[^\\s\\w]+|\\s+)"); + std::regex re("('s|'t|'re|'ve|'m|'ll|'d| ?[[:alpha:]]+| ?(_+)| ?[[:digit:]]+| ?[^\\s\\w]+|\\s+)"); std::string input = str; std::vector result; std::string token; diff --git a/transformers/llm/export/llm_export.py b/transformers/llm/export/llm_export.py index 3ee64ca77..456106ec6 100644 --- a/transformers/llm/export/llm_export.py +++ b/transformers/llm/export/llm_export.py @@ -771,21 +771,22 @@ def visual_embed(self, input_ids): return hidden_states.view(-1, 1, self.hidden_size) class QWEN2Block(torch.nn.Module): - def __init__(self, name, block, block_id, hidden_size, head_dim, final_layernorm = None): + def __init__(self, name, block, block_id, config, final_layernorm = None): super().__init__() self.name = name self.block = block self.block_id = block_id self.final_layernorm = final_layernorm - self.hidden_size = hidden_size - self.head_dim = head_dim + self.hidden_size = config.hidden_size + self.head_dim = config.hidden_size // config.num_attention_heads + self.rope_theta = config.rope_theta def forward(self, hidden_states, attention_mask, position_ids, past_kv): - theta = 1.0 / (10000.0 ** (torch.arange(0, self.head_dim, 2, dtype=torch.float32) / self.head_dim)) + theta = 1.0 / (self.rope_theta ** (torch.arange(0, self.head_dim, 2, dtype=torch.float32) / self.head_dim)) position_ids = position_ids.float().reshape(-1, 1) idx_theta = position_ids * theta rotary_pos_emb = torch.cat((idx_theta, idx_theta), dim=-1) - rotary_pos_emb = rotary_pos_emb.unsqueeze(0).unsqueeze(0) + rotary_pos_emb = rotary_pos_emb.unsqueeze(1).unsqueeze(0) rotary_pos_emb = torch.stack([torch.cos(rotary_pos_emb), torch.sin(rotary_pos_emb)]) hidden_states = hidden_states.view(1, -1, self.hidden_size) hidden_states, presents = self.block(hidden_states=hidden_states, @@ -815,30 +816,36 @@ def load_model(self): self.final_layernorm_ = transformer.norm # some wrapper self.stop_id = self.tokenizer.eos_token_id - if hasattr(model, 'generation_config'): + if hasattr(self.model, 'generation_config'): self.stop_ids.append(self.stop_id) for id in self.model.generation_config.eos_token_id: self.stop_ids.append(id) self.block_nums = self.config.num_hidden_layers self.hidden_size = self.config.hidden_size self.num_heads = self.config.num_attention_heads + self.rope_theta = self.config.rope_theta self.head_dim = self.hidden_size // self.num_heads - self.embed = Embedding(self.embed_, self.embed_bf16) + if self.embed_.weight is self.lm_.weight: + import copy + embed_copy = copy.deepcopy(self.embed_) + self.embed = Embedding(embed_copy, self.embed_bf16) + else: + self.embed = Embedding(self.embed_, self.embed_bf16) self.lm = Lm(self.lm_) - self.past_kv_shape = [self.block_nums, 2, 1, self.num_heads, 0, self.head_dim] - self.blocks = [QWEN2Block(self.model_name, self.blocks_[i], i, self.hidden_size, self.head_dim, self.final_layernorm_ if i == len(self.blocks_) - 1 else None) for i in range(self.block_nums)] + self.past_kv_shape = [self.block_nums, 2, 1, 0, self.num_heads, self.head_dim] + self.blocks = [QWEN2Block(self.model_name, self.blocks_[i], i, self.config, self.final_layernorm_ if i == len(self.blocks_) - 1 else None) for i in range(self.block_nums)] # some config for export self.block_dynamic_axes = { "inputs_embeds" : { 0: "seq_len" }, "attention_mask" : { 2: "seq_len", 3: "seq_len" }, "position_ids" : { 0: "seq_len" }, - "past_key_values" : { 2: "history_len" } + "past_key_values" : { 1: "history_len" } } self.model_dynamic_axes = { "input_ids" : { 0: "seq_len" }, "attention_mask" : { 2: "seq_len", 3: "seq_len" }, "position_ids" : { 0: "seq_len" }, - "past_key_values" : { 3: "history_len" } + "past_key_values" : { 2: "history_len" } } def build_prompt(self, query): @@ -922,7 +929,7 @@ def load_model(self): # some wrapper self.hidden_size = self.embed_.weight.shape[-1] self.stop_id = self.tokenizer.eos_token_id - if hasattr(model, 'generation_config'): + if hasattr(self.model, 'generation_config'): self.stop_ids.append(self.stop_id) self.stop_ids.append(self.model.generation_config.eos_token_id) if self.model_name == 'Llama3_8B': @@ -940,13 +947,13 @@ def load_model(self): self.block_dynamic_axes = { "inputs_embeds" : { 0: "seq_len" }, "attention_mask" : { 2: "seq_len", 3: "seq_len" }, - "position_ids" : { 0: "seq_len" }, + "position_ids" : { 1: "seq_len" }, "past_key_values" : { 3: "history_len" } } self.model_dynamic_axes = { "input_ids" : { 0: "seq_len" }, "attention_mask" : { 2: "seq_len", 3: "seq_len" }, - "position_ids" : { 0: "seq_len" }, + "position_ids" : { 1: "seq_len" }, "past_key_values" : { 4: "history_len" } } diff --git a/transformers/llm/export/llm_models/Qwen1_5-0_5B-Chat/modeling_qwen2.py b/transformers/llm/export/llm_models/Qwen1_5-0_5B-Chat/modeling_qwen2.py index 23b740356..8afc2ecb5 100644 --- a/transformers/llm/export/llm_models/Qwen1_5-0_5B-Chat/modeling_qwen2.py +++ b/transformers/llm/export/llm_models/Qwen1_5-0_5B-Chat/modeling_qwen2.py @@ -262,6 +262,7 @@ def forward( key_states = self.k_proj(hidden_states) value_states = self.v_proj(hidden_states) + ''' query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim).transpose(1, 2) key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) @@ -291,9 +292,30 @@ def forward( # key_states, value_states = past_key_value.update(key_states, value_states, self.layer_idx, cache_kwargs) past_key_value = torch.stack((key_states, value_states)) # repeat k/v heads if n_kv_heads < n_heads - key_states = repeat_kv(key_states, self.num_key_value_groups) - value_states = repeat_kv(value_states, self.num_key_value_groups) - + # key_states = repeat_kv(key_states, self.num_key_value_groups) + # value_states = repeat_kv(value_states, self.num_key_value_groups) + ''' + #--------------- + query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim) + key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + kv_seq_len = key_states.shape[1] + if past_key_value is not None: + kv_seq_len += past_key_value[0].shape[1] + # rope + cos, sin = rotary_pos_emb + query_states = (query_states * cos) + (rotate_half(query_states) * sin) + key_states = (key_states * cos) + (rotate_half(key_states) * sin) + # kv cache + if past_key_value is not None: + past_key, past_value = past_key_value[0], past_key_value[1] + key_states = torch.cat((past_key, key_states), dim=1) + value_states = torch.cat((past_value, value_states), dim=1) + past_key_value = torch.stack((key_states, value_states)) + query_states = query_states.transpose(1, 2) + key_states = key_states.transpose(1, 2) + value_states = value_states.transpose(1, 2) + #--------------- attn_weights = torch.matmul(query_states, key_states.transpose(2, 3)) / math.sqrt(self.head_dim) if attn_weights.size() != (bsz, self.num_heads, q_len, kv_seq_len): diff --git a/transformers/llm/export/llm_models/Qwen1_5-1_8B-Chat/modeling_qwen2.py b/transformers/llm/export/llm_models/Qwen1_5-1_8B-Chat/modeling_qwen2.py index 23b740356..8afc2ecb5 100644 --- a/transformers/llm/export/llm_models/Qwen1_5-1_8B-Chat/modeling_qwen2.py +++ b/transformers/llm/export/llm_models/Qwen1_5-1_8B-Chat/modeling_qwen2.py @@ -262,6 +262,7 @@ def forward( key_states = self.k_proj(hidden_states) value_states = self.v_proj(hidden_states) + ''' query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim).transpose(1, 2) key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) @@ -291,9 +292,30 @@ def forward( # key_states, value_states = past_key_value.update(key_states, value_states, self.layer_idx, cache_kwargs) past_key_value = torch.stack((key_states, value_states)) # repeat k/v heads if n_kv_heads < n_heads - key_states = repeat_kv(key_states, self.num_key_value_groups) - value_states = repeat_kv(value_states, self.num_key_value_groups) - + # key_states = repeat_kv(key_states, self.num_key_value_groups) + # value_states = repeat_kv(value_states, self.num_key_value_groups) + ''' + #--------------- + query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim) + key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + kv_seq_len = key_states.shape[1] + if past_key_value is not None: + kv_seq_len += past_key_value[0].shape[1] + # rope + cos, sin = rotary_pos_emb + query_states = (query_states * cos) + (rotate_half(query_states) * sin) + key_states = (key_states * cos) + (rotate_half(key_states) * sin) + # kv cache + if past_key_value is not None: + past_key, past_value = past_key_value[0], past_key_value[1] + key_states = torch.cat((past_key, key_states), dim=1) + value_states = torch.cat((past_value, value_states), dim=1) + past_key_value = torch.stack((key_states, value_states)) + query_states = query_states.transpose(1, 2) + key_states = key_states.transpose(1, 2) + value_states = value_states.transpose(1, 2) + #--------------- attn_weights = torch.matmul(query_states, key_states.transpose(2, 3)) / math.sqrt(self.head_dim) if attn_weights.size() != (bsz, self.num_heads, q_len, kv_seq_len): diff --git a/transformers/llm/export/llm_models/Qwen1_5-4B-Chat/modeling_qwen2.py b/transformers/llm/export/llm_models/Qwen1_5-4B-Chat/modeling_qwen2.py index 23b740356..8afc2ecb5 100644 --- a/transformers/llm/export/llm_models/Qwen1_5-4B-Chat/modeling_qwen2.py +++ b/transformers/llm/export/llm_models/Qwen1_5-4B-Chat/modeling_qwen2.py @@ -262,6 +262,7 @@ def forward( key_states = self.k_proj(hidden_states) value_states = self.v_proj(hidden_states) + ''' query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim).transpose(1, 2) key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) @@ -291,9 +292,30 @@ def forward( # key_states, value_states = past_key_value.update(key_states, value_states, self.layer_idx, cache_kwargs) past_key_value = torch.stack((key_states, value_states)) # repeat k/v heads if n_kv_heads < n_heads - key_states = repeat_kv(key_states, self.num_key_value_groups) - value_states = repeat_kv(value_states, self.num_key_value_groups) - + # key_states = repeat_kv(key_states, self.num_key_value_groups) + # value_states = repeat_kv(value_states, self.num_key_value_groups) + ''' + #--------------- + query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim) + key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + kv_seq_len = key_states.shape[1] + if past_key_value is not None: + kv_seq_len += past_key_value[0].shape[1] + # rope + cos, sin = rotary_pos_emb + query_states = (query_states * cos) + (rotate_half(query_states) * sin) + key_states = (key_states * cos) + (rotate_half(key_states) * sin) + # kv cache + if past_key_value is not None: + past_key, past_value = past_key_value[0], past_key_value[1] + key_states = torch.cat((past_key, key_states), dim=1) + value_states = torch.cat((past_value, value_states), dim=1) + past_key_value = torch.stack((key_states, value_states)) + query_states = query_states.transpose(1, 2) + key_states = key_states.transpose(1, 2) + value_states = value_states.transpose(1, 2) + #--------------- attn_weights = torch.matmul(query_states, key_states.transpose(2, 3)) / math.sqrt(self.head_dim) if attn_weights.size() != (bsz, self.num_heads, q_len, kv_seq_len): diff --git a/transformers/llm/export/llm_models/Qwen1_5-7B-Chat/modeling_qwen2.py b/transformers/llm/export/llm_models/Qwen1_5-7B-Chat/modeling_qwen2.py index 23b740356..8afc2ecb5 100644 --- a/transformers/llm/export/llm_models/Qwen1_5-7B-Chat/modeling_qwen2.py +++ b/transformers/llm/export/llm_models/Qwen1_5-7B-Chat/modeling_qwen2.py @@ -262,6 +262,7 @@ def forward( key_states = self.k_proj(hidden_states) value_states = self.v_proj(hidden_states) + ''' query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim).transpose(1, 2) key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim).transpose(1, 2) @@ -291,9 +292,30 @@ def forward( # key_states, value_states = past_key_value.update(key_states, value_states, self.layer_idx, cache_kwargs) past_key_value = torch.stack((key_states, value_states)) # repeat k/v heads if n_kv_heads < n_heads - key_states = repeat_kv(key_states, self.num_key_value_groups) - value_states = repeat_kv(value_states, self.num_key_value_groups) - + # key_states = repeat_kv(key_states, self.num_key_value_groups) + # value_states = repeat_kv(value_states, self.num_key_value_groups) + ''' + #--------------- + query_states = query_states.view(bsz, q_len, self.num_heads, self.head_dim) + key_states = key_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + value_states = value_states.view(bsz, q_len, self.num_key_value_heads, self.head_dim) + kv_seq_len = key_states.shape[1] + if past_key_value is not None: + kv_seq_len += past_key_value[0].shape[1] + # rope + cos, sin = rotary_pos_emb + query_states = (query_states * cos) + (rotate_half(query_states) * sin) + key_states = (key_states * cos) + (rotate_half(key_states) * sin) + # kv cache + if past_key_value is not None: + past_key, past_value = past_key_value[0], past_key_value[1] + key_states = torch.cat((past_key, key_states), dim=1) + value_states = torch.cat((past_value, value_states), dim=1) + past_key_value = torch.stack((key_states, value_states)) + query_states = query_states.transpose(1, 2) + key_states = key_states.transpose(1, 2) + value_states = value_states.transpose(1, 2) + #--------------- attn_weights = torch.matmul(query_states, key_states.transpose(2, 3)) / math.sqrt(self.head_dim) if attn_weights.size() != (bsz, self.num_heads, q_len, kv_seq_len):